diff --git a/abacusai/__init__.py b/abacusai/__init__.py index 0d1f2f562..e73cdecc5 100644 --- a/abacusai/__init__.py +++ b/abacusai/__init__.py @@ -20,6 +20,8 @@ from .app_user_group_sign_in_token import AppUserGroupSignInToken from .application_connector import ApplicationConnector from .audio_gen_settings import AudioGenSettings +from .audio_url_result import AudioUrlResult +from .audit_log import AuditLog from .batch_prediction import BatchPrediction from .batch_prediction_version import BatchPredictionVersion from .batch_prediction_version_logs import BatchPredictionVersionLogs @@ -28,24 +30,37 @@ from .chat_message import ChatMessage from .chat_session import ChatSession from .chatllm_computer import ChatllmComputer +from .chatllm_computer_status import ChatllmComputerStatus +from .chatllm_memory import ChatllmMemory +from .chatllm_project import ChatllmProject +from .chatllm_project_permissions import ChatllmProjectPermissions from .chatllm_referral_invite import ChatllmReferralInvite from .chatllm_task import ChatllmTask -from .client import AgentResponse, ApiClient, ApiException, ClientOptions, ReadOnlyClient, _request_context +from .client import AgentResponse, ApiClient, ApiException, ClientOptions, ReadOnlyClient, ToolResponse, _request_context from .code_agent_response import CodeAgentResponse +from .code_autocomplete_edit_prediction_response import CodeAutocompleteEditPredictionResponse from .code_autocomplete_response import CodeAutocompleteResponse from .code_bot import CodeBot from .code_edit import CodeEdit from .code_edit_response import CodeEditResponse from .code_edits import CodeEdits +from .code_embeddings import CodeEmbeddings +from .code_llm_changed_files import CodeLlmChangedFiles from .code_source import CodeSource +from .code_suggestion_validation_response import CodeSuggestionValidationResponse +from .code_summary_response import CodeSummaryResponse +from .codellm_embedding_constants import CodellmEmbeddingConstants from .compute_point_info import ComputePointInfo from .concatenation_config import ConcatenationConfig +from .constants_autocomplete_response import ConstantsAutocompleteResponse from .cpu_gpu_memory_specs import CpuGpuMemorySpecs from .custom_chat_instructions import CustomChatInstructions +from .custom_domain import CustomDomain from .custom_loss_function import CustomLossFunction from .custom_metric import CustomMetric from .custom_metric_version import CustomMetricVersion from .custom_train_function_info import CustomTrainFunctionInfo +from .daemon_task_conversation import DaemonTaskConversation from .data_consistency_duplication import DataConsistencyDuplication from .data_metrics import DataMetrics from .data_prep_logs import DataPrepLogs @@ -59,6 +74,7 @@ from .dataset_column import DatasetColumn from .dataset_version import DatasetVersion from .dataset_version_logs import DatasetVersionLogs +from .default_llm import DefaultLlm from .deployment import Deployment from .deployment_auth_token import DeploymentAuthToken from .deployment_conversation import DeploymentConversation @@ -69,6 +85,9 @@ from .document_retriever import DocumentRetriever from .document_retriever_lookup_result import DocumentRetrieverLookupResult from .document_retriever_version import DocumentRetrieverVersion +from .document_retriever_version_logs import DocumentRetrieverVersionLogs +from .domain_purchase_result import DomainPurchaseResult +from .domain_search_result import DomainSearchResult from .drift_distribution import DriftDistribution from .drift_distributions import DriftDistributions from .eda import Eda @@ -79,7 +98,9 @@ from .eda_feature_collinearity import EdaFeatureCollinearity from .eda_forecasting_analysis import EdaForecastingAnalysis from .eda_version import EdaVersion +from .edit_image_models import EditImageModels from .embedding_feature_drift_distribution import EmbeddingFeatureDriftDistribution +from .entri_auth_token import EntriAuthToken from .execute_feature_group_operation import ExecuteFeatureGroupOperation from .external_application import ExternalApplication from .external_invite import ExternalInvite @@ -106,7 +127,6 @@ from .feature_importance import FeatureImportance from .feature_mapping import FeatureMapping from .feature_performance_analysis import FeaturePerformanceAnalysis -from .feature_record import FeatureRecord from .file_connector import FileConnector from .file_connector_instructions import FileConnectorInstructions from .file_connector_verification import FileConnectorVerification @@ -114,19 +134,31 @@ from .forecasting_analysis_graph_data import ForecastingAnalysisGraphData from .forecasting_monitor_item_analysis import ForecastingMonitorItemAnalysis from .forecasting_monitor_summary import ForecastingMonitorSummary +from .fs_entry import FsEntry from .function_logs import FunctionLogs from .generated_pit_feature_config_option import GeneratedPitFeatureConfigOption from .graph_dashboard import GraphDashboard from .holdout_analysis import HoldoutAnalysis from .holdout_analysis_version import HoldoutAnalysisVersion +from .hosted_app import HostedApp +from .hosted_app_container import HostedAppContainer +from .hosted_app_file_read import HostedAppFileRead +from .hosted_artifact import HostedArtifact +from .hosted_database import HostedDatabase +from .hosted_database_snapshot import HostedDatabaseSnapshot from .hosted_model_token import HostedModelToken +from .hostname_info import HostnameInfo from .hume_voice import HumeVoice +from .image_gen_model import ImageGenModel +from .image_gen_model_options import ImageGenModelOptions from .image_gen_settings import ImageGenSettings from .indexing_config import IndexingConfig from .inferred_database_column_to_feature_mappings import InferredDatabaseColumnToFeatureMappings from .inferred_feature_mappings import InferredFeatureMappings from .item_statistics import ItemStatistics +from .lip_sync_gen_settings import LipSyncGenSettings from .llm_app import LlmApp +from .llm_artifact import LlmArtifact from .llm_code_block import LlmCodeBlock from .llm_execution_preview import LlmExecutionPreview from .llm_execution_result import LlmExecutionResult @@ -134,6 +166,10 @@ from .llm_input import LlmInput from .llm_parameters import LlmParameters from .llm_response import LlmResponse +from .mcp_config import McpConfig +from .mcp_server import McpServer +from .mcp_server_connection import McpServerConnection +from .mcp_server_query_result import McpServerQueryResult from .memory_options import MemoryOptions from .messaging_connector_response import MessagingConnectorResponse from .model import Model @@ -190,6 +226,8 @@ from .prediction_log_record import PredictionLogRecord from .prediction_operator import PredictionOperator from .prediction_operator_version import PredictionOperatorVersion +from .presentation_export_result import PresentationExportResult +from .private_web_app_deployment import PrivateWebAppDeployment from .problem_type import ProblemType from .project import Project from .project_config import ProjectConfig @@ -205,35 +243,53 @@ from .refresh_policy import RefreshPolicy from .refresh_schedule import RefreshSchedule from .regenerate_llm_external_application import RegenerateLlmExternalApplication +from .regenerate_llm_option import RegenerateLlmOption from .resolved_feature_group_template import ResolvedFeatureGroupTemplate from .routing_action import RoutingAction from .schema import Schema +from .session_summary import SessionSummary +from .session_transcript import SessionTranscript +from .session_transcripts import SessionTranscripts from .sftp_key import SftpKey from .streaming_auth_token import StreamingAuthToken from .streaming_client import StreamingClient from .streaming_connector import StreamingConnector from .streaming_row_count import StreamingRowCount from .streaming_sample_code import StreamingSampleCode +from .sts_gen_settings import StsGenSettings +from .stt_gen_model import SttGenModel +from .stt_gen_model_options import SttGenModelOptions +from .stt_gen_settings import SttGenSettings from .template_node_details import TemplateNodeDetails from .test_point_predictions import TestPointPredictions from .tone_details import ToneDetails from .training_config_options import TrainingConfigOptions +from .tts_gen_settings import TtsGenSettings from .twitter_search_result import TwitterSearchResult +from .unified_connector import UnifiedConnector from .upload import Upload from .upload_part import UploadPart from .use_case import UseCase from .use_case_requirements import UseCaseRequirements from .user import User from .user_exception import UserException +from .user_group_object_permission import UserGroupObjectPermission +from .video_gen_costs import VideoGenCosts +from .video_gen_model import VideoGenModel +from .video_gen_model_options import VideoGenModelOptions from .video_gen_settings import VideoGenSettings from .video_search_result import VideoSearchResult from .voice_gen_details import VoiceGenDetails +from .web_app_conversation import WebAppConversation +from .web_app_deployment_permission_dict import WebAppDeploymentPermissionDict +from .web_app_domain import WebAppDomain from .web_page_response import WebPageResponse from .web_search_response import WebSearchResponse from .web_search_result import WebSearchResult +from .web_service_trigger_run import WebServiceTriggerRun from .webhook import Webhook from .workflow_graph_node_details import WorkflowGraphNodeDetails from .workflow_node_template import WorkflowNodeTemplate -__version__ = "1.4.31" +__version__ = "1.4.76" diff --git a/abacusai/api_class/ai_agents.py b/abacusai/api_class/ai_agents.py index 1f0da2ec4..e28a052b0 100644 --- a/abacusai/api_class/ai_agents.py +++ b/abacusai/api_class/ai_agents.py @@ -1,16 +1,24 @@ import ast import dataclasses +import uuid from typing import Dict, List, Tuple, Union from . import enums from .abstract import ApiClass, get_clean_function_source_code_for_agent, validate_constructor_arg_types -def validate_input_dict_param(dict_object, friendly_class_name, must_contain=[]): +MIN_AGENT_SLEEP_TIME = 300 + + +def validate_input_dict_param(dict_object, friendly_class_name, must_contain=[], schema={}): if not isinstance(dict_object, dict): raise ValueError(friendly_class_name, 'Invalid argument. Provided argument should be a dictionary.') if any(field not in dict_object for field in must_contain): raise ValueError(friendly_class_name, f'One or more keys are missing in the argument provided. Must contain keys - {must_contain}.') + for key, value_type in schema.items(): + value = dict_object.get(key) + if value and not isinstance(value, value_type): + raise ValueError(friendly_class_name, f'Invalid parameter "{key}". It should be of type {value_type.__name__}.') @dataclasses.dataclass @@ -64,6 +72,7 @@ class WorkflowNodeInputMapping(ApiClass): Set to `None` if the type is `USER_INPUT` and the variable doesn't need a pre-filled initial value. is_required (bool): Indicates whether the input is required. Defaults to True. description (str): The description of this input. + long_description (str): The detailed description of this input. constant_value (str): The constant value of this input if variable type is CONSTANT. Only applicable for template nodes. """ name: str @@ -72,6 +81,7 @@ class WorkflowNodeInputMapping(ApiClass): source_prop: str = dataclasses.field(default=None) is_required: bool = dataclasses.field(default=True) description: str = dataclasses.field(default=None) + long_description: str = dataclasses.field(default=None) constant_value: str = dataclasses.field(default=None) def __post_init__(self): @@ -98,6 +108,7 @@ def to_dict(self): 'source_prop': self.source_prop or self.name, 'is_required': self.is_required, 'description': self.description, + 'long_description': self.long_description, 'constant_value': self.constant_value } @@ -115,6 +126,7 @@ def from_dict(cls, mapping: dict): source_prop=mapping.get('source_prop') or mapping['name'] if mapping.get('variable_source') else None, is_required=mapping.get('is_required', True), description=mapping.get('description'), + long_description=mapping.get('long_description'), constant_value=mapping.get('constant_value') ) @@ -197,12 +209,40 @@ def from_input_mappings(cls, input_mappings: List[WorkflowNodeInputMapping]): json_schema = { 'type': 'object', 'required': [input_mapping.name for input_mapping in user_input_mappings if input_mapping.is_required], - 'properties': {input_mapping.name: {'title': input_mapping.name, 'type': 'string'} for input_mapping in user_input_mappings} + 'properties': {input_mapping.name: {'title': input_mapping.name, 'type': 'string', **({'description': input_mapping.description} if input_mapping.description else {})} for input_mapping in user_input_mappings} } return cls(json_schema=json_schema) else: return cls(json_schema={}) + @classmethod + def from_tool_variable_mappings(cls, tool_variable_mappings: dict): + """ + Creates a WorkflowNodeInputSchema for the given tool variable mappings. + + Args: + tool_variable_mappings (List[dict]): The tool variable mappings for the node. + """ + json_schema = {'type': 'object', 'properties': {}, 'required': []} + ui_schema = {} + for mapping in tool_variable_mappings: + json_schema['properties'][mapping['name']] = {'title': mapping['name'], 'type': enums.PythonFunctionArgumentType.to_json_type(mapping['variable_type'])} + if mapping.get('description'): + json_schema['properties'][mapping['name']]['description'] = mapping['description'] + if mapping['variable_type'] == enums.PythonFunctionArgumentType.ATTACHMENT: + json_schema['properties'][mapping['name']]['format'] = 'data-url' + ui_schema[mapping['name']] = {'ui:widget': 'file'} + if mapping['variable_type'] == enums.PythonFunctionArgumentType.LIST: + if mapping['item_type'] == enums.PythonFunctionArgumentType.ATTACHMENT: + json_schema['properties'][mapping['name']]['type'] = 'string' + json_schema['properties'][mapping['name']]['format'] = 'data-url' + ui_schema[mapping['name']] = {'ui:widget': 'file', 'ui:options': {'multiple': True}} + else: + json_schema['properties'][mapping['name']]['items'] = {'type': enums.PythonFunctionArgumentType.to_json_type(mapping['item_type'])} + if mapping['is_required']: + json_schema['required'].append(mapping['name']) + return cls(json_schema=json_schema, ui_schema=ui_schema) + @validate_constructor_arg_types('output_mapping') @dataclasses.dataclass @@ -214,10 +254,12 @@ class WorkflowNodeOutputMapping(ApiClass): name (str): The name of the output. variable_type (Union[WorkflowNodeOutputType, str]): The type of the output in the form of an enum or a string. description (str): The description of this output. + long_description (str): The detailed description of this output. """ name: str variable_type: Union[enums.WorkflowNodeOutputType, str] = dataclasses.field(default=enums.WorkflowNodeOutputType.ANY) description: str = dataclasses.field(default=None) + long_description: str = dataclasses.field(default=None) def __post_init__(self): if isinstance(self.variable_type, str): @@ -227,7 +269,8 @@ def to_dict(self): return { 'name': self.name, 'variable_type': self.variable_type.value, - 'description': self.description + 'description': self.description, + 'long_description': self.long_description } @classmethod @@ -241,7 +284,8 @@ def from_dict(cls, mapping: dict): return cls( name=mapping['name'], variable_type=enums.WorkflowNodeOutputType(variable_type), - description=mapping.get('description') + description=mapping.get('description'), + long_description=mapping.get('long_description') ) @@ -302,10 +346,11 @@ class WorkflowGraphNode(ApiClass): Args: name (str): A unique name for the workflow node. input_mappings (List[WorkflowNodeInputMapping]): List of input mappings for the node. Each arg/kwarg of the node function should have a corresponding input mapping. - output_mappings (List[WorkflowNodeOutputMapping]): List of output mappings for the node. Each field in the returned dict/AgentResponse must have a corresponding output mapping. + output_mappings (List[str]): List of outputs for the node. Each field in the returned dict/AgentResponse must have a corresponding output in the list. function (callable): The callable node function reference. - input_schema (WorkflowNodeInputSchema): The react json schema for the user input variables. - output_schema (WorkflowNodeOutputSchema): The react json schema for the output to be shown on UI. + input_schema (WorkflowNodeInputSchema): The react json schema for the user input variables. This should be empty for CHAT interface. + output_schema (List[str]): The list of outputs to be shown on UI. Each output corresponds to a field in the output mappings of the node. + description (str): A description of the workflow node. Additional Attributes: function_name (str): The name of the function. @@ -313,9 +358,20 @@ class WorkflowGraphNode(ApiClass): trigger_config (TriggerConfig): The configuration for a trigger workflow node. """ - def __init__(self, name: str, function: callable = None, input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] = None, output_mappings: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] = None, function_name: str = None, source_code: str = None, input_schema: Union[List[str], WorkflowNodeInputSchema] = None, output_schema: Union[List[str], WorkflowNodeOutputSchema] = None, template_metadata: dict = None, trigger_config: TriggerConfig = None): + @classmethod + def is_special_node_type(cls) -> bool: + """Returns True if this node type skips source code validation. + + Special node types (like InputNode and LLMAgentNode) are executed + directly without source code validation. + """ + return False + + def __init__(self, name: str, function: callable = None, input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] = None, output_mappings: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] = None, function_name: str = None, source_code: str = None, input_schema: Union[List[str], WorkflowNodeInputSchema] = None, output_schema: Union[List[str], WorkflowNodeOutputSchema] = None, template_metadata: dict = None, trigger_config: TriggerConfig = None, description: str = None): self.template_metadata = template_metadata self.trigger_config = trigger_config + self.node_type = 'workflow_node' + self.description = description if self.template_metadata and not self.template_metadata.get('initialized'): self.name = name self.function_name = None @@ -325,49 +381,53 @@ def __init__(self, name: str, function: callable = None, input_mappings: Union[D self.input_schema = input_schema self.output_schema = output_schema else: + is_agentic_loop_tool = self.template_metadata and self.template_metadata.get('is_agentic_loop_tool', False) + is_special_node_type = self.is_special_node_type() if function: self.function = function self.function_name = function.__name__ self.source_code = get_clean_function_source_code_for_agent(function) - elif function_name and source_code: + elif function_name and (is_agentic_loop_tool or is_special_node_type or source_code): self.function_name = function_name - self.source_code = source_code + self.source_code = source_code if not (is_agentic_loop_tool or is_special_node_type) else None else: raise ValueError('workflow_graph_node', 'Either function or function_name and source_code must be provided.') self.name = name - try: - tree = ast.parse(self.source_code) - except SyntaxError as e: - raise ValueError(f'"{name}" source code', f'SyntaxError: "{e}"') - arg_defaults = {} - function_found = False - for node in ast.iter_child_nodes(tree): - if isinstance(node, ast.FunctionDef) and node.name == self.function_name: - function_found = True - input_arguments = [arg.arg for arg in node.args.args] - defaults = [None] * (len(input_arguments) - len(node.args.defaults)) + node.args.defaults - arg_defaults = dict(zip(input_arguments, defaults)) - if not function_found: - raise ValueError(f'"{name}" source code', f'Function "{self.function_name}" not found in the provided source code.') + if not (is_agentic_loop_tool or is_special_node_type): + try: + tree = ast.parse(self.source_code) + except SyntaxError as e: + raise ValueError(f'"{name}" source code', f'SyntaxError: "{e}"') + arg_defaults = {} + function_found = False + for node in ast.iter_child_nodes(tree): + if isinstance(node, ast.FunctionDef) and node.name == self.function_name: + function_found = True + input_arguments = [arg.arg for arg in node.args.args] + defaults = [None] * (len(input_arguments) - len(node.args.defaults)) + node.args.defaults + arg_defaults = dict(zip(input_arguments, defaults)) + if not function_found: + raise ValueError(f'"{name}" source code', f'Function "{self.function_name}" not found in the provided source code.') is_shortform_input_mappings = False if input_mappings is None: input_mappings = {} if isinstance(input_mappings, List) and all(isinstance(input, WorkflowNodeInputMapping) for input in input_mappings): self.input_mappings = input_mappings - input_mapping_args = [input.name for input in input_mappings] - for input_name in input_mapping_args: - if input_name not in arg_defaults: - raise ValueError('workflow_graph_node', f'Invalid input mapping. Argument "{input_name}" not found in function "{self.function_name}".') - for arg, default in arg_defaults.items(): - if arg not in input_mapping_args: - self.input_mappings.append(WorkflowNodeInputMapping(name=arg, variable_type=enums.WorkflowNodeInputType.USER_INPUT, is_required=default is None)) + if not (is_agentic_loop_tool or is_special_node_type): + input_mapping_args = [input.name for input in input_mappings] + for input_name in input_mapping_args: + if input_name not in arg_defaults: + raise ValueError('workflow_graph_node', f'Invalid input mapping. Argument "{input_name}" not found in function "{self.function_name}".') + for arg, default in arg_defaults.items(): + if arg not in input_mapping_args: + self.input_mappings.append(WorkflowNodeInputMapping(name=arg, variable_type=enums.WorkflowNodeInputType.USER_INPUT, is_required=default is None)) elif isinstance(input_mappings, Dict) and all(isinstance(key, str) and isinstance(value, (WorkflowNodeInputMapping, WorkflowGraphNode)) for key, value in input_mappings.items()): is_shortform_input_mappings = True self.input_mappings = [WorkflowNodeInputMapping(name=arg, variable_type=enums.WorkflowNodeInputType.USER_INPUT, is_required=default is None) for arg, default in arg_defaults.items() if arg not in input_mappings] for key, value in input_mappings.items(): - if key not in arg_defaults: + if not (is_agentic_loop_tool or is_special_node_type) and key not in arg_defaults: raise ValueError('workflow_graph_node', f'Invalid input mapping. Argument "{key}" not found in function "{self.function_name}".') if isinstance(value, WorkflowGraphNode): self.input_mappings.append(WorkflowNodeInputMapping(name=key, variable_type=enums.WorkflowNodeInputType.WORKFLOW_VARIABLE, variable_source=value.name, source_prop=key, is_required=arg_defaults.get(key) is None)) @@ -417,7 +477,7 @@ def __init__(self, name: str, function: callable = None, input_mappings: Union[D raise ValueError('workflow_graph_node', 'Invalid output schema. Must be a WorkflowNodeOutputSchema or a list of output section names.') @classmethod - def _raw_init(cls, name: str, input_mappings: List[WorkflowNodeInputMapping] = None, output_mappings: List[WorkflowNodeOutputMapping] = None, function: callable = None, function_name: str = None, source_code: str = None, input_schema: WorkflowNodeInputSchema = None, output_schema: WorkflowNodeOutputSchema = None, template_metadata: dict = None, trigger_config: TriggerConfig = None): + def _raw_init(cls, name: str, input_mappings: List[WorkflowNodeInputMapping] = None, output_mappings: List[WorkflowNodeOutputMapping] = None, function: callable = None, function_name: str = None, source_code: str = None, input_schema: WorkflowNodeInputSchema = None, output_schema: WorkflowNodeOutputSchema = None, template_metadata: dict = None, trigger_config: TriggerConfig = None, description: str = None): workflow_node = cls.__new__(cls, name, input_mappings, output_mappings, input_schema, output_schema, template_metadata, trigger_config) workflow_node.name = name if function: @@ -438,6 +498,7 @@ def _raw_init(cls, name: str, input_mappings: List[WorkflowNodeInputMapping] = N workflow_node.output_schema = output_schema workflow_node.template_metadata = template_metadata workflow_node.trigger_config = trigger_config + workflow_node.description = description return workflow_node @classmethod @@ -447,7 +508,7 @@ def from_template(cls, template_name: str, name: str, configs: dict = None, inpu if isinstance(input_mappings, List) and all(isinstance(input, WorkflowNodeInputMapping) for input in input_mappings): instance_input_mappings = input_mappings elif isinstance(input_mappings, Dict) and all(isinstance(key, str) and isinstance(value, WorkflowNodeInputMapping) for key, value in input_mappings.items()): - instance_input_mappings = [WorkflowNodeInputMapping(name=arg, variable_type=mapping.variable_type, variable_source=mapping.variable_source, source_prop=mapping.source_prop, is_required=mapping.is_required, description=mapping.description) for arg, mapping in input_mappings] + instance_input_mappings = [WorkflowNodeInputMapping(name=arg, variable_type=mapping.variable_type, variable_source=mapping.variable_source, source_prop=mapping.source_prop, is_required=mapping.is_required, description=mapping.description, long_description=mapping.long_description) for arg, mapping in input_mappings] elif input_mappings is None: instance_input_mappings = [] else: @@ -473,6 +534,14 @@ def from_template(cls, template_name: str, name: str, configs: dict = None, inpu else: raise ValueError('workflow_graph_node', 'Invalid output schema. Must be a WorkflowNodeOutputSchema or a list of output section names.') + if sleep_time is not None: + if isinstance(sleep_time, str) and sleep_time.isdigit(): + sleep_time = int(sleep_time) + if not isinstance(sleep_time, int) or sleep_time < 0: + raise ValueError('workflow_graph_node', 'Invalid sleep time. Must be a non-negative integer.') + if sleep_time < MIN_AGENT_SLEEP_TIME: + raise ValueError('workflow_graph_node', f'Sleep time for an autonomous agent cannot be less than {MIN_AGENT_SLEEP_TIME} seconds.') + return cls( name=name, input_mappings=instance_input_mappings, @@ -486,6 +555,49 @@ def from_template(cls, template_name: str, name: str, configs: dict = None, inpu } ) + @classmethod + def from_tool(cls, tool_name: str, name: str, configs: dict = None, input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] = None, input_schema: Union[List[str], WorkflowNodeInputSchema] = None, output_schema: Union[List[str], WorkflowNodeOutputSchema] = None): + """ + Creates and returns a WorkflowGraphNode based on an available user created tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + + Args: + tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + name: The name to assign to the WorkflowGraphNode instance. + configs (optional): The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + input_mappings (optional): The WorkflowNodeInputMappings for this node. + input_schema (optional): The WorkflowNodeInputSchema for this node. + output_schema (optional): The WorkflowNodeOutputSchema for this node. + """ + node = cls.from_template( + template_name=tool_name, + name=name, + configs=configs, + input_mappings=input_mappings, + input_schema=input_schema, + output_schema=output_schema + ) + node.template_metadata['template_type'] = 'tool' + return node + + @classmethod + def from_system_tool(cls, tool_name: str, name: str, configs: dict = None, input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] = None, input_schema: Union[List[str], WorkflowNodeInputSchema] = None, output_schema: Union[List[str], WorkflowNodeOutputSchema] = None): + """ + Creates and returns a WorkflowGraphNode based on the name of an available system tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + + Args: + tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + name: The name to assign to the WorkflowGraphNode instance. + configs (optional): The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + input_mappings (optional): The WorkflowNodeInputMappings for this node. + input_schema (optional): The WorkflowNodeInputSchema for this node. + output_schema (optional): The WorkflowNodeOutputSchema for this node. + """ + node = cls.from_tool(tool_name, name, configs, input_mappings, input_schema, output_schema) + node.template_metadata['is_system_tool'] = True + return node + def to_dict(self): return { 'name': self.name, @@ -496,7 +608,9 @@ def to_dict(self): 'input_schema': self.input_schema.to_dict(), 'output_schema': self.output_schema.to_dict(), 'template_metadata': self.template_metadata, - 'trigger_config': self.trigger_config.to_dict() if self.trigger_config else None + 'trigger_config': self.trigger_config.to_dict() if self.trigger_config else None, + 'node_type': self.node_type, + 'description': self.description, } def is_template_node(self): @@ -525,7 +639,8 @@ def from_dict(cls, node: dict): input_schema=WorkflowNodeInputSchema.from_dict(node.get('input_schema', {})), output_schema=WorkflowNodeOutputSchema.from_dict(node.get('output_schema', {})), template_metadata=node.get('template_metadata'), - trigger_config=TriggerConfig.from_dict(node.get('trigger_config')) if node.get('trigger_config') else None + trigger_config=TriggerConfig.from_dict(node.get('trigger_config')) if node.get('trigger_config') else None, + description=node.get('description') ) return instance @@ -552,16 +667,335 @@ def __init__(self, node: 'WorkflowGraphNode'): self.node = node def __getattr__(self, name): + if self.node.is_template_node(): + return WorkflowNodeInputMapping(name, enums.WorkflowNodeInputType.WORKFLOW_VARIABLE, variable_source=self.node.name, source_prop=name) for mapping in self.node.output_mappings: if mapping.name == name: return WorkflowNodeInputMapping(name, enums.WorkflowNodeInputType.WORKFLOW_VARIABLE, variable_source=self.node.name, source_prop=name) - raise AttributeError(f'Output mapping "{name}" not found in node "{self.name}".') + raise AttributeError(f'Output mapping "{name}" not found in node "{self.node.name}".') @property def outputs(self): return self.Outputs(self) +@validate_constructor_arg_types('decision_node') +@dataclasses.dataclass +class DecisionNode(WorkflowGraphNode): + """ + Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed. + """ + + def __init__(self, name: str, condition: str, input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]], description: str = None): + self.node_type = 'decision_node' + self.name = name + self.source_code = condition + self.description = description + if isinstance(input_mappings, List) and all(isinstance(input, WorkflowNodeInputMapping) for input in input_mappings): + self.input_mappings = input_mappings + elif isinstance(input_mappings, Dict) and all(isinstance(key, str) and isinstance(value, (WorkflowNodeInputMapping, WorkflowGraphNode)) for key, value in input_mappings.items()): + self.input_mappings = [] + for key, value in input_mappings.items(): + variable_source = value.name if isinstance(value, WorkflowGraphNode) else value.variable_source + source_prop = key if isinstance(value, WorkflowGraphNode) else value.source_prop + self.input_mappings.append(WorkflowNodeInputMapping(name=key, variable_type=value.variable_type, variable_source=variable_source, source_prop=source_prop, is_required=value.is_required)) + else: + raise ValueError('workflow_graph_decision_node', 'Invalid input mappings. Must be a list of WorkflowNodeInputMapping or a dictionary of input mappings in the form {arg_name: node_name.outputs.prop_name}.') + for mapping in self.input_mappings: + if mapping.variable_type != enums.WorkflowNodeInputType.WORKFLOW_VARIABLE: + raise ValueError('workflow_graph_decision_node', 'Invalid input mappings. Decision node input mappings must be of type WORKFLOW_VARIABLE.') + if not mapping.is_required: + raise ValueError('workflow_graph_decision_node', 'Invalid input mappings. Decision node input mappings must be required.') + self.output_mappings = [WorkflowNodeOutputMapping(name=input_mapping.name) for input_mapping in self.input_mappings] + self.template_metadata = None + self.trigger_config = None + self.input_schema = None + self.output_schema = None + self.function_name = None + + def to_dict(self): + return { + 'name': self.name, + 'source_code': self.source_code, + 'input_mappings': [mapping.to_dict() for mapping in self.input_mappings], + 'output_mappings': [mapping.to_dict() for mapping in self.output_mappings], + 'node_type': self.node_type, + 'description': self.description, + } + + @classmethod + def from_dict(cls, node: dict): + return cls( + name=node['name'], + condition=node['source_code'], + input_mappings=[WorkflowNodeInputMapping.from_dict(mapping) for mapping in node.get('input_mappings', [])], + description=node.get('description') + ) + + +@validate_constructor_arg_types('llm_agent_node') +@dataclasses.dataclass +class LLMAgentNode(WorkflowGraphNode): + """ + Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters. + + Args: + name (str): A unique name for the LLM agent node. + chatbot_deployment_id (str): The deployment ID of the chatbot to use for this node. If not provided, a new chatbot will be created. + chatbot_parameters (dict): Parameters for configuring the chatbot, such as data_feature_group_ids and document_retrievers. + uid (str): A unique identifier for the LLM agent node. If not provided, a unique ID will be auto-generated. + """ + name: str + chatbot_deployment_id: str = dataclasses.field(default=None) + chatbot_parameters: dict = dataclasses.field(default_factory=dict) + uid: str = dataclasses.field(default=None) + + @classmethod + def is_special_node_type(cls) -> bool: + """LLM agent nodes skip source code validation.""" + return True + + def __init__(self, name: str, chatbot_deployment_id: str = None, chatbot_parameters: dict = None, input_schema: WorkflowNodeInputSchema = None, output_schema: WorkflowNodeOutputSchema = None): + # Set LLM-specific properties - uid is auto-generated internally + self.uid = str(uuid.uuid4())[:6] + self.chatbot_deployment_id = chatbot_deployment_id + self.chatbot_parameters = chatbot_parameters or {} + + # Prepare input and output mappings + input_mappings = [ + WorkflowNodeInputMapping(name='user_input', variable_type=enums.WorkflowNodeInputType.USER_INPUT, is_required=True) + ] + output_mappings = [WorkflowNodeOutputMapping(name='chat_output', variable_type=enums.WorkflowNodeOutputType.DICT, description='The output of the chatbot')] + + # Determine function_name and create minimal source_code for parent validation + # Always use get_function_name() which includes uid to ensure uniqueness + function_name = self.get_function_name() + minimal_source_code = f'def {function_name}(user_input):\n pass' + + # Generate input schema from input mappings if not provided + if input_schema is None: + input_schema = WorkflowNodeInputSchema.from_input_mappings(input_mappings) + + # Initialize parent class with minimal source code to satisfy validation + super().__init__(name=name, function_name=function_name, source_code=minimal_source_code, input_mappings=input_mappings, output_mappings=output_mappings, input_schema=input_schema, output_schema=output_schema or WorkflowNodeOutputSchema.from_fields_list(['chat_output'])) + self.node_type = 'llm_agent_node' + self.source_code = None + + def get_source_code(self): + return None + + def get_function_name(self): + return f'llm_agent_node_{self.uid}' + + def to_dict(self): + # Reuse parent's to_dict and add LLM-specific fields + result = super().to_dict() + result.update({ + 'chatbot_deployment_id': self.chatbot_deployment_id, + 'chatbot_parameters': self.chatbot_parameters, + 'uid': self.uid, + }) + return result + + @classmethod + def from_dict(cls, node: dict): + instance = cls( + name=node['name'], + chatbot_deployment_id=node['chatbot_deployment_id'], + chatbot_parameters=node['chatbot_parameters'], + input_schema=WorkflowNodeInputSchema.from_dict(node.get('input_schema', {})), + output_schema=WorkflowNodeOutputSchema.from_dict(node.get('output_schema', {})), + ) + # Preserve uid from dict if it exists (for round-trip serialization of existing workflows) + if 'uid' in node and node.get('uid'): + instance.uid = node['uid'] + # Preserve input_mappings and output_mappings from the dict if they exist + if 'input_mappings' in node: + instance.input_mappings = [WorkflowNodeInputMapping.from_dict(mapping) for mapping in node['input_mappings']] + if 'output_mappings' in node: + instance.output_mappings = [WorkflowNodeOutputMapping.from_dict(mapping) for mapping in node['output_mappings']] + # Preserve function_name and source_code from the dict if they exist + if 'function_name' in node: + instance.function_name = node['function_name'] + if 'source_code' in node: + instance.source_code = node['source_code'] + # Preserve template_metadata and trigger_config from the dict if they exist + if 'template_metadata' in node: + instance.template_metadata = node['template_metadata'] + if 'trigger_config' in node: + instance.trigger_config = TriggerConfig.from_dict(node['trigger_config']) if node['trigger_config'] else None + # Note: execution_context is intentionally not preserved on SDK objects - it's an internal runtime detail + # that should only exist in dict representations + return instance + + +@validate_constructor_arg_types('input_node') +@dataclasses.dataclass +class InputNode(WorkflowGraphNode): + """Represents an input node in an agent workflow graph. + + Accepts multiple user inputs (text and file) and processes them into a single combined text output. + File inputs are processed using OCR/document extraction when applicable. + + Args: + name (str): The name of the input node. + input_mappings (Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]]): The input mappings for the input node. If not provided, defaults to a text_input and file_input. + output_mappings (Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]]): The output mappings for the input node. If not provided, defaults to a single 'answer' output. + input_schema (WorkflowNodeInputSchema): The input schema for the input node. If not provided, will be generated from input_mappings. + output_schema (WorkflowNodeOutputSchema): The output schema for the input node. If not provided, will be generated from output_mappings. + description (str): The description of the input node. + uid (str): A unique identifier for the input node. Auto-generated if not provided. + """ + name: str + input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] = dataclasses.field(default=None) + output_mappings: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] = dataclasses.field(default=None) + input_schema: WorkflowNodeInputSchema = dataclasses.field(default=None) + output_schema: WorkflowNodeOutputSchema = dataclasses.field(default=None) + description: str = dataclasses.field(default=None) + uid: str = dataclasses.field(default=None, init=False) + + @classmethod + def is_special_node_type(cls) -> bool: + """Input nodes skip source code validation.""" + return True + + @staticmethod + def _mark_file_inputs_in_schema(input_schema: WorkflowNodeInputSchema) -> None: + """Mark file inputs in the schema based on format and ui:widget indicators.""" + json_schema_props = input_schema.json_schema.get('properties', {}) + if not input_schema.ui_schema: + input_schema.ui_schema = {} + + for prop_name, prop_schema in json_schema_props.items(): + ui_widget = input_schema.ui_schema.get(prop_name) + is_file_input = ( + prop_schema.get('format') == 'data-url' or + (isinstance(ui_widget, dict) and ui_widget.get('ui:widget') == 'file') or + ui_widget == 'file' + ) + if is_file_input: + prop_schema['type'] = 'string' + prop_schema['format'] = 'data-url' + input_schema.ui_schema[prop_name] = {'ui:widget': 'file'} + + def __init__(self, name: str, input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] = None, output_mappings: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] = None, input_schema: WorkflowNodeInputSchema = None, output_schema: WorkflowNodeOutputSchema = None, description: str = None, function_name: str = None, source_code: str = None, uid: str = None): + self.uid = uid or str(uuid.uuid4())[:6] + + if input_mappings is None: + input_mappings = [ + WorkflowNodeInputMapping( + name='text_input', + variable_type=enums.WorkflowNodeInputType.USER_INPUT, + is_required=True + ), + WorkflowNodeInputMapping( + name='file_input', + variable_type=enums.WorkflowNodeInputType.USER_INPUT, + is_required=False, + description='Optional file attachment to process' + ) + ] + + if output_mappings is None: + output_mappings = [ + WorkflowNodeOutputMapping( + name='answer', + variable_type=enums.WorkflowNodeOutputType.STRING, + description='The combined output text' + ) + ] + + function_name = function_name or self.get_function_name() + + if input_schema is None: + input_schema = WorkflowNodeInputSchema.from_input_mappings(input_mappings) + # Mark file inputs based on input_mappings - check descriptions for file/attachment keywords + json_schema_props = input_schema.json_schema.get('properties', {}) + if not input_schema.ui_schema: + input_schema.ui_schema = {} + for mapping in input_mappings: + mapping_name = None + if isinstance(mapping, WorkflowNodeInputMapping): + mapping_name, desc = mapping.name, (mapping.description or '').lower() + elif isinstance(mapping, dict): + mapping_name, desc = mapping.get('name'), (mapping.get('description') or '').lower() + else: + continue + if mapping_name and mapping_name in json_schema_props and ('file' in desc or 'attachment' in desc): + json_schema_props[mapping_name]['format'] = 'data-url' + input_schema.ui_schema[mapping_name] = {'ui:widget': 'file'} + + self._mark_file_inputs_in_schema(input_schema) + + if output_schema is None: + output_schema = WorkflowNodeOutputSchema.from_fields_list(['answer']) + + super().__init__( + name=name, + function_name=function_name, + source_code=source_code, + input_mappings=input_mappings, + output_mappings=output_mappings, + input_schema=input_schema, + output_schema=output_schema, + description=description + ) + self.node_type = 'input_node' + self.source_code = source_code + self.template_metadata = None + self.trigger_config = None + + def to_dict(self): + """ + Return snake_case keys to match return filter expectations. + (The base ApiClass.to_dict() camelCases keys, which causes the + WorkflowGraphNodeDetails return filter to miss fields.) + """ + return { + 'name': self.name, + 'function_name': self.function_name, + 'source_code': self.source_code, + 'input_mappings': [mapping.to_dict() for mapping in self.input_mappings], + 'output_mappings': [mapping.to_dict() for mapping in self.output_mappings], + 'input_schema': self.input_schema.to_dict() if self.input_schema else None, + 'output_schema': self.output_schema.to_dict() if self.output_schema else None, + 'template_metadata': self.template_metadata, + 'trigger_config': self.trigger_config.to_dict() if self.trigger_config else None, + 'node_type': self.node_type, + 'description': self.description, + 'uid': self.uid, + } + + @classmethod + def from_dict(cls, node: dict): + uid = node.get('uid') + function_name = node.get('function_name') + source_code = node.get('source_code') + + instance = cls( + name=node['name'], + uid=uid, + function_name=function_name, + source_code=source_code, + input_mappings=[WorkflowNodeInputMapping.from_dict(mapping) for mapping in node.get('input_mappings', [])], + output_mappings=[WorkflowNodeOutputMapping.from_dict(mapping) for mapping in node.get('output_mappings', [])], + input_schema=WorkflowNodeInputSchema.from_dict(node.get('input_schema', {})), + output_schema=WorkflowNodeOutputSchema.from_dict(node.get('output_schema', {})), + description=node.get('description'), + ) + return instance + + def get_function_name(self): + return f'input_node_{self.uid}' + + def get_source_code(self): + """Return the stored source code, if any.""" + return self.source_code + + def get_input_schema(self): + return self.input_schema + + @validate_constructor_arg_types('workflow_graph_edge') @dataclasses.dataclass class WorkflowGraphEdge(ApiClass): @@ -588,6 +1022,11 @@ def __init__(self, source: Union[str, WorkflowGraphNode], target: Union[str, Wor def to_nx_edge(self): return [self.source, self.target, self.details] + @classmethod + def from_dict(cls, input_dict: dict): + validate_input_dict_param(input_dict, friendly_class_name='workflow_graph_edge', must_contain=['source', 'target', 'details']) + return super().from_dict(input_dict) + @validate_constructor_arg_types('workflow_graph') @dataclasses.dataclass @@ -595,21 +1034,23 @@ class WorkflowGraph(ApiClass): """ Represents an Agent workflow graph. - The edges define the node invocation order. - Args: - nodes (List[WorkflowGraphNode]): A list of nodes in the workflow graph. - edges (List[WorkflowGraphEdge]): A list of edges in the workflow graph, where each edge is a tuple of source, target, and details. - primary_start_node (Union[str, WorkflowGraphNode]): The primary node to start the workflow from. + nodes (List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]]): A list of nodes in the workflow graph. + primary_start_node (Union[str, WorkflowGraphNode, LLMAgentNode]): The primary node to start the workflow from. common_source_code (str): Common source code that can be used across all nodes. """ - nodes: List[WorkflowGraphNode] = dataclasses.field(default_factory=list) - edges: List[Union[WorkflowGraphEdge, Tuple[WorkflowGraphNode, WorkflowGraphNode, dict], Tuple[str, str, dict]]] = dataclasses.field(default_factory=list) - primary_start_node: Union[str, WorkflowGraphNode] = dataclasses.field(default=None) + nodes: List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]] = dataclasses.field(default_factory=list) + edges: List[Union[WorkflowGraphEdge, Tuple[WorkflowGraphNode, WorkflowGraphNode, dict], Tuple[str, str, dict]]] = dataclasses.field(default_factory=list, metadata={'deprecated': True}) + primary_start_node: Union[str, WorkflowGraphNode, LLMAgentNode] = dataclasses.field(default=None) common_source_code: str = dataclasses.field(default=None) specification_type: str = dataclasses.field(default='data_flow') def __post_init__(self): + if self.specification_type == 'execution_flow': + if any(isinstance(node, DecisionNode) for node in self.nodes): + raise ValueError('workflow_graph', 'Decision nodes are not supported in execution flow specification type.') + if any(isinstance(node, LLMAgentNode) for node in self.nodes): + raise ValueError('workflow_graph', 'LLM Agent nodes are not supported in execution flow specification type.') if self.edges: if self.specification_type == 'execution_flow': for index, edge in enumerate(self.edges): @@ -632,11 +1073,17 @@ def to_dict(self): @classmethod def from_dict(cls, graph: dict): - validate_input_dict_param(graph, friendly_class_name='workflow_graph') + validate_input_dict_param(graph, friendly_class_name='workflow_graph', schema={'nodes': list, 'edges': list, 'primary_start_node': str, 'common_source_code': str, 'specification_type': str}) if graph.get('__return_filter'): for node in graph.get('nodes', []): node['__return_filter'] = True - nodes = [WorkflowGraphNode.from_dict(node) for node in graph.get('nodes', [])] + node_generator = { + 'decision_node': DecisionNode.from_dict, + 'workflow_node': WorkflowGraphNode.from_dict, + 'llm_agent_node': LLMAgentNode.from_dict, + 'input_node': InputNode.from_dict, + } + nodes = [node_generator[node.get('node_type') or 'workflow_node'](node) for node in graph.get('nodes', [])] edges = [WorkflowGraphEdge.from_dict(edge) for edge in graph.get('edges', [])] primary_start_node = graph.get('primary_start_node') non_primary_nodes = set() @@ -744,16 +1191,19 @@ class WorkflowNodeTemplateInput(ApiClass): name (str): A unique name of the input. is_required (bool): Indicates whether the input is required. Defaults to False. description (str): The description of this input. + long_description (str): The detailed description of this input. """ name: str is_required: bool = dataclasses.field(default=False) description: str = dataclasses.field(default='') + long_description: str = dataclasses.field(default='') def to_dict(self): return { 'name': self.name, 'is_required': self.is_required, - 'description': self.description + 'description': self.description, + 'long_description': self.long_description } @classmethod @@ -761,7 +1211,8 @@ def from_dict(cls, mapping: dict): return cls( name=mapping['name'], is_required=mapping.get('is_required', False), - description=mapping.get('description', '') + description=mapping.get('description', ''), + long_description=mapping.get('long_description', '') ) @@ -774,16 +1225,19 @@ class WorkflowNodeTemplateOutput(ApiClass): name (str): The name of the output. variable_type (WorkflowNodeOutputType): The type of the output. description (str): The description of this output. + long_description (str): The detailed description of this output. """ name: str variable_type: enums.WorkflowNodeOutputType = dataclasses.field(default=enums.WorkflowNodeOutputType.ANY) description: str = dataclasses.field(default='') + long_description: str = dataclasses.field(default='') def to_dict(self): return { 'name': self.name, 'variable_type': self.variable_type.value, - 'description': self.description + 'description': self.description, + 'long_description': self.long_description } @classmethod @@ -791,5 +1245,6 @@ def from_dict(cls, mapping: dict): return cls( name=mapping['name'], variable_type=enums.WorkflowNodeOutputType(mapping.get('variable_type', 'ANY')), - description=mapping.get('description', '') + description=mapping.get('description', ''), + long_description=mapping.get('long_description', '') ) diff --git a/abacusai/api_class/batch_prediction.py b/abacusai/api_class/batch_prediction.py index 890f8d625..adc1fe749 100644 --- a/abacusai/api_class/batch_prediction.py +++ b/abacusai/api_class/batch_prediction.py @@ -124,10 +124,12 @@ class PretrainedModelsBatchPredictionArgs(BatchPredictionArgs): Args: for_eval (bool): If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation. + files_input_location (str): The input location for the files. files_output_location_prefix (str): The output location prefix for the files. channel_id_to_label_map (str): JSON string for the map from channel ids to their labels. """ for_eval: bool = dataclasses.field(default=None) + files_input_location: str = dataclasses.field(default=None) files_output_location_prefix: str = dataclasses.field(default=None) channel_id_to_label_map: str = dataclasses.field(default=None) diff --git a/abacusai/api_class/blob_input.py b/abacusai/api_class/blob_input.py index 711ebb116..3492ecdac 100644 --- a/abacusai/api_class/blob_input.py +++ b/abacusai/api_class/blob_input.py @@ -30,7 +30,7 @@ def __init__(self, contents: bytes, mime_type: str = None, filename: str = None, mime_type = mimetypes.guess_type(filename)[0] else: import magic - mime_type = magic.Magic(mime=True).from_buffer(contents) + mime_type = magic.from_buffer(contents, mime=True) except Exception: pass else: diff --git a/abacusai/api_class/dataset.py b/abacusai/api_class/dataset.py index 8914c1d90..df5935639 100644 --- a/abacusai/api_class/dataset.py +++ b/abacusai/api_class/dataset.py @@ -64,7 +64,7 @@ def __post_init__(self): if self.document_type is not None: if DocumentType.is_ocr_forced(self.document_type): self.highlight_relevant_text = True - else: + elif self.highlight_relevant_text is None: self.highlight_relevant_text = False if self.highlight_relevant_text is not None: self.extract_bounding_boxes = self.highlight_relevant_text # Highlight_relevant text acts as a wrapper over extract_bounding_boxes @@ -75,6 +75,8 @@ def _detect_ocr_mode(self): return OcrMode.DEFAULT elif self.document_type == DocumentType.TABLES_AND_FORMS: return OcrMode.LAYOUT + elif self.document_type == DocumentType.COMPREHENSIVE_MARKDOWN: + return OcrMode.COMPREHENSIVE_TABLE_MD elif self.document_type == DocumentType.EMBEDDED_IMAGES: return OcrMode.SCANNED elif self.document_type == DocumentType.SCANNED_TEXT: diff --git a/abacusai/api_class/dataset_application_connector.py b/abacusai/api_class/dataset_application_connector.py index b98287765..745728bdb 100644 --- a/abacusai/api_class/dataset_application_connector.py +++ b/abacusai/api_class/dataset_application_connector.py @@ -33,12 +33,13 @@ class ConfluenceDatasetConfig(ApplicationConnectorDatasetConfig): space_key (str): The space key of the space from which we fetch pages pull_attachments (bool): Whether to pull attachments for each page extract_bounding_boxes (bool): Whether to extract bounding boxes from the documents - + location_type (str): The type of location to be fetched. Maps values in `location` to content type, example: 'spaceKey/folderTitle/*' -> 'folder' """ location: str = dataclasses.field(default=None) space_key: str = dataclasses.field(default=None) pull_attachments: bool = dataclasses.field(default=False) extract_bounding_boxes: bool = dataclasses.field(default=False) # TODO: Deprecate in favour of document_processing_config + location_type: str = dataclasses.field(default=None) def __post_init__(self): self.application_connector_type = enums.ApplicationConnectorType.CONFLUENCE @@ -89,11 +90,13 @@ class GoogleDriveDatasetConfig(ApplicationConnectorDatasetConfig): csv_delimiter (str): If the file format is CSV, use a specific csv delimiter extract_bounding_boxes (bool): Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True merge_file_schemas (bool): Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + location_type (str): The type of path to fetch. 'shared' for shared files. if not provided, it will fetch from the root folder. """ location: str = dataclasses.field(default=None) csv_delimiter: str = dataclasses.field(default=None) extract_bounding_boxes: bool = dataclasses.field(default=False) # TODO: Deprecate in favour of document_processing_config merge_file_schemas: bool = dataclasses.field(default=False) + location_type: str = dataclasses.field(default=None) def __post_init__(self): self.application_connector_type = enums.ApplicationConnectorType.GOOGLEDRIVE @@ -109,6 +112,7 @@ class JiraDatasetConfig(ApplicationConnectorDatasetConfig): custom_fields (list): A list of custom fields to include in the dataset include_comments (bool): Fetch comments for each issue include_watchers (bool): Fetch watchers for each issue + """ jql: str = dataclasses.field(default=None) custom_fields: list = dataclasses.field(default=None) @@ -149,11 +153,13 @@ class SharepointDatasetConfig(ApplicationConnectorDatasetConfig): csv_delimiter (str): If the file format is CSV, use a specific csv delimiter extract_bounding_boxes (bool): Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True merge_file_schemas (bool): Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + add_file_metadata (bool): Signifies if the file metadata should be added to the dataset """ location: str = dataclasses.field(default=None) csv_delimiter: str = dataclasses.field(default=None) extract_bounding_boxes: bool = dataclasses.field(default=False) # TODO: Deprecate in favour of document_processing_config merge_file_schemas: bool = dataclasses.field(default=False) + add_file_metadata: bool = dataclasses.field(default=False) def __post_init__(self): self.application_connector_type = enums.ApplicationConnectorType.SHAREPOINT @@ -202,14 +208,42 @@ class TeamsScraperDatasetConfig(ApplicationConnectorDatasetConfig): pull_chat_messages (bool): Whether to pull teams chat messages pull_channel_posts (bool): Whether to pull posts for each channel pull_transcripts (bool): Whether to pull transcripts for calendar meetings + max_days_to_lookback (int): The maximum number of days to look back for data """ pull_chat_messages: bool = dataclasses.field(default=False) pull_channel_posts: bool = dataclasses.field(default=False) pull_transcripts: bool = dataclasses.field(default=False) + max_days_to_lookback: int = dataclasses.field(default=365) def __post_init__(self): self.application_connector_type = enums.ApplicationConnectorType.TEAMSSCRAPER - self.is_documentset = True + + +@dataclasses.dataclass +class OutlookDatasetConfig(ApplicationConnectorDatasetConfig): + """ + Dataset config for Outlook Application Connector + """ + + def __post_init__(self): + self.application_connector_type = enums.ApplicationConnectorType.OUTLOOK + + +@dataclasses.dataclass +class AzureStorageDatasetConfig(ApplicationConnectorDatasetConfig): + """ + Dataset config for Azure Storage Application Connector + + Args: + location (str): The location of the files to fetch + merge_file_schemas (bool): Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + """ + + location: str = dataclasses.field(default=None) + merge_file_schemas: bool = dataclasses.field(default=False) + + def __post_init__(self): + self.application_connector_type = enums.ApplicationConnectorType.AZURESTORAGE @dataclasses.dataclass @@ -222,6 +256,26 @@ def __post_init__(self): self.application_connector_type = enums.ApplicationConnectorType.FRESHSERVICE +@dataclasses.dataclass +class SftpDatasetConfig(ApplicationConnectorDatasetConfig): + """ + Dataset config for SFTP Application Connector + + Args: + location (str): The regex location of the files to fetch + csv_delimiter (str): If the file format is CSV, use a specific csv delimiter + extract_bounding_boxes (bool): Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True + merge_file_schemas (bool): Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + """ + location: str = dataclasses.field(default=None) + csv_delimiter: str = dataclasses.field(default=None) + extract_bounding_boxes: bool = dataclasses.field(default=False) # TODO: Deprecate in favour of document_processing_config + merge_file_schemas: bool = dataclasses.field(default=False) + + def __post_init__(self): + self.application_connector_type = enums.ApplicationConnectorType.SFTPAPPLICATION + + @dataclasses.dataclass class _ApplicationConnectorDatasetConfigFactory(_ApiClassFactory): config_abstract_class = ApplicationConnectorDatasetConfig @@ -238,4 +292,7 @@ class _ApplicationConnectorDatasetConfigFactory(_ApiClassFactory): enums.ApplicationConnectorType.FRESHSERVICE: FreshserviceDatasetConfig, enums.ApplicationConnectorType.TEAMSSCRAPER: TeamsScraperDatasetConfig, enums.ApplicationConnectorType.BOX: BoxDatasetConfig, + enums.ApplicationConnectorType.SFTPAPPLICATION: SftpDatasetConfig, + enums.ApplicationConnectorType.OUTLOOK: OutlookDatasetConfig, + enums.ApplicationConnectorType.AZURESTORAGE: AzureStorageDatasetConfig, } diff --git a/abacusai/api_class/enums.py b/abacusai/api_class/enums.py index 2be4251df..b94c26e65 100644 --- a/abacusai/api_class/enums.py +++ b/abacusai/api_class/enums.py @@ -16,7 +16,7 @@ def is_deprecated(self): return self.value in self.__deprecated_values__ def __eq__(self, other): - if isinstance(other, str): + if isinstance(other, str) and isinstance(self.value, str): return self.value.upper() == other.upper() elif isinstance(other, int): return self.value == other @@ -224,6 +224,8 @@ class FileFormat(ApiEnum): WEBM = 'webm' WMV = 'wmv' MSG = 'msg' + TS = 'TS' + TSX = 'TSX' class ExperimentationMode(ApiEnum): @@ -392,6 +394,7 @@ class ConnectorType(ApiEnum): class ApplicationConnectorType(ApiEnum): GOOGLEANALYTICS = 'GOOGLEANALYTICS' GOOGLEDRIVE = 'GOOGLEDRIVE' + GOOGLECALENDAR = 'GOOGLECALENDAR' GIT = 'GIT' CONFLUENCE = 'CONFLUENCE' JIRA = 'JIRA' @@ -407,13 +410,50 @@ class ApplicationConnectorType(ApiEnum): GOOGLEDRIVEUSER = 'GOOGLEDRIVEUSER' GOOGLEWORKSPACEUSER = 'GOOGLEWORKSPACEUSER' GMAILUSER = 'GMAILUSER' - GOOGLECALENDAR = 'GOOGLECALENDAR' GOOGLESHEETS = 'GOOGLESHEETS' GOOGLEDOCS = 'GOOGLEDOCS' TEAMSSCRAPER = 'TEAMSSCRAPER' GITHUBUSER = 'GITHUBUSER' OKTASAML = 'OKTASAML' BOX = 'BOX' + SFTPAPPLICATION = 'SFTPAPPLICATION' + OAUTH = 'OAUTH' + SALESFORCE = 'SALESFORCE' + TWITTER = 'TWITTER' + MCP = 'MCP' + ODBC = 'ODBC' + DBC = 'DBC' + GENERIC_OAUTH = 'GENERIC_OAUTH' + OUTLOOK = 'OUTLOOK' + BIGQUERY = 'BIGQUERY' + AZURESTORAGE = 'AZURESTORAGE' + + @classmethod + def user_connectors(cls): + return [ + cls.GOOGLEDRIVEUSER, + cls.GOOGLECALENDAR, + cls.GMAILUSER, + cls.SLACK, + cls.JIRA, + cls.ONEDRIVE, + cls.SALESFORCE, + cls.TWITTER, + cls.SHAREPOINT, + cls.TEAMS, + cls.CONFLUENCE, + cls.BOX, + cls.GITHUBUSER, + cls.ODBC, + cls.DBC, + cls.GENERIC_OAUTH, + cls.OUTLOOK, + cls.BIGQUERY + ] + + @classmethod + def database_connectors(cls): + return [cls.SALESFORCE, cls.ODBC, cls.DBC, cls.BIGQUERY] class StreamingConnectorType(ApiEnum): @@ -434,6 +474,22 @@ class PythonFunctionArgumentType(ApiEnum): MONITOR_ID = 'MONITOR_ID' BATCH_PREDICTION_ID = 'BATCH_PREDICTION_ID' DEPLOYMENT_ID = 'DEPLOYMENT_ID' + ATTACHMENT = 'ATTACHMENT' + + @staticmethod + def to_json_type(type): + if type == PythonFunctionArgumentType.INTEGER or type == PythonFunctionArgumentType.FLOAT: + return 'number' + elif type == PythonFunctionArgumentType.STRING or type == PythonFunctionArgumentType.ATTACHMENT: + return 'string' + elif type == PythonFunctionArgumentType.BOOLEAN: + return 'boolean' + elif type == PythonFunctionArgumentType.LIST: + return 'array' + elif type == PythonFunctionArgumentType.JSON: + return 'object' + else: + raise ValueError(f'Invalid type: {type}. type not JSON compatible') class PythonFunctionOutputArgumentType(ApiEnum): @@ -450,6 +506,7 @@ class PythonFunctionOutputArgumentType(ApiEnum): BATCH_PREDICTION_ID = 'BATCH_PREDICTION_ID' DEPLOYMENT_ID = 'DEPLOYMENT_ID' ANY = 'ANY' + ATTACHMENT = 'ATTACHMENT' class VectorStoreTextEncoder(ApiEnum): @@ -462,8 +519,16 @@ class VectorStoreTextEncoder(ApiEnum): CODE_BERT = 'CODE_BERT' -@deprecated_enums('OPENAI_GPT4_32K', 'OPENAI_GPT3_5', 'OPENAI_GPT3_5_TEXT', 'LLAMA3_LARGE_CHAT', 'CLAUDE_V3_OPUS', 'CLAUDE_V3_SONNET', 'OPENAI_GPT4', 'OPENAI_GPT4_128K', 'QWEN_2_5_32B_BASE') +@deprecated_enums('OPENAI_GPT4_32K', 'OPENAI_GPT3_5', 'OPENAI_GPT3_5_TEXT', + 'OPENAI_GPT4', 'OPENAI_GPT4_128K', 'OPENAI_GPT4_128K_LATEST', + 'OPENAI_O1_MINI', + 'GEMINI_1_5_PRO', 'GEMINI_1_5_FLASH', 'GEMINI_2_PRO', 'GEMINI_2_FLASH_THINKING', + 'XAI_GROK', + 'CLAUDE_V3_OPUS', 'CLAUDE_V3_HAIKU', + 'LLAMA3_LARGE_CHAT', 'QWEN_2_5_32B_BASE') class LLMName(ApiEnum): + OPENAI_GPT3_5 = 'OPENAI_GPT3_5' + OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT' OPENAI_GPT4 = 'OPENAI_GPT4' OPENAI_GPT4_32K = 'OPENAI_GPT4_32K' OPENAI_GPT4_128K = 'OPENAI_GPT4_128K' @@ -471,31 +536,57 @@ class LLMName(ApiEnum): OPENAI_GPT4O = 'OPENAI_GPT4O' OPENAI_GPT4O_MINI = 'OPENAI_GPT4O_MINI' OPENAI_O1_MINI = 'OPENAI_O1_MINI' - OPENAI_GPT3_5 = 'OPENAI_GPT3_5' - OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT' + OPENAI_O3 = 'OPENAI_O3' + OPENAI_O3_HIGH = 'OPENAI_O3_HIGH' + OPENAI_O4_MINI = 'OPENAI_O4_MINI' + OPENAI_O4_MINI_HIGH = 'OPENAI_O4_MINI_HIGH' + OPENAI_GPT4_1 = 'OPENAI_GPT4_1' + OPENAI_GPT4_1_MINI = 'OPENAI_GPT4_1_MINI' + OPENAI_GPT4_1_NANO = 'OPENAI_GPT4_1_NANO' + OPENAI_GPT5 = 'OPENAI_GPT5' + OPENAI_GPT5_MINI = 'OPENAI_GPT5_MINI' + OPENAI_GPT5_MINI_HIGH = 'OPENAI_GPT5_MINI_HIGH' + OPENAI_GPT5_MINI_LOW = 'OPENAI_GPT5_MINI_LOW' + OPENAI_GPT5_NANO = 'OPENAI_GPT5_NANO' + OPENAI_GPT5_NANO_HIGH = 'OPENAI_GPT5_NANO_HIGH' + OPENAI_GPT5_1 = 'OPENAI_GPT5_1' + OPENAI_GPT5_2 = 'OPENAI_GPT5_2' + CLAUDE_V3_HAIKU = 'CLAUDE_V3_HAIKU' + CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS' + CLAUDE_V3_5_HAIKU = 'CLAUDE_V3_5_HAIKU' + CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET' + CLAUDE_V3_7_SONNET = 'CLAUDE_V3_7_SONNET' + CLAUDE_V4_SONNET = 'CLAUDE_V4_SONNET' + CLAUDE_V4_OPUS = 'CLAUDE_V4_OPUS' + CLAUDE_V4_5_SONNET = 'CLAUDE_V4_5_SONNET' + GEMINI_1_5_PRO = 'GEMINI_1_5_PRO' + GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH' + GEMINI_2_PRO = 'GEMINI_2_PRO' + GEMINI_2_FLASH = 'GEMINI_2_FLASH' + GEMINI_2_5_PRO = 'GEMINI_2_5_PRO' + GEMINI_3_PRO = 'GEMINI_3_PRO' + GEMINI_2_5_FLASH = 'GEMINI_2_5_FLASH' + GEMINI_3_FLASH = 'GEMINI_3_FLASH' + XAI_GROK = 'XAI_GROK' + XAI_GROK_3 = 'XAI_GROK_3' + XAI_GROK_3_MINI = 'XAI_GROK_3_MINI' + XAI_GROK_4 = 'XAI_GROK_4' + LLAMA4_MAVERICK = 'LLAMA4_MAVERICK' LLAMA3_1_405B = 'LLAMA3_1_405B' LLAMA3_1_70B = 'LLAMA3_1_70B' LLAMA3_1_8B = 'LLAMA3_1_8B' LLAMA3_3_70B = 'LLAMA3_3_70B' LLAMA3_LARGE_CHAT = 'LLAMA3_LARGE_CHAT' - CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS' - CLAUDE_V3_SONNET = 'CLAUDE_V3_SONNET' - CLAUDE_V3_HAIKU = 'CLAUDE_V3_HAIKU' - CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET' - CLAUDE_V3_5_HAIKU = 'CLAUDE_V3_5_HAIKU' - GEMINI_1_5_PRO = 'GEMINI_1_5_PRO' - GEMINI_2_FLASH = 'GEMINI_2_FLASH' - GEMINI_2_FLASH_THINKING = 'GEMINI_2_FLASH_THINKING' - GEMINI_2_PRO = 'GEMINI_2_PRO' ABACUS_SMAUG3 = 'ABACUS_SMAUG3' ABACUS_DRACARYS = 'ABACUS_DRACARYS' QWEN_2_5_32B = 'QWEN_2_5_32B' QWEN_2_5_32B_BASE = 'QWEN_2_5_32B_BASE' QWEN_2_5_72B = 'QWEN_2_5_72B' QWQ_32B = 'QWQ_32B' - GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH' - XAI_GROK = 'XAI_GROK' - DEEPSEEK_V3 = 'DEEPSEEK_V3' + QWEN3_32B = 'QWEN3_32B' + QWEN3_235B_A22B = 'QWEN3_235B_A22B' + QWEN3_CODER = 'QWEN3_CODER' + DEEPSEEK_V3_1 = 'DEEPSEEK_V3_1' DEEPSEEK_R1 = 'DEEPSEEK_R1' @@ -542,6 +633,7 @@ class PythonFunctionType(ApiEnum): PLOTLY_FIG = 'PLOTLY_FIG' STEP_FUNCTION = 'STEP_FUNCTION' USERCODE_TOOL = 'USERCODE_TOOL' + CONNECTOR_TOOL = 'CONNECTOR_TOOL' class EvalArtifactType(ApiEnum): @@ -579,10 +671,16 @@ class WorkflowNodeOutputType(ApiEnum): ANY = 'ANY' @classmethod - def normalize_type(cls, python_type: Union[str, type, None, 'WorkflowNodeOutputType']) -> 'WorkflowNodeOutputType': + def normalize_type(cls, python_type: Union[str, type, None, 'WorkflowNodeOutputType', 'PythonFunctionOutputArgumentType']) -> 'WorkflowNodeOutputType': if isinstance(python_type, WorkflowNodeOutputType): return python_type + if isinstance(python_type, PythonFunctionOutputArgumentType): + if python_type.value in cls.__members__: + return cls(python_type.value) + else: + return cls.ANY + if isinstance(python_type, type) or isinstance(python_type, str): python_type = python_type.__name__ if isinstance(python_type, type) else python_type else: @@ -625,11 +723,12 @@ def aws_ocr_modes(cls): class DocumentType(ApiEnum): - SIMPLE_TEXT = 'SIMPLE_TEXT' # digital text - TEXT = 'TEXT' # general text with OCR - TABLES_AND_FORMS = 'TABLES_AND_FORMS' # tables and forms with OCR - EMBEDDED_IMAGES = 'EMBEDDED_IMAGES' # embedded images with OCR TODO: remove? - SCANNED_TEXT = 'SCANNED_TEXT' # scanned text with OCR + SIMPLE_TEXT = 'SIMPLE_TEXT' # digital text + TEXT = 'TEXT' # general text with OCR + TABLES_AND_FORMS = 'TABLES_AND_FORMS' # tables and forms with OCR + EMBEDDED_IMAGES = 'EMBEDDED_IMAGES' # embedded images with OCR TODO: remove? + SCANNED_TEXT = 'SCANNED_TEXT' # scanned text with OCR + COMPREHENSIVE_MARKDOWN = 'COMPREHENSIVE_MARKDOWN' # comprehensive text with Gemini OCR @classmethod def is_ocr_forced(cls, document_type: 'DocumentType'): @@ -722,3 +821,25 @@ class DeploymentConversationType(ApiEnum): COPILOT = 'COPILOT' AGENT_CONTROLLER = 'AGENT_CONTROLLER' CODE_LLM = 'CODE_LLM' + CODE_LLM_AGENT = 'CODE_LLM_AGENT' + CHAT_LLM_TASK = 'CHAT_LLM_TASK' + COMPUTER_AGENT = 'COMPUTER_AGENT' + SEARCH_LLM = 'SEARCH_LLM' + APP_LLM = 'APP_LLM' + TEST_AGENT = 'TEST_AGENT' + SUPER_AGENT = 'SUPER_AGENT' + CODE_LLM_NON_INTERACTIVE = 'CODE_LLM_NON_INTERACTIVE' + BROWSER_EXTENSION = 'BROWSER_EXTENSION' + + +class AgentClientType(ApiEnum): + CHAT_UI = 'CHAT_UI' + MESSAGING_APP = 'MESSAGING_APP' + API = 'API' + + +class OrganizationSecretType(ApiEnum): + """Enum for organization secret types""" + ORG_SECRET = 'ORG_SECRET' + ORG_API_CREDENTIALS = 'ORG_API_CREDENTIALS' + USER_API_CREDENTIALS = 'USER_API_CREDENTIALS' diff --git a/abacusai/api_class/model.py b/abacusai/api_class/model.py index 41d7b9edb..bc8fdcf55 100644 --- a/abacusai/api_class/model.py +++ b/abacusai/api_class/model.py @@ -447,6 +447,19 @@ def __post_init__(self): self.problem_type = enums.ProblemType.NATURAL_LANGUAGE_SEARCH +@dataclasses.dataclass +class SystemConnectorTool(ApiClass): + """ + System connector tool used to integrate chatbots with external services. + + Args: + value (str): The name of the tool. + configs (dict): Optional. A dictionary of key-value pairs that are used to configure the tool. + """ + value: str = dataclasses.field() + configs: dict = dataclasses.field(default=None) + + @dataclasses.dataclass class ChatLLMTrainingConfig(TrainingConfig): """ @@ -473,19 +486,26 @@ class ChatLLMTrainingConfig(TrainingConfig): data_prompt_column_context (Dict[str, str]): Dict of 'table_name.column_name' and 'column_context' pairs to provide column context for some selected columns in the selected structured data table. This replaces the default auto-generated information about the column data. hide_sql_and_code (bool): When running data queries, this will hide the generated SQL and Code in the response. disable_data_summarization (bool): After executing a query summarize the reponse and reply back with only the table and query run. + disable_data_fetch_for_training (bool): Train using only table and column schema metadata without fetching sample data. This speeds up training but may result in less context for the model. data_columns_to_ignore (List[str]): Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format "." search_score_cutoff (float): Minimum search score to consider a document as a valid search result. include_bm25_retrieval (bool): Combine BM25 search score with vector search using reciprocal rank fusion. database_connector_id (str): Database connector ID to use for connecting external database that gives access to structured data to the LLM. + database_connector_ids (List[str]): List of database connector IDs to use for connecting external databases that give access to structured data to the LLM. database_connector_tables (List[str]): List of tables to use from the database connector for the ChatLLM. enable_code_execution (bool): Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed. enable_response_caching (bool): Enable caching of LLM responses to speed up response times and improve reproducibility. unknown_answer_phrase (str): Fallback response when the LLM can't find an answer. - enable_tool_bar (bool): Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. + enable_tool_bar (bool): Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. Enabling this requires enable_web_search to be enabled. enable_inline_source_citations (bool): Enable inline citations of the sources in the response. response_format: (str): When set to 'JSON', the LLM will generate a JSON formatted string. json_response_instructions (str): Instructions to be followed while generating the json_response if `response_format` is set to "JSON". This can include the schema information if the schema is dynamic and its keys cannot be pre-determined. json_response_schema (str): Specifies the JSON schema that the model should adhere to if `response_format` is set to "JSON". This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields 'type', 'required' and 'description'. For example - '{"sample_field": {"type": "integer", "required": true, "description": "Sample Field"}}' + mask_pii (bool): Mask PII in the prompts and uploaded documents before sending it to the LLM. Only available for Enterprise users and will cause validation errors if set to True for ChatLLM Teams users. + builtin_tools (List[SystemConnectorTool]): List of builtin system connector tools to use in the ChatLLM. Using builtin tools does not require enabling tool bar (enable_tool_bar flag). + config_connectors (List[str]): List of names of config connectors to use in the ChatLLM. This should not be used with document_retrievers. + mcp_servers (List[str]): List of names of MCP servers to use in the ChatLLM. This should not be used with document_retrievers. + agentic_loop_mode (bool): Enables use of agentic loop that uses a series of tool calls when needed to respond. If set to False, the agentic loop will not be used. If not set or set to Auto, the agentic loop will be automatically used based on certain conditions like presence of tools in the model. """ document_retrievers: List[str] = dataclasses.field(default=None) num_completion_tokens: int = dataclasses.field(default=None) @@ -507,10 +527,12 @@ class ChatLLMTrainingConfig(TrainingConfig): data_prompt_column_context: Dict[str, str] = dataclasses.field(default=None) hide_sql_and_code: bool = dataclasses.field(default=None) disable_data_summarization: bool = dataclasses.field(default=None) + disable_data_fetch_for_training: bool = dataclasses.field(default=None) data_columns_to_ignore: List[str] = dataclasses.field(default=None) search_score_cutoff: float = dataclasses.field(default=None) include_bm25_retrieval: bool = dataclasses.field(default=None) - database_connector_id: str = dataclasses.field(default=None) + database_connector_id: str = dataclasses.field(default=None) # deprecated + database_connector_ids: List[str] = dataclasses.field(default=None) database_connector_tables: List[str] = dataclasses.field(default=None) enable_code_execution: bool = dataclasses.field(default=None) metadata_columns: list = dataclasses.field(default=None, metadata={'deprecated': True}) @@ -522,6 +544,11 @@ class ChatLLMTrainingConfig(TrainingConfig): response_format: str = dataclasses.field(default=None) json_response_instructions: str = dataclasses.field(default=None) json_response_schema: str = dataclasses.field(default=None) + mask_pii: bool = dataclasses.field(default=None) + builtin_tools: List[SystemConnectorTool] = dataclasses.field(default=None) + config_connectors: List[str] = dataclasses.field(default=None) + mcp_servers: List[str] = dataclasses.field(default=None) + agentic_loop_mode: bool = dataclasses.field(default=None) def __post_init__(self): self.problem_type = enums.ProblemType.CHAT_LLM diff --git a/abacusai/api_class/python_functions.py b/abacusai/api_class/python_functions.py index 02c81feca..c774be2d7 100644 --- a/abacusai/api_class/python_functions.py +++ b/abacusai/api_class/python_functions.py @@ -17,6 +17,7 @@ class PythonFunctionArgument(ApiClass): value (Any): The value of the argument pipeline_variable (str): The name of the pipeline variable to use as the value description (str): The description of the argument + long_description (str): The detailed description of the argument item_type (str): Type of items when variable_type is LIST """ variable_type: enums.PythonFunctionArgumentType = dataclasses.field(default=None) @@ -25,6 +26,7 @@ class PythonFunctionArgument(ApiClass): value: Any = dataclasses.field(default=None) pipeline_variable: str = dataclasses.field(default=None) description: str = dataclasses.field(default=None) + long_description: str = dataclasses.field(default=None) item_type: str = dataclasses.field(default=None) @@ -36,6 +38,10 @@ class OutputVariableMapping(ApiClass): Args: variable_type (PythonFunctionOutputArgumentType): The type of the python function output argument name (str): The name of the python function variable + description (str): The description of the output + long_description (str): The detailed description of the output """ variable_type: enums.PythonFunctionOutputArgumentType = dataclasses.field(default=None) name: str = dataclasses.field(default=None) + description: str = dataclasses.field(default=None) + long_description: str = dataclasses.field(default=None) diff --git a/abacusai/api_class/segments.py b/abacusai/api_class/segments.py index 85c227a25..04c589ee4 100644 --- a/abacusai/api_class/segments.py +++ b/abacusai/api_class/segments.py @@ -1,5 +1,6 @@ import dataclasses import uuid +import warnings from typing import Any, List from . import enums @@ -81,9 +82,21 @@ class TextResponseSection(ResponseSection): segment: str - def __init__(self, text: str, section_key: str = None): + def __init__(self, segment: str = None, section_key: str = None, text: str = None): # text is added for backward compatibility + if segment is not None and text is not None: + raise ValueError("Cannot specify both 'segment' and 'text' parameters. The 'text' parameter is deprecated, please use 'segment' only.") + if segment is None and text is None: + raise TypeError("'Segment' parameter is required.") + + if text is not None: + warnings.warn( + "The 'text' parameter is deprecated and will be removed in future. Please use 'segment' instead.", + DeprecationWarning, + stacklevel=2 + ) + super().__init__(type=enums.ResponseSectionType.TEXT, id=section_key) - self.segment = text + self.segment = segment if segment is not None else text @dataclasses.dataclass diff --git a/abacusai/api_client_utils.py b/abacusai/api_client_utils.py index 33933f23f..d218e4bd2 100644 --- a/abacusai/api_client_utils.py +++ b/abacusai/api_client_utils.py @@ -468,9 +468,22 @@ def get_pandas_pages_df(cls, df, feature_group_version: str, doc_id_column: str, chunk_size = 10 * 1024 * 1024 + def is_valid_config(x): + if not isinstance(x, dict): + return False + if cls.DOCUMENT_PROCESSING_CONFIG not in x: + return False + if x[cls.DOCUMENT_PROCESSING_CONFIG] is None: + return False + if x[cls.DOCUMENT_PROCESSING_CONFIG] == {}: + return False + # if all keys are None, return False + if all(v is None for v in x[cls.DOCUMENT_PROCESSING_CONFIG].values()): + return False + return True + pages_df_with_config = None - df_with_config = df[df[document_column].apply(lambda x: isinstance( - x, dict) and x.get(cls.DOCUMENT_PROCESSING_CONFIG) is not None)] + df_with_config = df[df[document_column].apply(is_valid_config)] df = df[~df[doc_id_column].isin(df_with_config[doc_id_column])] if len(df_with_config) > 0: @@ -613,7 +626,7 @@ def tokens_to_text(tokens: List[dict]) -> str: def combine_doc_info(group): page_infos = group.to_dict(orient='records') document_data = { - cls.METADATA: [{cls.HEIGHT: page.get(cls.HEIGHT, None), cls.WIDTH: page.get(cls.WIDTH, None), cls.PAGE: page_no + 1, cls.MARKDOWN_FEATURES: page.get(cls.MARKDOWN_FEATURES)} + cls.METADATA: [{cls.HEIGHT: page.get(cls.HEIGHT, None), cls.WIDTH: page.get(cls.WIDTH, None), cls.PAGE: page_no, cls.MARKDOWN_FEATURES: page.get(cls.MARKDOWN_FEATURES)} for page_no, page in enumerate(page_infos)], cls.TOKENS: [token for page in page_infos for token in page.get(cls.TOKENS) or []], # default to embedded text diff --git a/abacusai/api_endpoint.py b/abacusai/api_endpoint.py index 16662a4b2..f0d4b7bd6 100644 --- a/abacusai/api_endpoint.py +++ b/abacusai/api_endpoint.py @@ -13,9 +13,11 @@ class ApiEndpoint(AbstractApiClass): llmEndpoint (str): The URI that can be used to make llm api calls externalChatEndpoint (str): The URI that can be used to access the external chat dashboardEndpoint (str): The URI that the external chat will use to go back to the dashboard + hostingDomain (str): The domain for hosted app deployments + publicHostingDomain (str): The domain for publicly hosted app deployments """ - def __init__(self, client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None): + def __init__(self, client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None, hostingDomain=None, publicHostingDomain=None): super().__init__(client, None) self.api_endpoint = apiEndpoint self.predict_endpoint = predictEndpoint @@ -23,11 +25,13 @@ def __init__(self, client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint self.llm_endpoint = llmEndpoint self.external_chat_endpoint = externalChatEndpoint self.dashboard_endpoint = dashboardEndpoint + self.hosting_domain = hostingDomain + self.public_hosting_domain = publicHostingDomain self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'api_endpoint': repr(self.api_endpoint), f'predict_endpoint': repr(self.predict_endpoint), f'proxy_endpoint': repr(self.proxy_endpoint), f'llm_endpoint': repr( - self.llm_endpoint), f'external_chat_endpoint': repr(self.external_chat_endpoint), f'dashboard_endpoint': repr(self.dashboard_endpoint)} + repr_dict = {f'api_endpoint': repr(self.api_endpoint), f'predict_endpoint': repr(self.predict_endpoint), f'proxy_endpoint': repr(self.proxy_endpoint), f'llm_endpoint': repr(self.llm_endpoint), f'external_chat_endpoint': repr( + self.external_chat_endpoint), f'dashboard_endpoint': repr(self.dashboard_endpoint), f'hosting_domain': repr(self.hosting_domain), f'public_hosting_domain': repr(self.public_hosting_domain)} class_name = "ApiEndpoint" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -40,6 +44,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'api_endpoint': self.api_endpoint, 'predict_endpoint': self.predict_endpoint, 'proxy_endpoint': self.proxy_endpoint, - 'llm_endpoint': self.llm_endpoint, 'external_chat_endpoint': self.external_chat_endpoint, 'dashboard_endpoint': self.dashboard_endpoint} + resp = {'api_endpoint': self.api_endpoint, 'predict_endpoint': self.predict_endpoint, 'proxy_endpoint': self.proxy_endpoint, 'llm_endpoint': self.llm_endpoint, + 'external_chat_endpoint': self.external_chat_endpoint, 'dashboard_endpoint': self.dashboard_endpoint, 'hosting_domain': self.hosting_domain, 'public_hosting_domain': self.public_hosting_domain} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/api_key.py b/abacusai/api_key.py index f8b9fc621..ee0e619e5 100644 --- a/abacusai/api_key.py +++ b/abacusai/api_key.py @@ -11,7 +11,7 @@ class ApiKey(AbstractApiClass): apiKey (str): The unique API key scoped to a specific organization. Value will be partially obscured. apiKeySuffix (str): The last 4 characters of the API key. tag (str): A user-friendly tag for the API key. - type (str): The type of the API key, either 'default', 'code-llm', or 'computer-use'. + type (str): The type of the API key, either 'default', 'code-llm', 'terminal', or 'computer-use'. createdAt (str): The timestamp when the API key was created. expiresAt (str): The timestamp when the API key will expire. isExpired (bool): Whether the API key has expired. diff --git a/abacusai/app_user_group.py b/abacusai/app_user_group.py index e337bd7d1..09cfd8cc3 100644 --- a/abacusai/app_user_group.py +++ b/abacusai/app_user_group.py @@ -16,10 +16,11 @@ class AppUserGroup(AbstractApiClass): hasExternalApplicationReporting (bool): Whether users in the App User Group have permission to view all reports in their organization. isExternalServiceGroup (bool): Whether the App User Group corresponds to a user group that's defined in an external service (i.e Microsft Active Directory or Okta) or not externalServiceGroupId (str): The identifier that corresponds to the app user group's external service group representation + creationSource (str): The source of the app user group users (User): The users in the user group. """ - def __init__(self, client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, users={}): + def __init__(self, client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, creationSource=None, users={}): super().__init__(client, None) self.name = name self.user_group_id = userGroupId @@ -29,12 +30,13 @@ def __init__(self, client, name=None, userGroupId=None, externalApplicationIds=N self.has_external_application_reporting = hasExternalApplicationReporting self.is_external_service_group = isExternalServiceGroup self.external_service_group_id = externalServiceGroupId + self.creation_source = creationSource self.users = client._build_class(User, users) self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'name': repr(self.name), f'user_group_id': repr(self.user_group_id), f'external_application_ids': repr(self.external_application_ids), f'invited_user_emails': repr(self.invited_user_emails), f'public_user_group': repr( - self.public_user_group), f'has_external_application_reporting': repr(self.has_external_application_reporting), f'is_external_service_group': repr(self.is_external_service_group), f'external_service_group_id': repr(self.external_service_group_id), f'users': repr(self.users)} + repr_dict = {f'name': repr(self.name), f'user_group_id': repr(self.user_group_id), f'external_application_ids': repr(self.external_application_ids), f'invited_user_emails': repr(self.invited_user_emails), f'public_user_group': repr(self.public_user_group), f'has_external_application_reporting': repr( + self.has_external_application_reporting), f'is_external_service_group': repr(self.is_external_service_group), f'external_service_group_id': repr(self.external_service_group_id), f'creation_source': repr(self.creation_source), f'users': repr(self.users)} class_name = "AppUserGroup" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -47,6 +49,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'name': self.name, 'user_group_id': self.user_group_id, 'external_application_ids': self.external_application_ids, 'invited_user_emails': self.invited_user_emails, 'public_user_group': self.public_user_group, - 'has_external_application_reporting': self.has_external_application_reporting, 'is_external_service_group': self.is_external_service_group, 'external_service_group_id': self.external_service_group_id, 'users': self._get_attribute_as_dict(self.users)} + resp = {'name': self.name, 'user_group_id': self.user_group_id, 'external_application_ids': self.external_application_ids, 'invited_user_emails': self.invited_user_emails, 'public_user_group': self.public_user_group, 'has_external_application_reporting': + self.has_external_application_reporting, 'is_external_service_group': self.is_external_service_group, 'external_service_group_id': self.external_service_group_id, 'creation_source': self.creation_source, 'users': self._get_attribute_as_dict(self.users)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/application_connector.py b/abacusai/application_connector.py index 3c0b95777..2b16e67bb 100644 --- a/abacusai/application_connector.py +++ b/abacusai/application_connector.py @@ -9,16 +9,18 @@ class ApplicationConnector(AbstractApiClass): client (ApiClient): An authenticated API Client instance applicationConnectorId (str): The unique ID for the connection. service (str): The service this connection connects to + serviceName (str): For OAuth services, the specific provider name (e.g., 'spotify') name (str): A user-friendly name for the service createdAt (str): When the API key was created status (str): The status of the Application Connector auth (dict): Non-secret connection information for this connector """ - def __init__(self, client, applicationConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None): + def __init__(self, client, applicationConnectorId=None, service=None, serviceName=None, name=None, createdAt=None, status=None, auth=None): super().__init__(client, applicationConnectorId) self.application_connector_id = applicationConnectorId self.service = service + self.service_name = serviceName self.name = name self.created_at = createdAt self.status = status @@ -26,8 +28,8 @@ def __init__(self, client, applicationConnectorId=None, service=None, name=None, self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'application_connector_id': repr(self.application_connector_id), f'service': repr(self.service), f'name': repr( - self.name), f'created_at': repr(self.created_at), f'status': repr(self.status), f'auth': repr(self.auth)} + repr_dict = {f'application_connector_id': repr(self.application_connector_id), f'service': repr(self.service), f'service_name': repr( + self.service_name), f'name': repr(self.name), f'created_at': repr(self.created_at), f'status': repr(self.status), f'auth': repr(self.auth)} class_name = "ApplicationConnector" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -40,7 +42,7 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'application_connector_id': self.application_connector_id, 'service': self.service, + resp = {'application_connector_id': self.application_connector_id, 'service': self.service, 'service_name': self.service_name, 'name': self.name, 'created_at': self.created_at, 'status': self.status, 'auth': self.auth} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/audio_gen_settings.py b/abacusai/audio_gen_settings.py index 768c1f0f2..4b42deda8 100644 --- a/abacusai/audio_gen_settings.py +++ b/abacusai/audio_gen_settings.py @@ -7,16 +7,19 @@ class AudioGenSettings(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance - model (dict): Dropdown for models available for audio generation. + model (dict): names of models available for audio generation. + settings (dict): settings for each model. """ - def __init__(self, client, model=None): + def __init__(self, client, model=None, settings=None): super().__init__(client, None) self.model = model + self.settings = settings self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'model': repr(self.model)} + repr_dict = {f'model': repr(self.model), + f'settings': repr(self.settings)} class_name = "AudioGenSettings" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -29,5 +32,5 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'model': self.model} + resp = {'model': self.model, 'settings': self.settings} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/audio_url_result.py b/abacusai/audio_url_result.py new file mode 100644 index 000000000..89eaee698 --- /dev/null +++ b/abacusai/audio_url_result.py @@ -0,0 +1,36 @@ +from .return_class import AbstractApiClass + + +class AudioUrlResult(AbstractApiClass): + """ + TTS result + + Args: + client (ApiClient): An authenticated API Client instance + audioUrl (str): The audio url. + creditsUsed (float): The credits used. + """ + + def __init__(self, client, audioUrl=None, creditsUsed=None): + super().__init__(client, None) + self.audio_url = audioUrl + self.credits_used = creditsUsed + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'audio_url': repr( + self.audio_url), f'credits_used': repr(self.credits_used)} + class_name = "AudioUrlResult" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'audio_url': self.audio_url, 'credits_used': self.credits_used} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/audit_log.py b/abacusai/audit_log.py new file mode 100644 index 000000000..3bd8ca60a --- /dev/null +++ b/abacusai/audit_log.py @@ -0,0 +1,47 @@ +from .return_class import AbstractApiClass + + +class AuditLog(AbstractApiClass): + """ + An audit log entry + + Args: + client (ApiClient): An authenticated API Client instance + createdAt (str): The timestamp when the audit log entry was created + userId (str): The hashed ID of the user who performed the action + objectId (str): The hashed ID of the object that was affected by the action + action (str): The action performed (create, modify, start, stop, delete, share, hide, credential_change, login) + source (str): The source of the action (api, ui, pipeline, cli, system) + refreshPolicyId (str): The hashed ID of the refresh policy if applicable + pipelineId (str): The hashed ID of the pipeline if applicable + """ + + def __init__(self, client, createdAt=None, userId=None, objectId=None, action=None, source=None, refreshPolicyId=None, pipelineId=None): + super().__init__(client, None) + self.created_at = createdAt + self.user_id = userId + self.object_id = objectId + self.action = action + self.source = source + self.refresh_policy_id = refreshPolicyId + self.pipeline_id = pipelineId + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'created_at': repr(self.created_at), f'user_id': repr(self.user_id), f'object_id': repr(self.object_id), f'action': repr( + self.action), f'source': repr(self.source), f'refresh_policy_id': repr(self.refresh_policy_id), f'pipeline_id': repr(self.pipeline_id)} + class_name = "AuditLog" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'created_at': self.created_at, 'user_id': self.user_id, 'object_id': self.object_id, 'action': self.action, + 'source': self.source, 'refresh_policy_id': self.refresh_policy_id, 'pipeline_id': self.pipeline_id} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/batch_prediction.py b/abacusai/batch_prediction.py index 34609d8d9..e5928ffb8 100644 --- a/abacusai/batch_prediction.py +++ b/abacusai/batch_prediction.py @@ -84,7 +84,7 @@ def __init__(self, client, batchPredictionId=None, createdAt=None, name=None, de BatchPredictionArgs, globalPredictionArgs) self.batch_prediction_args = client._build_class(getattr( api_class, batchPredictionArgsType, BatchPredictionArgs) if batchPredictionArgsType else BatchPredictionArgs, batchPredictionArgs) - self.deprecated_keys = {'global_prediction_args', 'explanations'} + self.deprecated_keys = {'explanations', 'global_prediction_args'} def __repr__(self): repr_dict = {f'batch_prediction_id': repr(self.batch_prediction_id), f'created_at': repr(self.created_at), f'name': repr(self.name), f'deployment_id': repr(self.deployment_id), f'file_connector_output_location': repr(self.file_connector_output_location), f'database_connector_id': repr(self.database_connector_id), f'database_output_configuration': repr(self.database_output_configuration), f'file_output_format': repr(self.file_output_format), f'connector_type': repr(self.connector_type), f'legacy_input_location': repr(self.legacy_input_location), f'output_feature_group_id': repr(self.output_feature_group_id), f'feature_group_table_name': repr(self.feature_group_table_name), f'output_feature_group_table_name': repr(self.output_feature_group_table_name), f'summary_feature_group_table_name': repr(self.summary_feature_group_table_name), f'csv_input_prefix': repr( diff --git a/abacusai/batch_prediction_version.py b/abacusai/batch_prediction_version.py index 5e53ea27b..f89c47a1f 100644 --- a/abacusai/batch_prediction_version.py +++ b/abacusai/batch_prediction_version.py @@ -100,7 +100,7 @@ def __init__(self, client, batchPredictionVersion=None, batchPredictionId=None, BatchPredictionArgs, globalPredictionArgs) self.batch_prediction_args = client._build_class(getattr( api_class, batchPredictionArgsType, BatchPredictionArgs) if batchPredictionArgsType else BatchPredictionArgs, batchPredictionArgs) - self.deprecated_keys = {'global_prediction_args', 'explanations'} + self.deprecated_keys = {'explanations', 'global_prediction_args'} def __repr__(self): repr_dict = {f'batch_prediction_version': repr(self.batch_prediction_version), f'batch_prediction_id': repr(self.batch_prediction_id), f'status': repr(self.status), f'drift_monitor_status': repr(self.drift_monitor_status), f'deployment_id': repr(self.deployment_id), f'model_id': repr(self.model_id), f'model_version': repr(self.model_version), f'predictions_started_at': repr(self.predictions_started_at), f'predictions_completed_at': repr(self.predictions_completed_at), f'database_output_error': repr(self.database_output_error), f'total_predictions': repr(self.total_predictions), f'failed_predictions': repr(self.failed_predictions), f'database_connector_id': repr(self.database_connector_id), f'database_output_configuration': repr(self.database_output_configuration), f'file_connector_output_location': repr(self.file_connector_output_location), f'file_output_format': repr(self.file_output_format), f'connector_type': repr(self.connector_type), f'legacy_input_location': repr(self.legacy_input_location), f'error': repr(self.error), f'drift_monitor_error': repr(self.drift_monitor_error), f'monitor_warnings': repr(self.monitor_warnings), f'csv_input_prefix': repr( diff --git a/abacusai/chat_message.py b/abacusai/chat_message.py index 01f61e3e0..b240518ae 100644 --- a/abacusai/chat_message.py +++ b/abacusai/chat_message.py @@ -16,9 +16,10 @@ class ChatMessage(AbstractApiClass): hotkeyTitle (str): The title of the hotkey prompt if the message has one tasks (list[str]): The list of spawned tasks, if the message was broken down into smaller sub-tasks. keywordArguments (dict): A dict of kwargs used to generate the response. + computePointsUsed (int): The number of compute points used for the message. """ - def __init__(self, client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None): + def __init__(self, client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None, computePointsUsed=None): super().__init__(client, None) self.role = role self.text = text @@ -29,11 +30,12 @@ def __init__(self, client, role=None, text=None, timestamp=None, isUseful=None, self.hotkey_title = hotkeyTitle self.tasks = tasks self.keyword_arguments = keywordArguments + self.compute_points_used = computePointsUsed self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'role': repr(self.role), f'text': repr(self.text), f'timestamp': repr(self.timestamp), f'is_useful': repr(self.is_useful), f'feedback': repr( - self.feedback), f'doc_ids': repr(self.doc_ids), f'hotkey_title': repr(self.hotkey_title), f'tasks': repr(self.tasks), f'keyword_arguments': repr(self.keyword_arguments)} + repr_dict = {f'role': repr(self.role), f'text': repr(self.text), f'timestamp': repr(self.timestamp), f'is_useful': repr(self.is_useful), f'feedback': repr(self.feedback), f'doc_ids': repr( + self.doc_ids), f'hotkey_title': repr(self.hotkey_title), f'tasks': repr(self.tasks), f'keyword_arguments': repr(self.keyword_arguments), f'compute_points_used': repr(self.compute_points_used)} class_name = "ChatMessage" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -46,6 +48,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'role': self.role, 'text': self.text, 'timestamp': self.timestamp, 'is_useful': self.is_useful, 'feedback': self.feedback, - 'doc_ids': self.doc_ids, 'hotkey_title': self.hotkey_title, 'tasks': self.tasks, 'keyword_arguments': self.keyword_arguments} + resp = {'role': self.role, 'text': self.text, 'timestamp': self.timestamp, 'is_useful': self.is_useful, 'feedback': self.feedback, 'doc_ids': self.doc_ids, + 'hotkey_title': self.hotkey_title, 'tasks': self.tasks, 'keyword_arguments': self.keyword_arguments, 'compute_points_used': self.compute_points_used} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/chatllm_computer_status.py b/abacusai/chatllm_computer_status.py new file mode 100644 index 000000000..48bfe1eb8 --- /dev/null +++ b/abacusai/chatllm_computer_status.py @@ -0,0 +1,41 @@ +from .return_class import AbstractApiClass + + +class ChatllmComputerStatus(AbstractApiClass): + """ + ChatLLM Computer Status + + Args: + client (ApiClient): An authenticated API Client instance + computerId (str): The ID of the computer, it can be a deployment_conversation_id or a computer_id (TODO: add separate field for deployment_conversation_id) + vncEndpoint (str): The VNC endpoint of the computer + computerStarted (bool): Whether the computer has started + restartRequired (bool): Whether the computer needs to be restarted + """ + + def __init__(self, client, computerId=None, vncEndpoint=None, computerStarted=None, restartRequired=None): + super().__init__(client, None) + self.computer_id = computerId + self.vnc_endpoint = vncEndpoint + self.computer_started = computerStarted + self.restart_required = restartRequired + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'computer_id': repr(self.computer_id), f'vnc_endpoint': repr( + self.vnc_endpoint), f'computer_started': repr(self.computer_started), f'restart_required': repr(self.restart_required)} + class_name = "ChatllmComputerStatus" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'computer_id': self.computer_id, 'vnc_endpoint': self.vnc_endpoint, + 'computer_started': self.computer_started, 'restart_required': self.restart_required} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/chatllm_memory.py b/abacusai/chatllm_memory.py new file mode 100644 index 000000000..c3ed17f75 --- /dev/null +++ b/abacusai/chatllm_memory.py @@ -0,0 +1,39 @@ +from .return_class import AbstractApiClass + + +class ChatllmMemory(AbstractApiClass): + """ + An LLM created memory in ChatLLM + + Args: + client (ApiClient): An authenticated API Client instance + chatllmMemoryId (str): The ID of the chatllm memory. + memory (str): The text of the ChatLLM memory. + sourceDeploymentConversationId (str): The deployment conversation where this memory was created. + """ + + def __init__(self, client, chatllmMemoryId=None, memory=None, sourceDeploymentConversationId=None): + super().__init__(client, chatllmMemoryId) + self.chatllm_memory_id = chatllmMemoryId + self.memory = memory + self.source_deployment_conversation_id = sourceDeploymentConversationId + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'chatllm_memory_id': repr(self.chatllm_memory_id), f'memory': repr( + self.memory), f'source_deployment_conversation_id': repr(self.source_deployment_conversation_id)} + class_name = "ChatllmMemory" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'chatllm_memory_id': self.chatllm_memory_id, 'memory': self.memory, + 'source_deployment_conversation_id': self.source_deployment_conversation_id} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/chatllm_project.py b/abacusai/chatllm_project.py new file mode 100644 index 000000000..065ceb380 --- /dev/null +++ b/abacusai/chatllm_project.py @@ -0,0 +1,45 @@ +from .return_class import AbstractApiClass + + +class ChatllmProject(AbstractApiClass): + """ + ChatLLM Project + + Args: + client (ApiClient): An authenticated API Client instance + chatllmProjectId (id): The ID of the chatllm project. + name (str): The name of the chatllm project. + description (str): The description of the chatllm project. + customInstructions (str): The custom instructions of the chatllm project. + createdAt (str): The creation time of the chatllm project. + updatedAt (str): The update time of the chatllm project. + """ + + def __init__(self, client, chatllmProjectId=None, name=None, description=None, customInstructions=None, createdAt=None, updatedAt=None): + super().__init__(client, chatllmProjectId) + self.chatllm_project_id = chatllmProjectId + self.name = name + self.description = description + self.custom_instructions = customInstructions + self.created_at = createdAt + self.updated_at = updatedAt + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'chatllm_project_id': repr(self.chatllm_project_id), f'name': repr(self.name), f'description': repr( + self.description), f'custom_instructions': repr(self.custom_instructions), f'created_at': repr(self.created_at), f'updated_at': repr(self.updated_at)} + class_name = "ChatllmProject" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'chatllm_project_id': self.chatllm_project_id, 'name': self.name, 'description': self.description, + 'custom_instructions': self.custom_instructions, 'created_at': self.created_at, 'updated_at': self.updated_at} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/chatllm_project_permissions.py b/abacusai/chatllm_project_permissions.py new file mode 100644 index 000000000..b10f31da8 --- /dev/null +++ b/abacusai/chatllm_project_permissions.py @@ -0,0 +1,41 @@ +from .return_class import AbstractApiClass + + +class ChatllmProjectPermissions(AbstractApiClass): + """ + ChatLLM Project Permissions + + Args: + client (ApiClient): An authenticated API Client instance + chatllmProjectId (id): The ID of the chatllm project. + accessLevel (str): The access level of the chatllm project. + userPermissions (list): List of tuples containing (user_id, permission). + userGroupPermissions (list): List of tuples containing (user_group_id, permission). + """ + + def __init__(self, client, chatllmProjectId=None, accessLevel=None, userPermissions=None, userGroupPermissions=None): + super().__init__(client, None) + self.chatllm_project_id = chatllmProjectId + self.access_level = accessLevel + self.user_permissions = userPermissions + self.user_group_permissions = userGroupPermissions + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'chatllm_project_id': repr(self.chatllm_project_id), f'access_level': repr( + self.access_level), f'user_permissions': repr(self.user_permissions), f'user_group_permissions': repr(self.user_group_permissions)} + class_name = "ChatllmProjectPermissions" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'chatllm_project_id': self.chatllm_project_id, 'access_level': self.access_level, + 'user_permissions': self.user_permissions, 'user_group_permissions': self.user_group_permissions} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/chatllm_task.py b/abacusai/chatllm_task.py index 82b44ded7..1bb705f99 100644 --- a/abacusai/chatllm_task.py +++ b/abacusai/chatllm_task.py @@ -8,32 +8,52 @@ class ChatllmTask(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance chatllmTaskId (str): The id of the chatllm task. + daemonTaskId (str): The id of the daemon task. + taskType (str): The type of task ('chatllm' or 'daemon'). name (str): The name of the chatllm task. instructions (str): The instructions of the chatllm task. + description (str): The description of the chatllm task. lifecycle (str): The lifecycle of the chatllm task. scheduleInfo (dict): The schedule info of the chatllm task. externalApplicationId (str): The external application id associated with the chatllm task. deploymentConversationId (str): The deployment conversation id associated with the chatllm task. + sourceDeploymentConversationId (str): The source deployment conversation id associated with the chatllm task. enableEmailAlerts (bool): Whether email alerts are enabled for the chatllm task. email (str): The email to send alerts to. + numUnreadTaskInstances (int): The number of unread task instances for the chatllm task. + computePointsUsed (int): The compute points used for the chatllm task. + displayMarkdown (str): The display markdown for the chatllm task. + requiresNewConversation (bool): Whether a new conversation is required for the chatllm task. + executionMode (str): The execution mode of the chatllm task. + taskDefinition (dict): The task definition (for web_service_trigger tasks). """ - def __init__(self, client, chatllmTaskId=None, name=None, instructions=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, enableEmailAlerts=None, email=None): + def __init__(self, client, chatllmTaskId=None, daemonTaskId=None, taskType=None, name=None, instructions=None, description=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, sourceDeploymentConversationId=None, enableEmailAlerts=None, email=None, numUnreadTaskInstances=None, computePointsUsed=None, displayMarkdown=None, requiresNewConversation=None, executionMode=None, taskDefinition=None): super().__init__(client, chatllmTaskId) self.chatllm_task_id = chatllmTaskId + self.daemon_task_id = daemonTaskId + self.task_type = taskType self.name = name self.instructions = instructions + self.description = description self.lifecycle = lifecycle self.schedule_info = scheduleInfo self.external_application_id = externalApplicationId self.deployment_conversation_id = deploymentConversationId + self.source_deployment_conversation_id = sourceDeploymentConversationId self.enable_email_alerts = enableEmailAlerts self.email = email + self.num_unread_task_instances = numUnreadTaskInstances + self.compute_points_used = computePointsUsed + self.display_markdown = displayMarkdown + self.requires_new_conversation = requiresNewConversation + self.execution_mode = executionMode + self.task_definition = taskDefinition self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'chatllm_task_id': repr(self.chatllm_task_id), f'name': repr(self.name), f'instructions': repr(self.instructions), f'lifecycle': repr(self.lifecycle), f'schedule_info': repr( - self.schedule_info), f'external_application_id': repr(self.external_application_id), f'deployment_conversation_id': repr(self.deployment_conversation_id), f'enable_email_alerts': repr(self.enable_email_alerts), f'email': repr(self.email)} + repr_dict = {f'chatllm_task_id': repr(self.chatllm_task_id), f'daemon_task_id': repr(self.daemon_task_id), f'task_type': repr(self.task_type), f'name': repr(self.name), f'instructions': repr(self.instructions), f'description': repr(self.description), f'lifecycle': repr(self.lifecycle), f'schedule_info': repr(self.schedule_info), f'external_application_id': repr(self.external_application_id), f'deployment_conversation_id': repr(self.deployment_conversation_id), f'source_deployment_conversation_id': repr( + self.source_deployment_conversation_id), f'enable_email_alerts': repr(self.enable_email_alerts), f'email': repr(self.email), f'num_unread_task_instances': repr(self.num_unread_task_instances), f'compute_points_used': repr(self.compute_points_used), f'display_markdown': repr(self.display_markdown), f'requires_new_conversation': repr(self.requires_new_conversation), f'execution_mode': repr(self.execution_mode), f'task_definition': repr(self.task_definition)} class_name = "ChatllmTask" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -46,6 +66,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'chatllm_task_id': self.chatllm_task_id, 'name': self.name, 'instructions': self.instructions, 'lifecycle': self.lifecycle, 'schedule_info': self.schedule_info, - 'external_application_id': self.external_application_id, 'deployment_conversation_id': self.deployment_conversation_id, 'enable_email_alerts': self.enable_email_alerts, 'email': self.email} + resp = {'chatllm_task_id': self.chatllm_task_id, 'daemon_task_id': self.daemon_task_id, 'task_type': self.task_type, 'name': self.name, 'instructions': self.instructions, 'description': self.description, 'lifecycle': self.lifecycle, 'schedule_info': self.schedule_info, 'external_application_id': self.external_application_id, 'deployment_conversation_id': self.deployment_conversation_id, + 'source_deployment_conversation_id': self.source_deployment_conversation_id, 'enable_email_alerts': self.enable_email_alerts, 'email': self.email, 'num_unread_task_instances': self.num_unread_task_instances, 'compute_points_used': self.compute_points_used, 'display_markdown': self.display_markdown, 'requires_new_conversation': self.requires_new_conversation, 'execution_mode': self.execution_mode, 'task_definition': self.task_definition} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/client.py b/abacusai/client.py index a8b6f91d5..631c2a4a7 100644 --- a/abacusai/client.py +++ b/abacusai/client.py @@ -33,18 +33,18 @@ from .annotation_entry import AnnotationEntry from .annotations_status import AnnotationsStatus from .api_class import ( - AgentInterface, AlertActionConfig, AlertConditionConfig, ApiClass, ApiEnum, - ApplicationConnectorDatasetConfig, ApplicationConnectorType, - AttachmentParsingConfig, BatchPredictionArgs, Blob, BlobInput, CPUSize, - DatasetDocumentProcessingConfig, DataType, DeploymentConversationType, - DocumentProcessingConfig, EvalArtifactType, FeatureGroupExportConfig, - ForecastingMonitorConfig, IncrementalDatabaseConnectorConfig, LLMName, - MemorySize, MergeConfig, OperatorConfig, ParsingConfig, - PredictionArguments, ProblemType, ProjectFeatureGroupConfig, - PythonFunctionType, ResponseSection, SamplingConfig, Segment, - StreamingConnectorDatasetConfig, TrainingConfig, VectorStoreConfig, - WorkflowGraph, WorkflowGraphNode, WorkflowNodeTemplateConfig, - get_clean_function_source_code_for_agent + AgentClientType, AgentInterface, AlertActionConfig, AlertConditionConfig, + ApiClass, ApiEnum, ApplicationConnectorDatasetConfig, + ApplicationConnectorType, AttachmentParsingConfig, BatchPredictionArgs, + Blob, BlobInput, CPUSize, DatasetDocumentProcessingConfig, DataType, + DeploymentConversationType, DocumentProcessingConfig, EvalArtifactType, + FeatureGroupExportConfig, ForecastingMonitorConfig, + IncrementalDatabaseConnectorConfig, LLMName, MemorySize, MergeConfig, + OperatorConfig, OrganizationSecretType, ParsingConfig, PredictionArguments, + ProblemType, ProjectFeatureGroupConfig, PythonFunctionType, + ResponseSection, SamplingConfig, Segment, StreamingConnectorDatasetConfig, + TrainingConfig, VectorStoreConfig, WorkflowGraph, WorkflowGraphNode, + WorkflowNodeTemplateConfig, get_clean_function_source_code_for_agent ) from .api_class.abstract import get_clean_function_source_code, get_clean_function_source_code_for_agent, snake_case from .api_class.ai_agents import WorkflowGraph, WorkflowNodeTemplateConfig @@ -126,6 +126,7 @@ from .llm_generated_code import LlmGeneratedCode from .llm_input import LlmInput from .llm_response import LlmResponse +from .mcp_server_query_result import McpServerQueryResult from .model import Model from .model_artifacts_export import ModelArtifactsExport from .model_metrics import ModelMetrics @@ -173,11 +174,13 @@ from .streaming_auth_token import StreamingAuthToken from .streaming_connector import StreamingConnector from .training_config_options import TrainingConfigOptions +from .unified_connector import UnifiedConnector from .upload import Upload from .upload_part import UploadPart from .use_case import UseCase from .use_case_requirements import UseCaseRequirements from .user import User +from .user_group_object_permission import UserGroupObjectPermission from .web_page_response import WebPageResponse from .web_search_response import WebSearchResponse from .webhook import Webhook @@ -213,20 +216,23 @@ async def sse_asynchronous_generator(endpoint: str, headers: dict, body: dict): except Exception: raise Exception('Please install aiohttp to use this functionality') - async with aiohttp.request('POST', endpoint, json=body, headers=headers) as response: + async with aiohttp.request('POST', endpoint, json=body, headers=headers, timeout=aiohttp.ClientTimeout(total=0)) as response: async for line in response.content: if line: - streamed_responses = line.decode('utf-8').split('\n\n') + streamed_responses = line.decode('utf-8').split('\n') for resp in streamed_responses: if resp: resp = resp.strip() if resp: - resp = json.loads(resp) - resp = {snake_case( - key): value for key, value in resp.items()} - if 'ping' in resp: - continue - yield resp + try: + resp = json.loads(resp) + resp = {snake_case( + key): value for key, value in resp.items()} + if 'ping' in resp: + continue + yield resp + except Exception: + pass def _requests_retry_session(retries=5, backoff_factor=0.1, status_forcelist=(502, 503, 504), session=None, retry_500: bool = False): @@ -320,6 +326,15 @@ def __getattr__(self, item): f"'{self.__class__.__name__}' object has no attribute '{item}'") +class ToolResponse(AgentResponse): + """ + Response object for tool to support non-text response sections + """ + + def __init__(self, *args, **kwargs): + super().__init__(*args, **kwargs) + + class ClientOptions: """ Options for configuring the ApiClient @@ -652,7 +667,7 @@ class BaseApiClient: client_options (ClientOptions): Optional API client configurations skip_version_check (bool): If true, will skip checking the server's current API version on initializing the client """ - client_version = '1.4.31' + client_version = '1.4.76' def __init__(self, api_key: str = None, server: str = None, client_options: ClientOptions = None, skip_version_check: bool = False, include_tb: bool = False): self.api_key = api_key @@ -676,14 +691,23 @@ def __init__(self, api_key: str = None, server: str = None, client_options: Clie self.service_discovery_url = None # Connection and version check if self.api_key is not None: - try: - endpoint_info = self._call_api('getApiEndpoint', 'GET') - self.prediction_endpoint = endpoint_info['predictEndpoint'] - self.proxy_endpoint = endpoint_info.get('proxyEndpoint') - if not self.server: - self.server = endpoint_info['apiEndpoint'] - except Exception: - logging.error('Invalid API Key') + max_retries = 5 + retry_delay = 1 + for attempt in range(max_retries): + try: + endpoint_info = self._call_api('getApiEndpoint', 'GET') + self.prediction_endpoint = endpoint_info['predictEndpoint'] + self.proxy_endpoint = endpoint_info.get('proxyEndpoint') + if not self.server: + self.server = endpoint_info['apiEndpoint'] + break + except Exception as e: + logging.warning(f'Error while calling API: {e}') + if attempt < max_retries - 1: + time.sleep(retry_delay) + retry_delay *= 2 + else: + logging.error('Failed to get endpoints') skip_version_check = skip_version_check or self.client_version.startswith( 'g') if not skip_version_check: @@ -842,12 +866,35 @@ def _call_api( error_message, response.status_code, error_type, request_id) return result - def _proxy_request(self, name: str, method: str = 'POST', query_params: dict = None, body: dict = None, data: dict = None, files=None, parse_type=None, is_sync: bool = False, streamable_response: bool = False): + def _proxy_request(self, name: str, method: str = 'POST', query_params: dict = None, body: dict = None, data: dict = None, files=None, parse_type=None, is_sync: bool = False, streamable_response: bool = False, timeout=None): headers = {'APIKEY': self.api_key} deployment_id = os.getenv('ABACUS_EXEC_SERVICE_DEPLOYMENT_ID') if deployment_id: - query_params = {**(query_params or {}), - 'environmentDeploymentId': deployment_id} + if not (query_params or {}).get('deploymentId') or deployment_id == (query_params or {}).get('deploymentId'): + query_params = {**(query_params or {}), + 'environmentDeploymentId': deployment_id} + caller = self._get_agent_caller() + request_id = self._get_agent_app_request_id() + if caller and request_id: + if get_object_from_context(self, _request_context, 'is_agent', bool): + query_params = {**(query_params or {}), 'isAgent': True} + if get_object_from_context(self, _request_context, 'is_agent_api', bool): + query_params = {**(query_params or {}), 'isAgentApi': True} + if get_object_from_context(self, _request_context, 'is_agent', bool): + query_params = {**(query_params or {}), 'isAgent': True} + hashed_deployment_id = get_object_from_context( + self, _request_context, 'deployment_id', str) + if hashed_deployment_id: + query_params = {**(query_params or {}), + 'billingDeploymentId': hashed_deployment_id} + user_info = get_object_from_context( + self, _request_context, 'user_info', dict) + if user_info: + user_id = user_info.get('user_id') + if user_id: + query_params = {**(query_params or {}), + 'userId': user_info.get('user_id')} + endpoint = self.proxy_endpoint if endpoint is None: raise Exception( @@ -870,7 +917,7 @@ def _proxy_request(self, name: str, method: str = 'POST', query_params: dict = N if is_sync: sync_api_endpoint = f'{endpoint}/api/{name}' response = self._request(url=sync_api_endpoint, method=method, query_params=query_params, - headers=headers, body=body, data=data, files=files, stream=streamable_response) + headers=headers, body=body, data=data, files=files, stream=streamable_response, timeout=timeout) status_code = response.status_code if streamable_response and status_code == 200: return response.raw @@ -1004,12 +1051,15 @@ class ReadOnlyClient(BaseApiClient): skip_version_check (bool): If true, will skip checking the server's current API version on initializing the client """ - def list_api_keys(self) -> List[ApiKey]: + def list_api_keys(self, type: str = 'default') -> List[ApiKey]: """Lists all of the user's API keys + Args: + type (str): The type of API keys to list. + Returns: list[ApiKey]: List of API Keys for the current user's organization.""" - return self._call_api('listApiKeys', 'GET', query_params={}, parse_type=ApiKey) + return self._call_api('listApiKeys', 'GET', query_params={'type': type}, parse_type=ApiKey) def list_organization_users(self) -> List[User]: """Retrieves a list of all platform users in the organization, including pending users who have been invited. @@ -1529,7 +1579,28 @@ def query_database_connector(self, database_connector_id: str, query: str) -> li Args: database_connector_id (str): A unique string identifier for the database connector. query (str): The query to be run in the database connector.""" - return self._call_api('queryDatabaseConnector', 'GET', query_params={'databaseConnectorId': database_connector_id, 'query': query}) + return self._proxy_request('queryDatabaseConnector', 'GET', query_params={'databaseConnectorId': database_connector_id, 'query': query}, is_sync=True) + + def query_database_connector_datallm(self, database_connector_id: str, query: str) -> list: + """Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM + + and enforces read-only access with user-specific access control. + + + Args: + database_connector_id (str): A unique string identifier for the database connector. + query (str): The query to be run in the database connector (must be read-only).""" + return self._proxy_request('queryDatabaseConnectorDatallm', 'GET', query_params={'databaseConnectorId': database_connector_id, 'query': query}, is_sync=True) + + def get_database_connector_auth(self, database_connector_id: str) -> DatabaseConnector: + """Get the authentication details for a given database connector. + + Args: + database_connector_id (str): The unique ID associated with the database connector. + + Returns: + DatabaseConnector: The database connector with the authentication details.""" + return self._call_api('getDatabaseConnectorAuth', 'GET', query_params={'databaseConnectorId': database_connector_id}, parse_type=DatabaseConnector) def list_application_connectors(self) -> List[ApplicationConnector]: """Retrieves a list of all application connectors along with their associated attributes. @@ -1545,17 +1616,41 @@ def list_application_connector_objects(self, application_connector_id: str) -> l application_connector_id (str): Unique string identifier for the application connector.""" return self._call_api('listApplicationConnectorObjects', 'GET', query_params={'applicationConnectorId': application_connector_id}) - def get_connector_auth(self, service: Union[ApplicationConnectorType, str] = None, application_connector_id: str = None, scopes: List = None) -> ApplicationConnector: + def get_connector_auth(self, service: Union[ApplicationConnectorType, str] = None, application_connector_id: str = None, scopes: List = None, generic_oauth_service: str = None) -> UnifiedConnector: """Get the authentication details for a given connector. For user level connectors, the service is required. For org level connectors, the application_connector_id is required. Args: service (ApplicationConnectorType): The service name. application_connector_id (str): The unique ID associated with the connector. scopes (List): The scopes to request for the connector. + generic_oauth_service (str): For GENERIC_OAUTH service, specify the OAuth provider (e.g., 'spotify'). + + Returns: + UnifiedConnector: The application connector with the authentication details.""" + return self._call_api('getConnectorAuth', 'GET', query_params={'service': service, 'applicationConnectorId': application_connector_id, 'scopes': scopes, 'genericOauthService': generic_oauth_service}, parse_type=UnifiedConnector) + + def get_user_connector_auth(self, service: Union[ApplicationConnectorType, str], scopes: List = None, generic_oauth_service: str = None, config_connector: str = None) -> UnifiedConnector: + """Get the authentication details for a given user level connector. + + Args: + service (ApplicationConnectorType): The service name. + scopes (List): The scopes to request for the connector. + generic_oauth_service (str): For GENERIC_OAUTH service, specify the OAuth provider (e.g., 'spotify'). + config_connector (str): The config connector id. + + Returns: + UnifiedConnector: The application connector with the authentication details.""" + return self._call_api('getUserConnectorAuth', 'GET', query_params={'service': service, 'scopes': scopes, 'genericOauthService': generic_oauth_service, 'configConnector': config_connector}, parse_type=UnifiedConnector) + + def get_user_mcp_connector_auth(self, mcp_server_name: str = None) -> ApplicationConnector: + """Get the auth for a MCP connector + + Args: + mcp_server_name (str): The name of the MCP server Returns: - ApplicationConnector: The application connector with the authentication details.""" - return self._call_api('getConnectorAuth', 'GET', query_params={'service': service, 'applicationConnectorId': application_connector_id, 'scopes': scopes}, parse_type=ApplicationConnector) + ApplicationConnector: The MCP connector""" + return self._call_api('getUserMcpConnectorAuth', 'GET', query_params={'mcpServerName': mcp_server_name}, parse_type=ApplicationConnector) def list_streaming_connectors(self) -> List[StreamingConnector]: """Retrieves a list of all streaming connectors along with their corresponding attributes. @@ -1806,15 +1901,16 @@ def list_model_artifacts_exports(self, model_id: str, limit: int = 25) -> List[M list[ModelArtifactsExport]: List of model artifacts exports.""" return self._call_api('listModelArtifactsExports', 'GET', query_params={'modelId': model_id, 'limit': limit}, parse_type=ModelArtifactsExport) - def list_model_monitors(self, project_id: str) -> List[ModelMonitor]: + def list_model_monitors(self, project_id: str, limit: int = None) -> List[ModelMonitor]: """Retrieves the list of model monitors in the specified project. Args: project_id (str): Unique string identifier associated with the project. + limit (int): Maximum number of model monitors to return. We'll have internal limit if not set. Returns: list[ModelMonitor]: A list of model monitors.""" - return self._call_api('listModelMonitors', 'GET', query_params={'projectId': project_id}, parse_type=ModelMonitor) + return self._call_api('listModelMonitors', 'GET', query_params={'projectId': project_id, 'limit': limit}, parse_type=ModelMonitor) def describe_model_monitor(self, model_monitor_id: str) -> ModelMonitor: """Retrieves a full description of the specified model monitor. @@ -2300,15 +2396,16 @@ def get_batch_prediction_connector_errors(self, batch_prediction_version: str) - batch_prediction_version (str): Unique string identifier of the batch prediction job to get the errors for.""" return self._call_api('getBatchPredictionConnectorErrors', 'GET', query_params={'batchPredictionVersion': batch_prediction_version}, streamable_response=True) - def list_batch_predictions(self, project_id: str) -> List[BatchPrediction]: + def list_batch_predictions(self, project_id: str, limit: int = None) -> List[BatchPrediction]: """Retrieves a list of batch predictions in the project. Args: project_id (str): Unique string identifier of the project. + limit (int): Maximum number of batch predictions to return. We'll have internal limit if not set. Returns: list[BatchPrediction]: List of batch prediction jobs.""" - return self._call_api('listBatchPredictions', 'GET', query_params={'projectId': project_id}, parse_type=BatchPrediction) + return self._call_api('listBatchPredictions', 'GET', query_params={'projectId': project_id, 'limit': limit}, parse_type=BatchPrediction) def describe_batch_prediction(self, batch_prediction_id: str) -> BatchPrediction: """Describe the batch prediction. @@ -2601,12 +2698,16 @@ def get_organization_secret(self, secret_key: str) -> OrganizationSecret: OrganizationSecret: The secret.""" return self._call_api('getOrganizationSecret', 'GET', query_params={'secretKey': secret_key}, parse_type=OrganizationSecret) - def list_organization_secrets(self) -> List[OrganizationSecret]: + def list_organization_secrets(self, decrypt_value: bool = False, secret_type: Union[OrganizationSecretType, str] = OrganizationSecretType.ORG_SECRET) -> List[OrganizationSecret]: """Lists all secrets for an organization. + Args: + decrypt_value (bool): Whether to decrypt the secret values. + secret_type (OrganizationSecretType): Filter secrets by type. Use OrganizationSecretType enum values. + Returns: - list[OrganizationSecret]: list of secrets belonging to the organization.""" - return self._call_api('listOrganizationSecrets', 'GET', query_params={}, parse_type=OrganizationSecret) + list[OrganizationSecret]: List of secrets.""" + return self._call_api('listOrganizationSecrets', 'GET', query_params={'decryptValue': decrypt_value, 'secretType': secret_type}, parse_type=OrganizationSecret) def get_app_user_group_sign_in_token(self, user_group_id: str, email: str, name: str) -> AppUserGroupSignInToken: """Get a token for a user group user to sign in. @@ -2676,7 +2777,7 @@ def list_chat_sessions(self, most_recent_per_project: bool = False) -> ChatSessi ChatSession: The chat sessions with Data Science Co-pilot""" return self._call_api('listChatSessions', 'GET', query_params={'mostRecentPerProject': most_recent_per_project}, parse_type=ChatSession) - def get_deployment_conversation(self, deployment_conversation_id: str = None, external_session_id: str = None, deployment_id: str = None, filter_intermediate_conversation_events: bool = True, get_unused_document_uploads: bool = False) -> DeploymentConversation: + def get_deployment_conversation(self, deployment_conversation_id: str = None, external_session_id: str = None, deployment_id: str = None, filter_intermediate_conversation_events: bool = True, get_unused_document_uploads: bool = False, start: int = None, limit: int = None, include_all_versions: bool = False) -> DeploymentConversation: """Gets a deployment conversation. Args: @@ -2685,12 +2786,23 @@ def get_deployment_conversation(self, deployment_conversation_id: str = None, ex deployment_id (str): The deployment this conversation belongs to. This is required if not logged in. filter_intermediate_conversation_events (bool): If true, intermediate conversation events will be filtered out. Default is true. get_unused_document_uploads (bool): If true, unused document uploads will be returned. Default is false. + start (int): The start index of the conversation. + limit (int): The limit of the conversation. + include_all_versions (bool): If True, includes all versions of the last bot message for version switching functionality. Returns: DeploymentConversation: The deployment conversation.""" - return self._proxy_request('getDeploymentConversation', 'GET', query_params={'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'deploymentId': deployment_id, 'filterIntermediateConversationEvents': filter_intermediate_conversation_events, 'getUnusedDocumentUploads': get_unused_document_uploads}, parse_type=DeploymentConversation, is_sync=True) + return self._proxy_request('getDeploymentConversation', 'GET', query_params={'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'deploymentId': deployment_id, 'filterIntermediateConversationEvents': filter_intermediate_conversation_events, 'getUnusedDocumentUploads': get_unused_document_uploads, 'start': start, 'limit': limit, 'includeAllVersions': include_all_versions}, parse_type=DeploymentConversation, is_sync=True) + + def get_deployment_conversation_file(self, deployment_conversation_id: str, file_path: str) -> io.BytesIO: + """Gets a deployment conversation file. - def list_deployment_conversations(self, deployment_id: str = None, external_application_id: str = None, conversation_type: Union[DeploymentConversationType, str] = None, fetch_last_llm_info: bool = False) -> List[DeploymentConversation]: + Args: + deployment_conversation_id (str): Unique ID of the conversation. + file_path (str): The path of the file to get.""" + return self._proxy_request('getDeploymentConversationFile', 'GET', query_params={'deploymentConversationId': deployment_conversation_id, 'filePath': file_path}, is_sync=True, streamable_response=True) + + def list_deployment_conversations(self, deployment_id: str = None, external_application_id: str = None, conversation_type: Union[DeploymentConversationType, str] = None, fetch_last_llm_info: bool = False, limit: int = None, search: str = None) -> List[DeploymentConversation]: """Lists all conversations for the given deployment and current user. Args: @@ -2698,10 +2810,12 @@ def list_deployment_conversations(self, deployment_id: str = None, external_appl external_application_id (str): The external application id associated with the deployment conversation. If specified, only conversations created on that application will be listed. conversation_type (DeploymentConversationType): The type of the conversation indicating its origin. fetch_last_llm_info (bool): If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots. + limit (int): The number of conversations to return. Defaults to 600. + search (str): The search query to filter conversations by title. Returns: list[DeploymentConversation]: The deployment conversations.""" - return self._proxy_request('listDeploymentConversations', 'GET', query_params={'deploymentId': deployment_id, 'externalApplicationId': external_application_id, 'conversationType': conversation_type, 'fetchLastLlmInfo': fetch_last_llm_info}, parse_type=DeploymentConversation, is_sync=True) + return self._proxy_request('listDeploymentConversations', 'GET', query_params={'deploymentId': deployment_id, 'externalApplicationId': external_application_id, 'conversationType': conversation_type, 'fetchLastLlmInfo': fetch_last_llm_info, 'limit': limit, 'search': search}, parse_type=DeploymentConversation, is_sync=True) def export_deployment_conversation(self, deployment_conversation_id: str = None, external_session_id: str = None) -> DeploymentConversationExport: """Export a Deployment Conversation. @@ -2714,6 +2828,16 @@ def export_deployment_conversation(self, deployment_conversation_id: str = None, DeploymentConversationExport: The deployment conversation html export.""" return self._proxy_request('exportDeploymentConversation', 'GET', query_params={'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id}, parse_type=DeploymentConversationExport, is_sync=True) + def list_user_group_object_permissions(self) -> List[UserGroupObjectPermission]: + """List all user groups permissions associated with the objects in the organization. + + If no associated user groups, the object is public among developers and admins. + + + Returns: + list[UserGroupObjectPermission]: List of user group object permissions in the organization.""" + return self._call_api('listUserGroupObjectPermissions', 'GET', query_params={}, parse_type=UserGroupObjectPermission) + def get_app_user_group(self, user_group_id: str) -> AppUserGroup: """Gets an App User Group. @@ -2724,6 +2848,16 @@ def get_app_user_group(self, user_group_id: str) -> AppUserGroup: AppUserGroup: The App User Group.""" return self._call_api('getAppUserGroup', 'GET', query_params={'userGroupId': user_group_id}, parse_type=AppUserGroup) + def get_app_user_group_from_name(self, name: str = None) -> AppUserGroup: + """Gets an App User Group by name. + + Args: + name (str): The name of the app user group to retrieve. + + Returns: + AppUserGroup: The app user group with the specified name.""" + return self._call_api('getAppUserGroupFromName', 'GET', query_params={'name': name}, parse_type=AppUserGroup) + def describe_external_application(self, external_application_id: str) -> ExternalApplication: """Describes an External Application. @@ -2876,6 +3010,14 @@ def describe_document_retriever_version(self, document_retriever_version: str) - DocumentRetrieverVersion: The document retriever version object.""" return self._call_api('describeDocumentRetrieverVersion', 'GET', query_params={'documentRetrieverVersion': document_retriever_version}, parse_type=DocumentRetrieverVersion) + def list_route_llm_models(self): + """This function is used to list all the models and their rates, for routellm api. + + Return: + list of dicts, each dict contains the model name, description, id, and api price info. + """ + return self._call_api('listRouteLLMModels', 'GET', query_params={}) + def get_source_code_info(train_function: callable, predict_function: callable = None, predict_many_function: callable = None, initialize_function: callable = None, common_functions: list = None): if not train_function: @@ -2958,6 +3100,101 @@ def create_dataset_from_pandas(self, feature_group_table_name: str, df: pd.DataF table_name=feature_group_table_name, file_format='PARQUET') return self._upload_from_pandas(upload, df) + def get_assignments_online_with_new_inputs(self, deployment_token: str, deployment_id: str, assignments_df: pd.DataFrame = None, constraints_df: pd.DataFrame = None, constraint_equations_df: pd.DataFrame = None, feature_mapping_dict: dict = None, solve_time_limit_seconds: float = None, optimality_gap_limit: float = None): + """ + Get alternative positive assignments for given query. Optimal assignments are ignored and the alternative assignments are returned instead. + + Args: + deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + deployment_id (ID): The unique identifier of a deployment created under the project. + assignments_df (pd.DataFrame): A dataframe with all the variables involved in the optimization problem + constraints_df (pd.DataFrame): A dataframe of individual constraints, and variables in them + constraint_equations_df (pd.DataFrame): A dataframe which tells us about the operator / constant / penalty etc of a constraint + This gives us some data which is needed to make sense of the constraints_df. + solve_time_limit_seconds (float): Maximum time in seconds to spend solving the query. + optimality_gap_limit (float): Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found) + + Returns: + Dict: The assignments for a given query. + """ + + def _serialize_df_with_dtypes(df): + # Get dtypes dictionary + dtypes_dict = df.dtypes.apply(lambda x: str(x)).to_dict() + + # Handle special dtypes + for col, dtype in dtypes_dict.items(): + if 'datetime' in dtype.lower(): + dtypes_dict[col] = 'datetime' + elif 'category' in dtype.lower(): + dtypes_dict[col] = 'category' + + # Convert DataFrame to JSON + json_data = df.to_json(date_format='iso') + + # Create final dictionary with both data and dtypes + serialized = { + 'data': json_data, + 'dtypes': dtypes_dict + } + + return json.dumps(serialized) + + serialized_assignments_df = _serialize_df_with_dtypes(assignments_df) + serialized_constraints_df = _serialize_df_with_dtypes(constraints_df) + serialized_constraint_equations_df = _serialize_df_with_dtypes( + constraint_equations_df) + + query_data = {'assignments_df': serialized_assignments_df, + 'constraints_df': serialized_constraints_df, + 'constraint_equations_df': serialized_constraint_equations_df, + 'feature_mapping_dict': feature_mapping_dict} + + result = self.get_assignments_online_with_new_serialized_inputs( + deployment_token=deployment_token, deployment_id=deployment_id, query_data=query_data, solve_time_limit_seconds=solve_time_limit_seconds, optimality_gap_limit=optimality_gap_limit) + return result + + def get_optimization_input_dataframes_with_new_inputs(self, deployment_token: str, deployment_id: str, query_data: dict): + """ + Get assignments for given query, with new inputs + + Args: + deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + deployment_id (str): The unique identifier of a deployment created under the project. + query_data (dict): a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. values are dataframes and keys are their names. Names should be same as the ones used during training. + + Returns: + Dict: The output dataframes for a given query. These will be in serialized form. So, effectively we would have a dict of keys, and serialized dataframes. + """ + def _serialize_df_with_dtypes(df): + # Get dtypes dictionary + dtypes_dict = df.dtypes.apply(lambda x: str(x)).to_dict() + + # Handle special dtypes + for col, dtype in dtypes_dict.items(): + if 'datetime' in dtype.lower(): + dtypes_dict[col] = 'datetime' + elif 'category' in dtype.lower(): + dtypes_dict[col] = 'category' + + # Convert DataFrame to JSON + json_data = df.to_json(date_format='iso') + + # Create final dictionary with both data and dtypes + serialized = { + 'data': json_data, + 'dtypes': dtypes_dict + } + + return json.dumps(serialized) + + query_data = {name: _serialize_df_with_dtypes( + df) for name, df in query_data.items()} + + result = self.get_optimization_inputs_from_serialized( + deployment_token=deployment_token, deployment_id=deployment_id, query_data=query_data) + return result + def create_dataset_version_from_pandas(self, table_name_or_id: str, df: pd.DataFrame, clean_column_names: bool = False) -> Dataset: """ [Deprecated] @@ -3277,7 +3514,8 @@ def create_python_function_from_function(self, function: callable, function_variable_mappings: list = None, package_requirements: list = None, - function_type: str = PythonFunctionType.FEATURE_GROUP.value): + function_type: str = PythonFunctionType.FEATURE_GROUP.value, + description: str = None): """ Creates a custom Python function @@ -3287,6 +3525,7 @@ def create_python_function_from_function(self, function_variable_mappings (List): List of Python function arguments. package_requirements (List): List of package requirement strings. For example: ['numpy==1.2.3', 'pandas>=1.4.0']. function_type (PythonFunctionType): Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG. + description (str): Description of the Python function. """ function_source = None python_function_name = None @@ -3301,7 +3540,8 @@ def create_python_function_from_function(self, function_name=python_function_name, function_variable_mappings=function_variable_mappings, package_requirements=package_requirements, - function_type=function_type) + function_type=function_type, + description=description) def create_feature_group_from_python_function(self, function: callable, table_name: str, input_tables: list = None, python_function_name: str = None, python_function_bindings: list = None, cpu_size: str = None, memory: int = None, package_requirements: list = None, included_modules: list = None): """ @@ -3680,7 +3920,7 @@ def run_workflow_graph(self, workflow_graph: WorkflowGraph, sample_user_inputs: def execute_workflow_node(self, node: WorkflowGraphNode, inputs: dict): """ - Execute the workflow node given input arguments. + Execute the workflow node given input arguments. This is to be used for testing purposes only. Args: node (WorkflowGraphNode): The workflow node to be executed. @@ -3802,6 +4042,20 @@ def execute_feature_group_sql(self, sql, fix_query_on_error: bool = False, timeo execute_query.wait_for_execution(timeout=timeout, delay=delay) return execute_query.load_as_pandas() + def _get_agent_client_type(self): + """ + Returns the client type for the current request context. + + Returns: + AgentClientType: The client type for the current request context. + """ + if self._is_async_app_caller(): + return AgentClientType.MESSAGING_APP + elif self._is_proxy_app_caller(): + return AgentClientType.CHAT_UI + else: + return AgentClientType.API + def get_agent_context_chat_history(self): """ Gets a history of chat messages from the current request context. Applicable within a AIAgent @@ -3921,7 +4175,7 @@ def get_agent_context_blob_inputs(self): def get_agent_context_user_info(self): """ - Gets information about the user interacting with the agent. + Gets information about the user interacting with the agent and user action if applicable. Applicable within a AIAgent execute function. Returns: @@ -3930,20 +4184,28 @@ def get_agent_context_user_info(self): user_info = get_object_from_context( self, _request_context, 'user_info', dict) if user_info: + user_info['client_type'] = self._get_agent_client_type() + user_action_label = get_object_from_context( + self, _request_context, 'action_label', str) + if user_action_label: + user_info['user_action_info'] = { + 'action_label': user_action_label} return user_info else: raise ValueError( 'User information not available. Please use UI interface for this agent to work.') - def get_agent_runtime_config(self, key: str): + def get_runtime_config(self, key: str): """ - Gets the deployment level runtime config for the agent + Retrieve the value of a specified configuration key from the deployment's runtime settings. + These settings can be configured in the deployment details page in the UI. + Currently supported for AI Agents, Custom Python Model and Prediction Operators. Args: - key(str): Key for which the config value is to be fetched + key (str): The configuration key whose value is to be fetched. Returns: - str: Config value for the input key + str: The value associated with the specified configuration key, or None if the key does not exist. """ runtime_config = get_object_from_context( self, _request_context, 'deployment_runtime_config', dict) or {} @@ -3983,7 +4245,7 @@ def execute_chatllm_computer_streaming(self, computer_id: str, prompt: str, is_t text (str): The text responses from the computer. """ request_id = self._get_agent_app_request_id() - caller = self._get_agent_async_app_caller() + caller = self._get_agent_caller() proxy_caller = self._is_proxy_app_caller() if not request_id or not caller: @@ -4049,7 +4311,7 @@ def streaming_evaluate_prompt(self, prompt: str = None, system_message: str = No Returns: text (str): The response from the model. """ - caller = self._get_agent_async_app_caller() + caller = self._get_agent_caller() request_id = self._get_agent_app_request_id() if prompt and not isinstance(prompt, str): raise ValueError('prompt must be a string') @@ -4059,11 +4321,17 @@ def streaming_evaluate_prompt(self, prompt: str = None, system_message: str = No if caller and request_id: is_agent = get_object_from_context( self, _request_context, 'is_agent', bool) - is_api = get_object_from_context( + is_agent_api = get_object_from_context( self, _request_context, 'is_agent_api', bool) - - result = self._stream_llm_call(prompt=prompt, system_message=system_message, llm_name=llm_name, max_tokens=max_tokens, temperature=temperature, - messages=messages, response_type=response_type, json_response_schema=json_response_schema, section_key=section_key, is_agent=is_agent, is_api=is_api) + deployment_id = get_object_from_context( + self, _request_context, 'deployment_id', str) + user_id = None + user_info = get_object_from_context( + self, _request_context, 'user_info', dict) + if user_info: + user_id = user_info.get('user_id') + result = self._stream_llm_call(prompt=prompt, system_message=system_message, llm_name=llm_name, max_tokens=max_tokens, temperature=temperature, messages=messages, response_type=response_type, + json_response_schema=json_response_schema, section_key=section_key, is_agent=is_agent, is_agent_api=is_agent_api, deployment_id=deployment_id, user_id=user_id) else: result = self.evaluate_prompt(prompt, system_message=system_message, llm_name=llm_name, max_tokens=max_tokens, temperature=temperature, messages=messages, response_type=response_type, json_response_schema=json_response_schema).content @@ -4113,9 +4381,9 @@ def _get_agent_app_request_id(self): """ return get_object_from_context(self, _request_context, 'request_id', str) - def _get_agent_async_app_caller(self): + def _get_agent_caller(self): """ - Gets the caller for the current request context of async app. Applicable within a AIAgent execute function. + Gets the caller for the current request context. Applicable within a AIAgent execute function. Returns: str: The caller for the current request being processed by the Agent. @@ -4124,13 +4392,22 @@ def _get_agent_async_app_caller(self): def _is_proxy_app_caller(self): """ - Gets the caller for the current request context of async app. Applicable within a AIAgent execute function. + Checks if the caller is cluster-proxy app. Returns: - bool: True if the caller is proxy app. + bool: True if the caller is cluster-proxy app. """ return get_object_from_context(self, _request_context, 'proxy_app_caller', str) is not None + def _is_async_app_caller(self): + """ + Checks if the caller is async app. + + Returns: + bool: True if the caller is async app. + """ + return get_object_from_context(self, _request_context, 'async_app_caller', str) is not None + def stream_message(self, message: str, is_transient: bool = False) -> None: """ Streams a message to the current request context. Applicable within a AIAgent execute function. @@ -4141,7 +4418,7 @@ def stream_message(self, message: str, is_transient: bool = False) -> None: is_transient (bool): If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results. """ request_id = self._get_agent_app_request_id() - caller = self._get_agent_async_app_caller() + caller = self._get_agent_caller() proxy_caller = self._is_proxy_app_caller() if request_id and caller: extra_args = {'stream_type': StreamType.MESSAGE.value, @@ -4163,7 +4440,7 @@ def stream_section_output(self, section_key: str, value: str) -> None: value (Any): The output contents. """ request_id = self._get_agent_app_request_id() - caller = self._get_agent_async_app_caller() + caller = self._get_agent_caller() proxy_caller = self._is_proxy_app_caller() if _is_json_serializable(value): message_args = {'id': section_key, @@ -4189,7 +4466,7 @@ def stream_response_section(self, response_section: ResponseSection): response_section (ResponseSection): The response section to be streamed. """ request_id = self._get_agent_app_request_id() - caller = self._get_agent_async_app_caller() + caller = self._get_agent_caller() proxy_caller = self._is_proxy_app_caller() if request_id and caller: segment = response_section.to_dict() @@ -4203,7 +4480,7 @@ def stream_response_section(self, response_section: ResponseSection): def _stream_llm_call(self, section_key=None, **kwargs): request_id = self._get_agent_app_request_id() - caller = self._get_agent_async_app_caller() + caller = self._get_agent_caller() proxy_caller = self._is_proxy_app_caller() if not request_id or not caller: logging.info('Please use evaluate_prompt for local testing.') @@ -4420,7 +4697,7 @@ def create_model_version_from_local_files(self, model_id: str, optional_artifact ModelUpload: Collection of upload IDs to upload the model artifacts.""" return self._call_api('createModelVersionFromLocalFiles', 'POST', query_params={}, body={'modelId': model_id, 'optionalArtifacts': optional_artifacts}, parse_type=ModelUpload) - def get_streaming_chat_response(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, ignore_documents: bool = False, include_search_results: bool = False): + def get_streaming_chat_response(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, ignore_documents: bool = False, include_search_results: bool = False, user_info: dict = None): """Return an asynchronous generator which continues the conversation based on the input messages and search results. Args: @@ -4435,7 +4712,8 @@ def get_streaming_chat_response(self, deployment_token: str, deployment_id: str, search_score_cutoff (float): Cutoff for the document retriever score. Matching search results below this score will be ignored. chat_config (dict): A dictionary specifying the query chat config override. ignore_documents (bool): If True, will ignore any documents and search results, and only use the messages to generate a response. - include_search_results (bool): If True, will also return search results, if relevant. """ + include_search_results (bool): If True, will also return search results, if relevant. + user_info (dict): The information of the user to act on behalf of for user restricted data sources. """ headers = {'APIKEY': self.api_key} body = { 'deploymentToken': deployment_token, @@ -4449,7 +4727,8 @@ def get_streaming_chat_response(self, deployment_token: str, deployment_id: str, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'ignoreDocuments': ignore_documents, - 'includeSearchResults': include_search_results + 'includeSearchResults': include_search_results, + 'userInfo': user_info } endpoint = self._get_proxy_endpoint(deployment_id, deployment_token) if endpoint is None: @@ -4457,7 +4736,7 @@ def get_streaming_chat_response(self, deployment_token: str, deployment_id: str, 'API not supported, Please contact Abacus.ai support') return sse_asynchronous_generator(f'{endpoint}/api/getStreamingChatResponse', headers, body) - def get_streaming_conversation_response(self, deployment_token: str, deployment_id: str, message: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, ignore_documents: bool = False, include_search_results: bool = False): + def get_streaming_conversation_response(self, deployment_token: str, deployment_id: str, message: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, ignore_documents: bool = False, include_search_results: bool = False, user_info: dict = None): """Return an asynchronous generator which continues the conversation based on the input messages and search results. Args: @@ -4474,7 +4753,8 @@ def get_streaming_conversation_response(self, deployment_token: str, deployment_ search_score_cutoff (float): Cutoff for the document retriever score. Matching search results below this score will be ignored. chat_config (dict): A dictionary specifying the query chat config override. ignore_documents (bool): If True, will ignore any documents and search results, and only use the messages to generate a response. - include_search_results (bool): If True, will also return search results, if relevant. """ + include_search_results (bool): If True, will also return search results, if relevant. + user_info (dict): The information of the user to act on behalf of for user restricted data sources. """ headers = {'APIKEY': self.api_key} body = { 'deploymentToken': deployment_token, @@ -4490,7 +4770,8 @@ def get_streaming_conversation_response(self, deployment_token: str, deployment_ 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'ignoreDocuments': ignore_documents, - 'includeSearchResults': include_search_results + 'includeSearchResults': include_search_results, + 'userInfo': user_info } endpoint = self._get_proxy_endpoint(deployment_id, deployment_token) if endpoint is None: @@ -4630,7 +4911,8 @@ def set_agent_response_document_sources(self, response_document_sources: List[Do 'source': response_document_source.document_source, 'image_ids': response_document_source.image_ids, 'pages': response_document_source.pages, - 'bounding_boxes': response_document_source.bounding_boxes + 'bounding_boxes': response_document_source.bounding_boxes, + 'metadata': response_document_source.metadata } for response_document_source in response_document_sources] def get_initialized_data(self): @@ -4644,6 +4926,23 @@ def get_initialized_data(self): initialized_object = _request_context.model_object return initialized_object + def execute_agent_with_binary_data(self, deployment_token: str, deployment_id: str, arguments: list = None, keyword_arguments: dict = None, deployment_conversation_id: str = None, external_session_id: str = None, blobs: None = None) -> AgentDataExecutionResult: + """Executes a deployed AI agent function with binary data as inputs. + + Args: + deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. + deployment_id (str): A unique string identifier for the deployment created under the project. + arguments (list): Positional arguments to the agent execute function. + keyword_arguments (dict): A dictionary where each 'key' represents the parameter name and its corresponding 'value' represents the value of that parameter for the agent execute function. + deployment_conversation_id (str): A unique string identifier for the deployment conversation used for the conversation. + external_session_id (str): A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. + blobs (None): A dictionary of binary data to use as inputs to the agent execute function. + + Returns: + AgentDataExecutionResult: The result of the agent execution""" + + return self._proxy_request('executeAgentWithBinaryData', 'POST', query_params={}, data={'deploymentToken': deployment_token, 'deploymentId': deployment_id, 'arguments': json.dumps(arguments) if arguments else None, 'keywordArguments': json.dumps(keyword_arguments) if keyword_arguments else None, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id}, files=blobs, parse_type=AgentDataExecutionResult, is_sync=True) + def add_user_to_organization(self, email: str): """Invite a user to your organization. This method will send the specified email address an invitation link to join your organization. @@ -4734,6 +5033,14 @@ def send_email(self, email: str, subject: str, body: str, is_html: bool = False, attachments (None): A dictionary where the key is the filename (including the file extension), and the value is either a file-like object (e.g., an open file in binary mode) or raw file data (e.g., bytes).""" return self._call_api('sendEmail', 'POST', query_params={}, data={'email': json.dumps(email) if (email is not None and not isinstance(email, str)) else email, 'subject': json.dumps(subject) if (subject is not None and not isinstance(subject, str)) else subject, 'body': json.dumps(body) if (body is not None and not isinstance(body, str)) else body, 'isHtml': json.dumps(is_html) if (is_html is not None and not isinstance(is_html, str)) else is_html}, files=attachments) + def set_user_role_to_platform(self, workspace: str, email: str): + """Set the user's role to have the Abacus.AI platform access. + + Args: + workspace (str): The workspace for the user that's getting platform access. + email (str): The email for the user that's getting platform access.""" + return self._call_api('setUserRoleToPlatform', 'PATCH', query_params={}, body={'workspace': workspace, 'email': email}) + def create_deployment_webhook(self, deployment_id: str, endpoint: str, webhook_event_type: str, payload_template: dict = None) -> Webhook: """Create a webhook attached to a given deployment ID. @@ -4769,12 +5076,25 @@ def create_project(self, name: str, use_case: str) -> Project: Args: name (str): The project's name. - use_case (str): The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION. + use_case (str): The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/developer-platform/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION. Returns: Project: This object represents the newly created project.""" return self._call_api('createProject', 'POST', query_params={}, body={'name': name, 'useCase': use_case}, parse_type=Project) + def list_projects_dashboard(self, updated_filter: int = None, limit: int = 50, since_project_id: str = None, search: str = None, starred: bool = None, tag: str = None, tags: list = None) -> dict: + """Retrieves a list of projects for dashboard display with filtering and pagination support. + + Args: + updated_filter (int): Unix timestamp to filter projects updated after this time. + limit (int): The maximum number of projects to return (default: 50). + since_project_id (str): The ID of the project after which the list starts for pagination. + search (str): Search term to filter projects by name, creator email, or use case. + starred (bool): Filter by starred status (True for starred, False for non-starred). + tag (str): Filter by a single tag (deprecated, use tags instead). + tags (list): List of tags to filter projects by.""" + return self._call_api('listProjectsDashboard', 'POST', query_params={}, body={'updatedFilter': updated_filter, 'limit': limit, 'sinceProjectId': since_project_id, 'search': search, 'starred': starred, 'tag': tag, 'tags': tags}) + def rename_project(self, project_id: str, name: str): """This method renames a project after it is created. @@ -4814,6 +5134,17 @@ def remove_project_tags(self, project_id: str, tags: list): tags (list): The tags to remove from the project.""" return self._call_api('removeProjectTags', 'DELETE', query_params={'projectId': project_id, 'tags': tags}) + def get_raw_data_from_realtime_dataset(self, dataset_id: str, check_permissions: bool = False, start_time: str = None, end_time: str = None, column_filter: dict = None) -> Dict: + """Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets. + + Args: + dataset_id (str): The unique ID associated with the dataset. + check_permissions (bool): If True, checks user permissions using session email. + start_time (str): Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + end_time (str): End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + column_filter (dict): Dictionary mapping column names to filter values. Only rows matching all column filters will be returned.""" + return self._call_api('getRawDataFromRealtimeDataset', 'POST', query_params={'datasetId': dataset_id}, body={'checkPermissions': check_permissions, 'startTime': start_time, 'endTime': end_time, 'columnFilter': column_filter}) + def add_feature_group_to_project(self, feature_group_id: str, project_id: str, feature_group_type: str = 'CUSTOM_TABLE'): """Adds a feature group to a project. @@ -4863,6 +5194,15 @@ def set_feature_mapping(self, project_id: str, feature_group_id: str, feature_na list[Feature]: A list of objects that describes the resulting feature group's schema after the feature's featureMapping is set.""" return self._call_api('setFeatureMapping', 'POST', query_params={}, body={'projectId': project_id, 'featureGroupId': feature_group_id, 'featureName': feature_name, 'featureMapping': feature_mapping, 'nestedColumnName': nested_column_name}, parse_type=Feature) + def add_project_scope_for_user(self, project_id: str, email: str, scope: list): + """Add a user to a project. + + Args: + project_id (str): The project's id. + email (str): The user's email. + scope (list): The list of project scopes.""" + return self._call_api('addProjectScopeForUser', 'POST', query_params={}, body={'projectId': project_id, 'email': email, 'scope': scope}) + def add_annotation(self, annotation: dict, feature_group_id: str, feature_name: str, doc_id: str = None, feature_group_row_identifier: str = None, annotation_source: str = 'ui', status: str = None, comments: dict = None, project_id: str = None, save_metadata: bool = False, pages: list = None) -> AnnotationEntry: """Add an annotation entry to the database. @@ -5018,9 +5358,7 @@ def create_merge_feature_group(self, source_feature_group_id: str, table_name: s description (str): Human-readable description of this feature group. Returns: - FeatureGroup: The created feature group. -Description: -Creates a new feature group defined as the union of other feature group versions.""" + FeatureGroup: The created feature group.""" return self._call_api('createMergeFeatureGroup', 'POST', query_params={}, body={'sourceFeatureGroupId': source_feature_group_id, 'tableName': table_name, 'mergeConfig': merge_config, 'description': description}, parse_type=FeatureGroup) def create_operator_feature_group(self, source_feature_group_id: str, table_name: str, operator_config: Union[dict, OperatorConfig], description: str = None) -> FeatureGroup: @@ -5572,7 +5910,7 @@ def export_feature_group_version_to_database_connector(self, feature_group_versi feature_group_version (str): Unique string identifier for the Feature Group instance to export. database_connector_id (str): Unique string identifier for the Database Connector to export to. object_name (str): Name of the database object to write to. - write_mode (str): Enum string indicating whether to use INSERT or UPSERT. + write_mode (str): Enum string indicating whether to use INSERT or UPSERT or REPLACE. database_feature_mapping (dict): Key/value pair JSON object of "database connector column" -> "feature name" pairs. id_column (str): Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key. additional_id_columns (list): For database connectors which support it, additional ID columns to use as a complex key for upserting. @@ -5829,7 +6167,7 @@ def create_dataset_from_database_connector(self, table_name: str, database_conne Dataset: The created dataset.""" return self._call_api('createDatasetFromDatabaseConnector', 'POST', query_params={}, body={'tableName': table_name, 'databaseConnectorId': database_connector_id, 'objectName': object_name, 'columns': columns, 'queryArguments': query_arguments, 'refreshSchedule': refresh_schedule, 'sqlQuery': sql_query, 'incremental': incremental, 'attachmentParsingConfig': attachment_parsing_config, 'incrementalDatabaseConnectorConfig': incremental_database_connector_config, 'documentProcessingConfig': document_processing_config, 'versionLimit': version_limit}, parse_type=Dataset) - def create_dataset_from_application_connector(self, table_name: str, application_connector_id: str, dataset_config: Union[dict, ApplicationConnectorDatasetConfig] = None, refresh_schedule: str = None, version_limit: int = 30) -> Dataset: + def create_dataset_from_application_connector(self, table_name: str, application_connector_id: str, dataset_config: Union[dict, ApplicationConnectorDatasetConfig] = None, refresh_schedule: str = None, version_limit: int = 30, incremental: bool = False) -> Dataset: """Creates a dataset from an Application Connector. Args: @@ -5838,10 +6176,11 @@ def create_dataset_from_application_connector(self, table_name: str, application dataset_config (ApplicationConnectorDatasetConfig): Dataset config for the application connector. refresh_schedule (str): Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC. version_limit (int): The number of recent versions to preserve for the dataset (minimum 30). + incremental (bool): Signifies if the dataset is an incremental dataset. Returns: Dataset: The created dataset.""" - return self._call_api('createDatasetFromApplicationConnector', 'POST', query_params={}, body={'tableName': table_name, 'applicationConnectorId': application_connector_id, 'datasetConfig': dataset_config, 'refreshSchedule': refresh_schedule, 'versionLimit': version_limit}, parse_type=Dataset) + return self._call_api('createDatasetFromApplicationConnector', 'POST', query_params={}, body={'tableName': table_name, 'applicationConnectorId': application_connector_id, 'datasetConfig': dataset_config, 'refreshSchedule': refresh_schedule, 'versionLimit': version_limit, 'incremental': incremental}, parse_type=Dataset) def create_dataset_version_from_database_connector(self, dataset_id: str, object_name: str = None, columns: str = None, query_arguments: str = None, sql_query: str = None) -> DatasetVersion: """Creates a new version of the specified dataset. @@ -7307,7 +7646,7 @@ def get_related_items(self, deployment_token: str, deployment_id: str, query_dat deployment_id, deployment_token) if deployment_token else None return self._call_api('getRelatedItems', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data, 'numItems': num_items, 'page': page, 'scalingFactors': scaling_factors, 'restrictItems': restrict_items, 'excludeItems': exclude_items}, server_override=prediction_url) - def get_chat_response(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None) -> Dict: + def get_chat_response(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, user_info: dict = None) -> Dict: """Return a chat response which continues the conversation based on the input messages and search results. Args: @@ -7323,7 +7662,7 @@ def get_chat_response(self, deployment_token: str, deployment_id: str, messages: chat_config (dict): A dictionary specifying the query chat config override.""" prediction_url = self._get_prediction_endpoint( deployment_id, deployment_token) if deployment_token else None - return self._call_api('getChatResponse', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'messages': messages, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config}, server_override=prediction_url) + return self._call_api('getChatResponse', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'messages': messages, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'userInfo': user_info}, server_override=prediction_url) def get_chat_response_with_binary_data(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, attachments: None = None) -> Dict: """Return a chat response which continues the conversation based on the input messages and search results. @@ -7344,7 +7683,7 @@ def get_chat_response_with_binary_data(self, deployment_token: str, deployment_i deployment_id, deployment_token) if deployment_token else None return self._call_api('getChatResponseWithBinaryData', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, data={'messages': json.dumps(messages) if (messages is not None and not isinstance(messages, str)) else messages, 'llmName': json.dumps(llm_name) if (llm_name is not None and not isinstance(llm_name, str)) else llm_name, 'numCompletionTokens': json.dumps(num_completion_tokens) if (num_completion_tokens is not None and not isinstance(num_completion_tokens, str)) else num_completion_tokens, 'systemMessage': json.dumps(system_message) if (system_message is not None and not isinstance(system_message, str)) else system_message, 'temperature': json.dumps(temperature) if (temperature is not None and not isinstance(temperature, str)) else temperature, 'filterKeyValues': json.dumps(filter_key_values) if (filter_key_values is not None and not isinstance(filter_key_values, str)) else filter_key_values, 'searchScoreCutoff': json.dumps(search_score_cutoff) if (search_score_cutoff is not None and not isinstance(search_score_cutoff, str)) else search_score_cutoff, 'chatConfig': json.dumps(chat_config) if (chat_config is not None and not isinstance(chat_config, str)) else chat_config}, files=attachments, server_override=prediction_url) - def get_conversation_response(self, deployment_id: str, message: str, deployment_token: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, doc_infos: list = None) -> Dict: + def get_conversation_response(self, deployment_id: str, message: str, deployment_token: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, doc_infos: list = None, user_info: dict = None, execute_usercode_tool: bool = False) -> Dict: """Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). Args: @@ -7360,10 +7699,11 @@ def get_conversation_response(self, deployment_id: str, message: str, deployment filter_key_values (dict): A dictionary mapping column names to a list of values to restrict the retrived search results. search_score_cutoff (float): Cutoff for the document retriever score. Matching search results below this score will be ignored. chat_config (dict): A dictionary specifiying the query chat config override. - doc_infos (list): An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore.""" + doc_infos (list): An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. + execute_usercode_tool (bool): If True, will return the tool output in the response.""" prediction_url = self._get_prediction_endpoint( deployment_id, deployment_token) if deployment_token else None - return self._call_api('getConversationResponse', 'POST', query_params={'deploymentId': deployment_id, 'deploymentToken': deployment_token}, body={'message': message, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'docInfos': doc_infos}, server_override=prediction_url) + return self._call_api('getConversationResponse', 'POST', query_params={'deploymentId': deployment_id, 'deploymentToken': deployment_token}, body={'message': message, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'docInfos': doc_infos, 'userInfo': user_info, 'executeUsercodeTool': execute_usercode_tool}, server_override=prediction_url) def get_conversation_response_with_binary_data(self, deployment_id: str, deployment_token: str, message: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, attachments: None = None) -> Dict: """Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -7386,6 +7726,14 @@ def get_conversation_response_with_binary_data(self, deployment_id: str, deploym deployment_id, deployment_token) if deployment_token else None return self._call_api('getConversationResponseWithBinaryData', 'POST', query_params={'deploymentId': deployment_id, 'deploymentToken': deployment_token}, data={'message': json.dumps(message) if (message is not None and not isinstance(message, str)) else message, 'deploymentConversationId': json.dumps(deployment_conversation_id) if (deployment_conversation_id is not None and not isinstance(deployment_conversation_id, str)) else deployment_conversation_id, 'externalSessionId': json.dumps(external_session_id) if (external_session_id is not None and not isinstance(external_session_id, str)) else external_session_id, 'llmName': json.dumps(llm_name) if (llm_name is not None and not isinstance(llm_name, str)) else llm_name, 'numCompletionTokens': json.dumps(num_completion_tokens) if (num_completion_tokens is not None and not isinstance(num_completion_tokens, str)) else num_completion_tokens, 'systemMessage': json.dumps(system_message) if (system_message is not None and not isinstance(system_message, str)) else system_message, 'temperature': json.dumps(temperature) if (temperature is not None and not isinstance(temperature, str)) else temperature, 'filterKeyValues': json.dumps(filter_key_values) if (filter_key_values is not None and not isinstance(filter_key_values, str)) else filter_key_values, 'searchScoreCutoff': json.dumps(search_score_cutoff) if (search_score_cutoff is not None and not isinstance(search_score_cutoff, str)) else search_score_cutoff, 'chatConfig': json.dumps(chat_config) if (chat_config is not None and not isinstance(chat_config, str)) else chat_config}, files=attachments, server_override=prediction_url) + def get_deep_agent_response(self, message: str, deployment_conversation_id: str = None) -> Dict: + """Return a DeepAgent response with generated files if any, based on the input message. + + Args: + message (str): The user's message/task for DeepAgent to complete + deployment_conversation_id (str): The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.""" + return self._proxy_request('getDeepAgentResponse', 'POST', query_params={}, body={'message': message, 'deploymentConversationId': deployment_conversation_id}, is_sync=True, timeout=3600) + def get_search_results(self, deployment_token: str, deployment_id: str, query_data: dict, num: int = 15) -> Dict: """Return the most relevant search results to the search query from the uploaded documents. @@ -7481,6 +7829,30 @@ def get_alternative_assignments(self, deployment_token: str, deployment_id: str, deployment_id, deployment_token) if deployment_token else None return self._call_api('getAlternativeAssignments', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data, 'addConstraints': add_constraints, 'solveTimeLimitSeconds': solve_time_limit_seconds, 'bestAlternateOnly': best_alternate_only}, server_override=prediction_url) + def get_optimization_inputs_from_serialized(self, deployment_token: str, deployment_id: str, query_data: dict = None) -> Dict: + """Get assignments for given query, with new inputs + + Args: + deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + deployment_id (str): The unique identifier of a deployment created under the project. + query_data (dict): a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes)""" + prediction_url = self._get_prediction_endpoint( + deployment_id, deployment_token) if deployment_token else None + return self._call_api('getOptimizationInputsFromSerialized', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data}, server_override=prediction_url) + + def get_assignments_online_with_new_serialized_inputs(self, deployment_token: str, deployment_id: str, query_data: dict = None, solve_time_limit_seconds: float = None, optimality_gap_limit: float = None) -> Dict: + """Get assignments for given query, with new inputs + + Args: + deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + deployment_id (str): The unique identifier of a deployment created under the project. + query_data (dict): a dictionary with assignment, constraint and constraint_equations_df (under these specific keys) + solve_time_limit_seconds (float): Maximum time in seconds to spend solving the query. + optimality_gap_limit (float): Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found)""" + prediction_url = self._get_prediction_endpoint( + deployment_id, deployment_token) if deployment_token else None + return self._call_api('getAssignmentsOnlineWithNewSerializedInputs', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data, 'solveTimeLimitSeconds': solve_time_limit_seconds, 'optimalityGapLimit': optimality_gap_limit}, server_override=prediction_url) + def check_constraints(self, deployment_token: str, deployment_id: str, query_data: dict) -> Dict: """Check for any constraints violated by the overrides. @@ -7609,17 +7981,6 @@ def transfer_style(self, deployment_token: str, deployment_id: str, source_image deployment_id, deployment_token) if deployment_token else None return self._call_api('transferStyle', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, data={}, files={'sourceImage': source_image, 'styleImage': style_image}, streamable_response=True, server_override=prediction_url) - def generate_image(self, deployment_token: str, deployment_id: str, query_data: dict) -> io.BytesIO: - """Generate an image from text prompt. - - Args: - deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website. - deployment_id (str): A unique identifier to a deployment created under the project. - query_data (dict): Specifies the text prompt. For example, {'prompt': 'a cat'}""" - prediction_url = self._get_prediction_endpoint( - deployment_id, deployment_token) if deployment_token else None - return self._call_api('generateImage', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data}, streamable_response=True, server_override=prediction_url) - def execute_agent(self, deployment_token: str, deployment_id: str, arguments: list = None, keyword_arguments: dict = None) -> Dict: """Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. @@ -7628,9 +7989,7 @@ def execute_agent(self, deployment_token: str, deployment_id: str, arguments: li deployment_id (str): A unique string identifier for the deployment created under the project. arguments (list): Positional arguments to the agent execute function. keyword_arguments (dict): A dictionary where each 'key' represents the paramter name and its corresponding 'value' represents the value of that parameter for the agent execute function.""" - prediction_url = self._get_prediction_endpoint( - deployment_id, deployment_token) if deployment_token else None - return self._call_api('executeAgent', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'arguments': arguments, 'keywordArguments': keyword_arguments}, server_override=prediction_url, timeout=1500) + return self._proxy_request('executeAgent', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'arguments': arguments, 'keywordArguments': keyword_arguments}, is_sync=True) def get_matrix_agent_schema(self, deployment_token: str, deployment_id: str, query: str, doc_infos: list = None, deployment_conversation_id: str = None, external_session_id: str = None) -> Dict: """Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. @@ -7659,9 +8018,7 @@ def execute_conversation_agent(self, deployment_token: str, deployment_id: str, regenerate (bool): If True, will regenerate the response from the last query. doc_infos (list): An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. agent_workflow_node_id (str): An optional agent workflow node id to trigger agent execution from an intermediate node.""" - prediction_url = self._get_prediction_endpoint( - deployment_id, deployment_token) if deployment_token else None - return self._call_api('executeConversationAgent', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'arguments': arguments, 'keywordArguments': keyword_arguments, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'regenerate': regenerate, 'docInfos': doc_infos, 'agentWorkflowNodeId': agent_workflow_node_id}, server_override=prediction_url) + return self._proxy_request('executeSyncConversationAgent', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'arguments': arguments, 'keywordArguments': keyword_arguments, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'regenerate': regenerate, 'docInfos': doc_infos, 'agentWorkflowNodeId': agent_workflow_node_id}, is_sync=True) def lookup_matches(self, deployment_token: str, deployment_id: str, data: str = None, filters: dict = None, num: int = None, result_columns: list = None, max_words: int = None, num_retrieval_margin_words: int = None, max_words_per_chunk: int = None, score_multiplier_column: str = None, min_score: float = None, required_phrases: list = None, filter_clause: str = None, crowding_limits: dict = None, include_text_search: bool = False) -> List[DocumentRetrieverLookupResult]: """Lookup document retrievers and return the matching documents from the document retriever deployed with given query. @@ -8010,7 +8367,7 @@ def get_feature_group_row_process_logs_by_key(self, deployment_id: str, primary_ FeatureGroupRowProcessLogs: An object representing the logs for the feature group row process""" return self._call_api('getFeatureGroupRowProcessLogsByKey', 'POST', query_params={'deploymentId': deployment_id}, body={'primaryKeyValue': primary_key_value}, parse_type=FeatureGroupRowProcessLogs) - def create_python_function(self, name: str, source_code: str = None, function_name: str = None, function_variable_mappings: List = None, package_requirements: list = None, function_type: str = 'FEATURE_GROUP', description: str = None, examples: dict = None) -> PythonFunction: + def create_python_function(self, name: str, source_code: str = None, function_name: str = None, function_variable_mappings: List = None, package_requirements: list = None, function_type: str = 'FEATURE_GROUP', description: str = None, examples: dict = None, user_level_connectors: Dict = None, org_level_connectors: List = None, output_variable_mappings: List = None) -> PythonFunction: """Creates a custom Python function that is reusable. Args: @@ -8021,13 +8378,16 @@ def create_python_function(self, name: str, source_code: str = None, function_na package_requirements (list): List of package requirement strings. For example: ['numpy==1.2.3', 'pandas>=1.4.0']. function_type (str): Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG. description (str): Description of the Python function. This should include details about the function's purpose, expected inputs and outputs, and any important usage considerations or limitations. - examples (dict): Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid. + examples (dict): Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid.]) + user_level_connectors (Dict): Dictionary containing user level connectors. + org_level_connectors (List): List containing organization level connectors. + output_variable_mappings (List): List of output variable mappings that defines the elements of the function's return value. Returns: PythonFunction: The Python function that can be used (e.g. for feature group transform).""" - return self._call_api('createPythonFunction', 'POST', query_params={}, body={'name': name, 'sourceCode': source_code, 'functionName': function_name, 'functionVariableMappings': function_variable_mappings, 'packageRequirements': package_requirements, 'functionType': function_type, 'description': description, 'examples': examples}, parse_type=PythonFunction) + return self._call_api('createPythonFunction', 'POST', query_params={}, body={'name': name, 'sourceCode': source_code, 'functionName': function_name, 'functionVariableMappings': function_variable_mappings, 'packageRequirements': package_requirements, 'functionType': function_type, 'description': description, 'examples': examples, 'userLevelConnectors': user_level_connectors, 'orgLevelConnectors': org_level_connectors, 'outputVariableMappings': output_variable_mappings}, parse_type=PythonFunction) - def update_python_function(self, name: str, source_code: str = None, function_name: str = None, function_variable_mappings: List = None, package_requirements: list = None, description: str = None, examples: dict = None) -> PythonFunction: + def update_python_function(self, name: str, source_code: str = None, function_name: str = None, function_variable_mappings: List = None, package_requirements: list = None, description: str = None, examples: dict = None, user_level_connectors: Dict = None, org_level_connectors: List = None, output_variable_mappings: List = None) -> PythonFunction: """Update custom python function with user inputs for the given python function. Args: @@ -8038,10 +8398,13 @@ def update_python_function(self, name: str, source_code: str = None, function_na package_requirements (list): List of package requirement strings. For example: ['numpy==1.2.3', 'pandas>=1.4.0']. description (str): Description of the Python function. This should include details about the function's purpose, expected inputs and outputs, and any important usage considerations or limitations. examples (dict): Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid. + user_level_connectors (Dict): Dictionary containing user level connectors. + org_level_connectors (List): List of organization level connectors. + output_variable_mappings (List): List of output variable mappings that defines the elements of the function's return value. Returns: PythonFunction: The Python function object.""" - return self._call_api('updatePythonFunction', 'PATCH', query_params={}, body={'name': name, 'sourceCode': source_code, 'functionName': function_name, 'functionVariableMappings': function_variable_mappings, 'packageRequirements': package_requirements, 'description': description, 'examples': examples}, parse_type=PythonFunction) + return self._call_api('updatePythonFunction', 'PATCH', query_params={}, body={'name': name, 'sourceCode': source_code, 'functionName': function_name, 'functionVariableMappings': function_variable_mappings, 'packageRequirements': package_requirements, 'description': description, 'examples': examples, 'userLevelConnectors': user_level_connectors, 'orgLevelConnectors': org_level_connectors, 'outputVariableMappings': output_variable_mappings}, parse_type=PythonFunction) def delete_python_function(self, name: str): """Removes an existing Python function. @@ -8465,16 +8828,18 @@ def update_module(self, name: str, source_code: str = None) -> Module: Module: The updated module.""" return self._call_api('updateModule', 'PATCH', query_params={}, body={'name': name, 'sourceCode': source_code}, parse_type=Module) - def create_organization_secret(self, secret_key: str, value: str) -> OrganizationSecret: + def create_organization_secret(self, secret_key: str, value: str, secret_type: Union[OrganizationSecretType, str] = OrganizationSecretType.ORG_SECRET, metadata: dict = None) -> OrganizationSecret: """Creates a secret which can be accessed in functions and notebooks. Args: secret_key (str): The secret key. value (str): The secret value. + secret_type (OrganizationSecretType): The type of secret. Use OrganizationSecretType enum values. + metadata (dict): Additional metadata for the secret. Returns: OrganizationSecret: The created secret.""" - return self._call_api('createOrganizationSecret', 'POST', query_params={}, body={'secretKey': secret_key, 'value': value}, parse_type=OrganizationSecret) + return self._call_api('createOrganizationSecret', 'POST', query_params={}, body={'secretKey': secret_key, 'value': value, 'secretType': secret_type, 'metadata': metadata}, parse_type=OrganizationSecret) def delete_organization_secret(self, secret_key: str): """Deletes a secret. @@ -8593,7 +8958,7 @@ def set_deployment_conversation_feedback(self, deployment_conversation_id: str, feedback (str): Optional feedback on why the message is useful or not useful feedback_type (str): Optional feedback type deployment_id (str): The deployment this conversation belongs to. This is required if not logged in.""" - return self._call_api('setDeploymentConversationFeedback', 'POST', query_params={'deploymentId': deployment_id}, body={'deploymentConversationId': deployment_conversation_id, 'messageIndex': message_index, 'isUseful': is_useful, 'isNotUseful': is_not_useful, 'feedback': feedback, 'feedbackType': feedback_type}) + return self._proxy_request('setDeploymentConversationFeedback', 'POST', query_params={'deploymentId': deployment_id}, body={'deploymentConversationId': deployment_conversation_id, 'messageIndex': message_index, 'isUseful': is_useful, 'isNotUseful': is_not_useful, 'feedback': feedback, 'feedbackType': feedback_type}, is_sync=True) def rename_deployment_conversation(self, deployment_conversation_id: str, name: str, deployment_id: str = None): """Rename a Deployment Conversation. @@ -8604,6 +8969,35 @@ def rename_deployment_conversation(self, deployment_conversation_id: str, name: deployment_id (str): The deployment this conversation belongs to. This is required if not logged in.""" return self._proxy_request('renameDeploymentConversation', 'POST', query_params={'deploymentId': deployment_id}, body={'deploymentConversationId': deployment_conversation_id, 'name': name}, is_sync=True) + def add_user_group_object_permission(self, object_id: str, user_group_id: str, object_type: str, permission: str = 'ALL'): + """Add user group object permission for any object type. + + Args: + object_id (str): The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + user_group_id (str): The ID of the user group + object_type (str): The type of object ('dataset', 'project', 'external_connection', 'feature_group') + permission (str): The permission to grant (default: 'ALL')""" + return self._call_api('addUserGroupObjectPermission', 'POST', query_params={}, body={'objectId': object_id, 'userGroupId': user_group_id, 'objectType': object_type, 'permission': permission}) + + def update_user_group_object_permission(self, object_id: str, user_group_id: str, object_type: str, permission: str = 'ALL'): + """Update user group object permission for any object type. + + Args: + object_id (str): The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + user_group_id (str): The ID of the user group + object_type (str): The type of object ('dataset', 'project', 'external_connection', 'feature_group') + permission (str): The permission to grant (default: 'ALL')""" + return self._call_api('updateUserGroupObjectPermission', 'POST', query_params={}, body={'objectId': object_id, 'userGroupId': user_group_id, 'objectType': object_type, 'permission': permission}) + + def remove_user_group_object_permission(self, object_id: str, user_group_id: str, object_type: str): + """Remove user group object permission for any object type. + + Args: + object_id (str): The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + user_group_id (str): The ID of the user group + object_type (str): The type of object ('dataset', 'project', 'external_connection', 'feature_group')""" + return self._call_api('removeUserGroupObjectPermission', 'POST', query_params={}, body={'objectId': object_id, 'userGroupId': user_group_id, 'objectType': object_type}) + def create_app_user_group(self, name: str) -> AppUserGroup: """Creates a new App User Group. This User Group is used to have permissions to access the external chatbots. @@ -8681,6 +9075,20 @@ def remove_app_user_group_from_external_application(self, user_group_id: str, ex external_application_id (str): The ID of the External Application.""" return self._call_api('removeAppUserGroupFromExternalApplication', 'POST', query_params={}, body={'userGroupId': user_group_id, 'externalApplicationId': external_application_id}) + def add_developers_to_external_application(self, external_application_id: str): + """Adds a permission for the platform App User Group to access an External Application. + + Args: + external_application_id (str): The ID of the External Application.""" + return self._call_api('addDevelopersToExternalApplication', 'POST', query_params={}, body={'externalApplicationId': external_application_id}) + + def remove_developers_from_external_application(self, external_application_id: str): + """Removes a permission for the platform App User Group to access an External Application. + + Args: + external_application_id (str): The ID of the External Application.""" + return self._call_api('removeDevelopersFromExternalApplication', 'POST', query_params={}, body={'externalApplicationId': external_application_id}) + def create_external_application(self, deployment_id: str, name: str = None, description: str = None, logo: str = None, theme: dict = None) -> ExternalApplication: """Creates a new External Application from an existing ChatLLM Deployment. @@ -8786,7 +9194,7 @@ def evaluate_prompt(self, prompt: str = None, system_message: str = None, llm_na Returns: LlmResponse: The response from the model, raw text and parsed components.""" - return self._proxy_request('EvaluatePrompt', 'POST', query_params={}, body={'prompt': prompt, 'systemMessage': system_message, 'llmName': llm_name, 'maxTokens': max_tokens, 'temperature': temperature, 'messages': messages, 'responseType': response_type, 'jsonResponseSchema': json_response_schema, 'stopSequences': stop_sequences, 'topP': top_p}, parse_type=LlmResponse) + return self._proxy_request('evaluatePrompt', 'POST', query_params={}, body={'prompt': prompt, 'systemMessage': system_message, 'llmName': llm_name, 'maxTokens': max_tokens, 'temperature': temperature, 'messages': messages, 'responseType': response_type, 'jsonResponseSchema': json_response_schema, 'stopSequences': stop_sequences, 'topP': top_p}, parse_type=LlmResponse, is_sync=True) def render_feature_groups_for_llm(self, feature_group_ids: List, token_budget: int = None, include_definition: bool = True) -> List[LlmInput]: """Encode feature groups as language model inputs. @@ -9003,3 +9411,18 @@ def get_relevant_snippets(self, doc_ids: List = None, blobs: io.TextIOBase = Non Returns: list[DocumentRetrieverLookupResult]: The snippets found from the documents.""" return self._proxy_request('GetRelevantSnippets', 'POST', query_params={}, data={'docIds': doc_ids, 'query': query, 'documentRetrieverConfig': json.dumps(document_retriever_config.to_dict()) if hasattr(document_retriever_config, 'to_dict') else json.dumps(document_retriever_config), 'honorSentenceBoundary': honor_sentence_boundary, 'numRetrievalMarginWords': num_retrieval_margin_words, 'maxWordsPerSnippet': max_words_per_snippet, 'maxSnippetsPerDocument': max_snippets_per_document, 'startWordIndex': start_word_index, 'endWordIndex': end_word_index, 'includingBoundingBoxes': including_bounding_boxes, 'text': text, 'documentProcessingConfig': json.dumps(document_processing_config.to_dict()) if hasattr(document_processing_config, 'to_dict') else json.dumps(document_processing_config)}, files=blobs, parse_type=DocumentRetrieverLookupResult) + + def query_mcp_server(self, task: str, server_name: str = None, mcp_server_connection_id: str = None) -> McpServerQueryResult: + """Query a Remote MCP server. For a given task, it runs the required tools of the MCP + + server with appropriate arguments and returns the output. + + + Args: + task (str): a comprehensive description of the task to perform using the MCP server tools. + server_name (str): The name of the MCP server. + mcp_server_connection_id (str): connection id of the MCP server to query. + + Returns: + McpServerQueryResult: The execution logs as well as the final output of the task execution.""" + return self._proxy_request('QueryMcpServer', 'POST', query_params={}, body={'task': task, 'serverName': server_name, 'mcpServerConnectionId': mcp_server_connection_id}, parse_type=McpServerQueryResult) diff --git a/abacusai/code_autocomplete_edit_prediction_response.py b/abacusai/code_autocomplete_edit_prediction_response.py new file mode 100644 index 000000000..c1c6ce7b2 --- /dev/null +++ b/abacusai/code_autocomplete_edit_prediction_response.py @@ -0,0 +1,37 @@ +from .return_class import AbstractApiClass + + +class CodeAutocompleteEditPredictionResponse(AbstractApiClass): + """ + A autocomplete response from an LLM + + Args: + client (ApiClient): An authenticated API Client instance + autocompleteResponse (str): autocomplete code + showAutocomplete (bool): Whether to show autocomplete in the client + """ + + def __init__(self, client, autocompleteResponse=None, showAutocomplete=None): + super().__init__(client, None) + self.autocomplete_response = autocompleteResponse + self.show_autocomplete = showAutocomplete + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'autocomplete_response': repr( + self.autocomplete_response), f'show_autocomplete': repr(self.show_autocomplete)} + class_name = "CodeAutocompleteEditPredictionResponse" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'autocomplete_response': self.autocomplete_response, + 'show_autocomplete': self.show_autocomplete} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/code_bot.py b/abacusai/code_bot.py index 27e9d6143..519b04f10 100644 --- a/abacusai/code_bot.py +++ b/abacusai/code_bot.py @@ -11,21 +11,33 @@ class CodeBot(AbstractApiClass): name (str): The name of the bot. imageUploadSupported (bool): Whether the LLM supports image upload. codeAgentSupported (bool): Whether the LLM supports code agent. + codeEditSupported (bool): Whether the LLM supports code edit. isPremium (bool): Whether the LLM is a premium LLM. + llmBotIcon (str): The icon of the LLM bot. + provider (str): The provider of the LLM. + isUserApiKeyAllowed (bool): Whether the LLM supports user API key. + isRateLimited (bool): Whether the LLM is rate limited. + apiKeyUrl (str): The URL to get the API key. """ - def __init__(self, client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, isPremium=None): + def __init__(self, client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, codeEditSupported=None, isPremium=None, llmBotIcon=None, provider=None, isUserApiKeyAllowed=None, isRateLimited=None, apiKeyUrl=None): super().__init__(client, None) self.llm_name = llmName self.name = name self.image_upload_supported = imageUploadSupported self.code_agent_supported = codeAgentSupported + self.code_edit_supported = codeEditSupported self.is_premium = isPremium + self.llm_bot_icon = llmBotIcon + self.provider = provider + self.is_user_api_key_allowed = isUserApiKeyAllowed + self.is_rate_limited = isRateLimited + self.api_key_url = apiKeyUrl self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'llm_name': repr(self.llm_name), f'name': repr(self.name), f'image_upload_supported': repr( - self.image_upload_supported), f'code_agent_supported': repr(self.code_agent_supported), f'is_premium': repr(self.is_premium)} + repr_dict = {f'llm_name': repr(self.llm_name), f'name': repr(self.name), f'image_upload_supported': repr(self.image_upload_supported), f'code_agent_supported': repr(self.code_agent_supported), f'code_edit_supported': repr(self.code_edit_supported), f'is_premium': repr( + self.is_premium), f'llm_bot_icon': repr(self.llm_bot_icon), f'provider': repr(self.provider), f'is_user_api_key_allowed': repr(self.is_user_api_key_allowed), f'is_rate_limited': repr(self.is_rate_limited), f'api_key_url': repr(self.api_key_url)} class_name = "CodeBot" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -38,6 +50,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'llm_name': self.llm_name, 'name': self.name, 'image_upload_supported': self.image_upload_supported, - 'code_agent_supported': self.code_agent_supported, 'is_premium': self.is_premium} + resp = {'llm_name': self.llm_name, 'name': self.name, 'image_upload_supported': self.image_upload_supported, 'code_agent_supported': self.code_agent_supported, 'code_edit_supported': self.code_edit_supported, + 'is_premium': self.is_premium, 'llm_bot_icon': self.llm_bot_icon, 'provider': self.provider, 'is_user_api_key_allowed': self.is_user_api_key_allowed, 'is_rate_limited': self.is_rate_limited, 'api_key_url': self.api_key_url} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/code_embeddings.py b/abacusai/code_embeddings.py new file mode 100644 index 000000000..a7cb4bc6b --- /dev/null +++ b/abacusai/code_embeddings.py @@ -0,0 +1,37 @@ +from .return_class import AbstractApiClass + + +class CodeEmbeddings(AbstractApiClass): + """ + Code embeddings + + Args: + client (ApiClient): An authenticated API Client instance + embeddings (dict): A dictionary mapping the file name to its embeddings. + chunkingScheme (str): The scheme used for chunking the embeddings. + """ + + def __init__(self, client, embeddings=None, chunkingScheme=None): + super().__init__(client, None) + self.embeddings = embeddings + self.chunking_scheme = chunkingScheme + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'embeddings': repr( + self.embeddings), f'chunking_scheme': repr(self.chunking_scheme)} + class_name = "CodeEmbeddings" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'embeddings': self.embeddings, + 'chunking_scheme': self.chunking_scheme} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/code_llm_changed_files.py b/abacusai/code_llm_changed_files.py new file mode 100644 index 000000000..d2b309150 --- /dev/null +++ b/abacusai/code_llm_changed_files.py @@ -0,0 +1,39 @@ +from .return_class import AbstractApiClass + + +class CodeLlmChangedFiles(AbstractApiClass): + """ + Code changed files + + Args: + client (ApiClient): An authenticated API Client instance + addedFiles (list): A list of added file paths. + updatedFiles (list): A list of updated file paths. + deletedFiles (list): A list of deleted file paths. + """ + + def __init__(self, client, addedFiles=None, updatedFiles=None, deletedFiles=None): + super().__init__(client, None) + self.added_files = addedFiles + self.updated_files = updatedFiles + self.deleted_files = deletedFiles + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'added_files': repr(self.added_files), f'updated_files': repr( + self.updated_files), f'deleted_files': repr(self.deleted_files)} + class_name = "CodeLlmChangedFiles" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'added_files': self.added_files, + 'updated_files': self.updated_files, 'deleted_files': self.deleted_files} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/code_suggestion_validation_response.py b/abacusai/code_suggestion_validation_response.py new file mode 100644 index 000000000..fd1ef58d4 --- /dev/null +++ b/abacusai/code_suggestion_validation_response.py @@ -0,0 +1,33 @@ +from .return_class import AbstractApiClass + + +class CodeSuggestionValidationResponse(AbstractApiClass): + """ + A response from an LLM to validate a code suggestion. + + Args: + client (ApiClient): An authenticated API Client instance + isValid (bool): Whether the code suggestion is valid. + """ + + def __init__(self, client, isValid=None): + super().__init__(client, None) + self.is_valid = isValid + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'is_valid': repr(self.is_valid)} + class_name = "CodeSuggestionValidationResponse" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'is_valid': self.is_valid} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/code_summary_response.py b/abacusai/code_summary_response.py new file mode 100644 index 000000000..e07415b9c --- /dev/null +++ b/abacusai/code_summary_response.py @@ -0,0 +1,33 @@ +from .return_class import AbstractApiClass + + +class CodeSummaryResponse(AbstractApiClass): + """ + A summary response from an LLM + + Args: + client (ApiClient): An authenticated API Client instance + summary (str): The summary of the code. + """ + + def __init__(self, client, summary=None): + super().__init__(client, None) + self.summary = summary + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'summary': repr(self.summary)} + class_name = "CodeSummaryResponse" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'summary': self.summary} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/codellm_embedding_constants.py b/abacusai/codellm_embedding_constants.py new file mode 100644 index 000000000..ddc28e881 --- /dev/null +++ b/abacusai/codellm_embedding_constants.py @@ -0,0 +1,43 @@ +from .return_class import AbstractApiClass + + +class CodellmEmbeddingConstants(AbstractApiClass): + """ + A dictionary of constants to be used in the autocomplete. + + Args: + client (ApiClient): An authenticated API Client instance + maxSupportedWorkspaceFiles (int): Max supported workspace files + maxSupportedWorkspaceChunks (int): Max supported workspace chunks + maxConcurrentRequests (int): Max concurrent requests + fileExtensionToChunkingScheme (dict): Map between the file extensions and their chunking schema + idleTimeoutSeconds (int): The idle timeout without any activity before the workspace is refreshed. + """ + + def __init__(self, client, maxSupportedWorkspaceFiles=None, maxSupportedWorkspaceChunks=None, maxConcurrentRequests=None, fileExtensionToChunkingScheme=None, idleTimeoutSeconds=None): + super().__init__(client, None) + self.max_supported_workspace_files = maxSupportedWorkspaceFiles + self.max_supported_workspace_chunks = maxSupportedWorkspaceChunks + self.max_concurrent_requests = maxConcurrentRequests + self.file_extension_to_chunking_scheme = fileExtensionToChunkingScheme + self.idle_timeout_seconds = idleTimeoutSeconds + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'max_supported_workspace_files': repr(self.max_supported_workspace_files), f'max_supported_workspace_chunks': repr(self.max_supported_workspace_chunks), f'max_concurrent_requests': repr( + self.max_concurrent_requests), f'file_extension_to_chunking_scheme': repr(self.file_extension_to_chunking_scheme), f'idle_timeout_seconds': repr(self.idle_timeout_seconds)} + class_name = "CodellmEmbeddingConstants" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'max_supported_workspace_files': self.max_supported_workspace_files, 'max_supported_workspace_chunks': self.max_supported_workspace_chunks, + 'max_concurrent_requests': self.max_concurrent_requests, 'file_extension_to_chunking_scheme': self.file_extension_to_chunking_scheme, 'idle_timeout_seconds': self.idle_timeout_seconds} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/compute_point_info.py b/abacusai/compute_point_info.py index af84dbc02..bfebe6d4d 100644 --- a/abacusai/compute_point_info.py +++ b/abacusai/compute_point_info.py @@ -13,9 +13,10 @@ class ComputePointInfo(AbstractApiClass): currMonthAvailPoints (int): The current month's available compute points currMonthUsage (int): The current month's usage compute points lastThrottlePopUp (str): The last time the organization was throttled + alwaysDisplay (bool): Whether to always display the compute point toggle """ - def __init__(self, client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None): + def __init__(self, client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None, alwaysDisplay=None): super().__init__(client, None) self.updated_at = updatedAt self.last_24_hours_usage = last24HoursUsage @@ -23,11 +24,12 @@ def __init__(self, client, updatedAt=None, last24HoursUsage=None, last7DaysUsage self.curr_month_avail_points = currMonthAvailPoints self.curr_month_usage = currMonthUsage self.last_throttle_pop_up = lastThrottlePopUp + self.always_display = alwaysDisplay self.deprecated_keys = {} def __repr__(self): repr_dict = {f'updated_at': repr(self.updated_at), f'last_24_hours_usage': repr(self.last_24_hours_usage), f'last_7_days_usage': repr(self.last_7_days_usage), f'curr_month_avail_points': repr( - self.curr_month_avail_points), f'curr_month_usage': repr(self.curr_month_usage), f'last_throttle_pop_up': repr(self.last_throttle_pop_up)} + self.curr_month_avail_points), f'curr_month_usage': repr(self.curr_month_usage), f'last_throttle_pop_up': repr(self.last_throttle_pop_up), f'always_display': repr(self.always_display)} class_name = "ComputePointInfo" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -40,6 +42,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'updated_at': self.updated_at, 'last_24_hours_usage': self.last_24_hours_usage, 'last_7_days_usage': self.last_7_days_usage, - 'curr_month_avail_points': self.curr_month_avail_points, 'curr_month_usage': self.curr_month_usage, 'last_throttle_pop_up': self.last_throttle_pop_up} + resp = {'updated_at': self.updated_at, 'last_24_hours_usage': self.last_24_hours_usage, 'last_7_days_usage': self.last_7_days_usage, 'curr_month_avail_points': + self.curr_month_avail_points, 'curr_month_usage': self.curr_month_usage, 'last_throttle_pop_up': self.last_throttle_pop_up, 'always_display': self.always_display} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/constants_autocomplete_response.py b/abacusai/constants_autocomplete_response.py new file mode 100644 index 000000000..8d1917a76 --- /dev/null +++ b/abacusai/constants_autocomplete_response.py @@ -0,0 +1,111 @@ +from .return_class import AbstractApiClass + + +class ConstantsAutocompleteResponse(AbstractApiClass): + """ + A dictionary of constants to be used in the autocomplete. + + Args: + client (ApiClient): An authenticated API Client instance + maxPendingRequests (int): The maximum number of pending requests. + acceptanceDelay (int): The acceptance delay. + debounceDelay (int): The debounce delay. + recordUserAction (bool): Whether to record user action. + validateSuggestion (bool): Whether to validate the suggestion. + validationLinesThreshold (int): The number of lines to validate the suggestion. + maxTrackedRecentChanges (int): The maximum number of recent file changes to track. + diffThreshold (int): The diff operations threshold. + derivativeThreshold (int): The derivative threshold for deletions + defaultSurroundingLines (int): The default number of surrounding lines to include in the recently visited context. + maxTrackedVisitChanges (int): The maximum number of recently visited ranges to track. + selectionCooldownMs (int): The cooldown time in milliseconds for selection changes. + viewingCooldownMs (int): The cooldown time in milliseconds for viewing changes. + maxLines (int): The maximum number of lines to include in recently visited context. + editCooldownMs (int): The cooldown time in milliseconds after last edit. + scrollDebounceMs (int): The debounce time in milliseconds for scroll events. + lspDeadline (int): The deadline in milliseconds for LSP context. + diagnosticsThreshold (int): The max number of diagnostics to show. + diagnosticEachThreshold (int): The max number of characters to show for each diagnostic type. + numVsCodeSuggestions (int): The number of VS Code suggestions to show. + minReindexingInterval (int): The minimum interval between reindexes in ms. + minRefreshSummaryInterval (int): The minimum interval between refresh summary in ms. + summaryBatchSize (int): The batch size for code summary in autocomplete. + jobReorderInterval (int): The interval in ms to reorder jobs in the job queue for summary. + stopRapidChanges (bool): Whether to stop rapid changes in autocomplete. + delaySummaryBatches (int): The delay in ms between summary batches. + delaySummaryBatchesRateLimit (int): The delay in ms in case of rate limit for delay summary batches. + maxSymbolsFuzzyMatch (int): The max number of symbols to fuzzy match. + fuzzySymbolMatchThreshold (int): The threshold for fuzzy symbol match. + symbolsCacheUpdateInterval (int): The interval in ms to update the symbols cache. + symbolsStorageUpdateInterval (int): The interval in ms to update the symbols storage. + editPredictionSimilarityThreshold (int): The threshold for edit prediction similarity. + minSearchWordLength (int): The minimum length of the word to be searched. + maxOccurrencesPerWord (int): The maximum occurrences of a particular search word present in the file. + maxWordsContentMatches (int): The maximum number of content matches from the client. + editPredictionEnabled (bool): Whether to enable edit prediction. + snapshotIntervalMs (int): The interval in ms to snapshot the file for recent file changes. + linesForSnapshot (int): Limit of max number of lines to snapshot for recent file changes. + embeddingConstants (codellmembeddingconstants): Embedding constants + """ + + def __init__(self, client, maxPendingRequests=None, acceptanceDelay=None, debounceDelay=None, recordUserAction=None, validateSuggestion=None, validationLinesThreshold=None, maxTrackedRecentChanges=None, diffThreshold=None, derivativeThreshold=None, defaultSurroundingLines=None, maxTrackedVisitChanges=None, selectionCooldownMs=None, viewingCooldownMs=None, maxLines=None, editCooldownMs=None, scrollDebounceMs=None, lspDeadline=None, diagnosticsThreshold=None, diagnosticEachThreshold=None, numVsCodeSuggestions=None, minReindexingInterval=None, minRefreshSummaryInterval=None, summaryBatchSize=None, jobReorderInterval=None, stopRapidChanges=None, delaySummaryBatches=None, delaySummaryBatchesRateLimit=None, maxSymbolsFuzzyMatch=None, fuzzySymbolMatchThreshold=None, symbolsCacheUpdateInterval=None, symbolsStorageUpdateInterval=None, editPredictionSimilarityThreshold=None, minSearchWordLength=None, maxOccurrencesPerWord=None, maxWordsContentMatches=None, editPredictionEnabled=None, snapshotIntervalMs=None, linesForSnapshot=None, embeddingConstants=None): + super().__init__(client, None) + self.max_pending_requests = maxPendingRequests + self.acceptance_delay = acceptanceDelay + self.debounce_delay = debounceDelay + self.record_user_action = recordUserAction + self.validate_suggestion = validateSuggestion + self.validation_lines_threshold = validationLinesThreshold + self.max_tracked_recent_changes = maxTrackedRecentChanges + self.diff_threshold = diffThreshold + self.derivative_threshold = derivativeThreshold + self.default_surrounding_lines = defaultSurroundingLines + self.max_tracked_visit_changes = maxTrackedVisitChanges + self.selection_cooldown_ms = selectionCooldownMs + self.viewing_cooldown_ms = viewingCooldownMs + self.max_lines = maxLines + self.edit_cooldown_ms = editCooldownMs + self.scroll_debounce_ms = scrollDebounceMs + self.lsp_deadline = lspDeadline + self.diagnostics_threshold = diagnosticsThreshold + self.diagnostic_each_threshold = diagnosticEachThreshold + self.num_vs_code_suggestions = numVsCodeSuggestions + self.min_reindexing_interval = minReindexingInterval + self.min_refresh_summary_interval = minRefreshSummaryInterval + self.summary_batch_size = summaryBatchSize + self.job_reorder_interval = jobReorderInterval + self.stop_rapid_changes = stopRapidChanges + self.delay_summary_batches = delaySummaryBatches + self.delay_summary_batches_rate_limit = delaySummaryBatchesRateLimit + self.max_symbols_fuzzy_match = maxSymbolsFuzzyMatch + self.fuzzy_symbol_match_threshold = fuzzySymbolMatchThreshold + self.symbols_cache_update_interval = symbolsCacheUpdateInterval + self.symbols_storage_update_interval = symbolsStorageUpdateInterval + self.edit_prediction_similarity_threshold = editPredictionSimilarityThreshold + self.min_search_word_length = minSearchWordLength + self.max_occurrences_per_word = maxOccurrencesPerWord + self.max_words_content_matches = maxWordsContentMatches + self.edit_prediction_enabled = editPredictionEnabled + self.snapshot_interval_ms = snapshotIntervalMs + self.lines_for_snapshot = linesForSnapshot + self.embedding_constants = embeddingConstants + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'max_pending_requests': repr(self.max_pending_requests), f'acceptance_delay': repr(self.acceptance_delay), f'debounce_delay': repr(self.debounce_delay), f'record_user_action': repr(self.record_user_action), f'validate_suggestion': repr(self.validate_suggestion), f'validation_lines_threshold': repr(self.validation_lines_threshold), f'max_tracked_recent_changes': repr(self.max_tracked_recent_changes), f'diff_threshold': repr(self.diff_threshold), f'derivative_threshold': repr(self.derivative_threshold), f'default_surrounding_lines': repr(self.default_surrounding_lines), f'max_tracked_visit_changes': repr(self.max_tracked_visit_changes), f'selection_cooldown_ms': repr(self.selection_cooldown_ms), f'viewing_cooldown_ms': repr(self.viewing_cooldown_ms), f'max_lines': repr(self.max_lines), f'edit_cooldown_ms': repr(self.edit_cooldown_ms), f'scroll_debounce_ms': repr(self.scroll_debounce_ms), f'lsp_deadline': repr(self.lsp_deadline), f'diagnostics_threshold': repr(self.diagnostics_threshold), f'diagnostic_each_threshold': repr(self.diagnostic_each_threshold), f'num_vs_code_suggestions': repr(self.num_vs_code_suggestions), f'min_reindexing_interval': repr( + self.min_reindexing_interval), f'min_refresh_summary_interval': repr(self.min_refresh_summary_interval), f'summary_batch_size': repr(self.summary_batch_size), f'job_reorder_interval': repr(self.job_reorder_interval), f'stop_rapid_changes': repr(self.stop_rapid_changes), f'delay_summary_batches': repr(self.delay_summary_batches), f'delay_summary_batches_rate_limit': repr(self.delay_summary_batches_rate_limit), f'max_symbols_fuzzy_match': repr(self.max_symbols_fuzzy_match), f'fuzzy_symbol_match_threshold': repr(self.fuzzy_symbol_match_threshold), f'symbols_cache_update_interval': repr(self.symbols_cache_update_interval), f'symbols_storage_update_interval': repr(self.symbols_storage_update_interval), f'edit_prediction_similarity_threshold': repr(self.edit_prediction_similarity_threshold), f'min_search_word_length': repr(self.min_search_word_length), f'max_occurrences_per_word': repr(self.max_occurrences_per_word), f'max_words_content_matches': repr(self.max_words_content_matches), f'edit_prediction_enabled': repr(self.edit_prediction_enabled), f'snapshot_interval_ms': repr(self.snapshot_interval_ms), f'lines_for_snapshot': repr(self.lines_for_snapshot), f'embedding_constants': repr(self.embedding_constants)} + class_name = "ConstantsAutocompleteResponse" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'max_pending_requests': self.max_pending_requests, 'acceptance_delay': self.acceptance_delay, 'debounce_delay': self.debounce_delay, 'record_user_action': self.record_user_action, 'validate_suggestion': self.validate_suggestion, 'validation_lines_threshold': self.validation_lines_threshold, 'max_tracked_recent_changes': self.max_tracked_recent_changes, 'diff_threshold': self.diff_threshold, 'derivative_threshold': self.derivative_threshold, 'default_surrounding_lines': self.default_surrounding_lines, 'max_tracked_visit_changes': self.max_tracked_visit_changes, 'selection_cooldown_ms': self.selection_cooldown_ms, 'viewing_cooldown_ms': self.viewing_cooldown_ms, 'max_lines': self.max_lines, 'edit_cooldown_ms': self.edit_cooldown_ms, 'scroll_debounce_ms': self.scroll_debounce_ms, 'lsp_deadline': self.lsp_deadline, 'diagnostics_threshold': self.diagnostics_threshold, 'diagnostic_each_threshold': self.diagnostic_each_threshold, 'num_vs_code_suggestions': self.num_vs_code_suggestions, 'min_reindexing_interval': self.min_reindexing_interval, + 'min_refresh_summary_interval': self.min_refresh_summary_interval, 'summary_batch_size': self.summary_batch_size, 'job_reorder_interval': self.job_reorder_interval, 'stop_rapid_changes': self.stop_rapid_changes, 'delay_summary_batches': self.delay_summary_batches, 'delay_summary_batches_rate_limit': self.delay_summary_batches_rate_limit, 'max_symbols_fuzzy_match': self.max_symbols_fuzzy_match, 'fuzzy_symbol_match_threshold': self.fuzzy_symbol_match_threshold, 'symbols_cache_update_interval': self.symbols_cache_update_interval, 'symbols_storage_update_interval': self.symbols_storage_update_interval, 'edit_prediction_similarity_threshold': self.edit_prediction_similarity_threshold, 'min_search_word_length': self.min_search_word_length, 'max_occurrences_per_word': self.max_occurrences_per_word, 'max_words_content_matches': self.max_words_content_matches, 'edit_prediction_enabled': self.edit_prediction_enabled, 'snapshot_interval_ms': self.snapshot_interval_ms, 'lines_for_snapshot': self.lines_for_snapshot, 'embedding_constants': self.embedding_constants} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/custom_chat_instructions.py b/abacusai/custom_chat_instructions.py index 3200de717..fbfb75e0b 100644 --- a/abacusai/custom_chat_instructions.py +++ b/abacusai/custom_chat_instructions.py @@ -13,10 +13,11 @@ class CustomChatInstructions(AbstractApiClass): enableImageGeneration (bool): Whether or not image generation is enabled. enableWebSearch (bool): Whether or not web search is enabled. enablePlayground (bool): Whether or not playground is enabled. + enableMemories (bool): Whether or not memories are enabled. experimentalFeatures (dict): Experimental features. """ - def __init__(self, client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, experimentalFeatures=None): + def __init__(self, client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, enableMemories=None, experimentalFeatures=None): super().__init__(client, None) self.user_information_instructions = userInformationInstructions self.response_instructions = responseInstructions @@ -24,12 +25,13 @@ def __init__(self, client, userInformationInstructions=None, responseInstruction self.enable_image_generation = enableImageGeneration self.enable_web_search = enableWebSearch self.enable_playground = enablePlayground + self.enable_memories = enableMemories self.experimental_features = experimentalFeatures self.deprecated_keys = {} def __repr__(self): repr_dict = {f'user_information_instructions': repr(self.user_information_instructions), f'response_instructions': repr(self.response_instructions), f'enable_code_execution': repr(self.enable_code_execution), f'enable_image_generation': repr( - self.enable_image_generation), f'enable_web_search': repr(self.enable_web_search), f'enable_playground': repr(self.enable_playground), f'experimental_features': repr(self.experimental_features)} + self.enable_image_generation), f'enable_web_search': repr(self.enable_web_search), f'enable_playground': repr(self.enable_playground), f'enable_memories': repr(self.enable_memories), f'experimental_features': repr(self.experimental_features)} class_name = "CustomChatInstructions" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -42,6 +44,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'user_information_instructions': self.user_information_instructions, 'response_instructions': self.response_instructions, 'enable_code_execution': self.enable_code_execution, - 'enable_image_generation': self.enable_image_generation, 'enable_web_search': self.enable_web_search, 'enable_playground': self.enable_playground, 'experimental_features': self.experimental_features} + resp = {'user_information_instructions': self.user_information_instructions, 'response_instructions': self.response_instructions, 'enable_code_execution': self.enable_code_execution, 'enable_image_generation': + self.enable_image_generation, 'enable_web_search': self.enable_web_search, 'enable_playground': self.enable_playground, 'enable_memories': self.enable_memories, 'experimental_features': self.experimental_features} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/custom_domain.py b/abacusai/custom_domain.py new file mode 100644 index 000000000..66c67b041 --- /dev/null +++ b/abacusai/custom_domain.py @@ -0,0 +1,41 @@ +from .return_class import AbstractApiClass + + +class CustomDomain(AbstractApiClass): + """ + Result of adding a custom domain to a hosted app + + Args: + client (ApiClient): An authenticated API Client instance + status (bool): Whether the custom domain was added successfully + message (str): The message from the custom domain + expectedNameservers (list): The expected nameservers for the custom domain + currentNameservers (list): The current nameservers for the custom domain + """ + + def __init__(self, client, status=None, message=None, expectedNameservers=None, currentNameservers=None): + super().__init__(client, None) + self.status = status + self.message = message + self.expected_nameservers = expectedNameservers + self.current_nameservers = currentNameservers + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'status': repr(self.status), f'message': repr(self.message), f'expected_nameservers': repr( + self.expected_nameservers), f'current_nameservers': repr(self.current_nameservers)} + class_name = "CustomDomain" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'status': self.status, 'message': self.message, 'expected_nameservers': + self.expected_nameservers, 'current_nameservers': self.current_nameservers} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/daemon_task_conversation.py b/abacusai/daemon_task_conversation.py new file mode 100644 index 000000000..c09903820 --- /dev/null +++ b/abacusai/daemon_task_conversation.py @@ -0,0 +1,43 @@ +from .return_class import AbstractApiClass + + +class DaemonTaskConversation(AbstractApiClass): + """ + Daemon Task Conversation + + Args: + client (ApiClient): An authenticated API Client instance + deploymentConversationId (id): The ID of the deployment conversation + createdAt (str): The creation timestamp + updatedAt (str): The last update timestamp + deploymentConversationName (str): The name of the conversation + externalApplicationId (str): The external application ID + """ + + def __init__(self, client, deploymentConversationId=None, createdAt=None, updatedAt=None, deploymentConversationName=None, externalApplicationId=None): + super().__init__(client, None) + self.deployment_conversation_id = deploymentConversationId + self.created_at = createdAt + self.updated_at = updatedAt + self.deployment_conversation_name = deploymentConversationName + self.external_application_id = externalApplicationId + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'deployment_conversation_id': repr(self.deployment_conversation_id), f'created_at': repr(self.created_at), f'updated_at': repr( + self.updated_at), f'deployment_conversation_name': repr(self.deployment_conversation_name), f'external_application_id': repr(self.external_application_id)} + class_name = "DaemonTaskConversation" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'deployment_conversation_id': self.deployment_conversation_id, 'created_at': self.created_at, 'updated_at': self.updated_at, + 'deployment_conversation_name': self.deployment_conversation_name, 'external_application_id': self.external_application_id} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/database_connector.py b/abacusai/database_connector.py index d574db35d..74c00af48 100644 --- a/abacusai/database_connector.py +++ b/abacusai/database_connector.py @@ -101,3 +101,27 @@ def query(self, query: str): query (str): The query to be run in the database connector. """ return self.client.query_database_connector(self.database_connector_id, query) + + def query_datallm(self, query: str): + """ + Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM + + and enforces read-only access with user-specific access control. + + + Args: + query (str): The query to be run in the database connector (must be read-only). + """ + return self.client.query_database_connector_datallm(self.database_connector_id, query) + + def get_auth(self): + """ + Get the authentication details for a given database connector. + + Args: + database_connector_id (str): The unique ID associated with the database connector. + + Returns: + DatabaseConnector: The database connector with the authentication details. + """ + return self.client.get_database_connector_auth(self.database_connector_id) diff --git a/abacusai/dataset.py b/abacusai/dataset.py index 2668946ad..00ce862aa 100644 --- a/abacusai/dataset.py +++ b/abacusai/dataset.py @@ -96,6 +96,18 @@ def to_dict(self): 'extract_bounding_boxes': self.extract_bounding_boxes, 'merge_file_schemas': self.merge_file_schemas, 'reference_only_documentset': self.reference_only_documentset, 'version_limit': self.version_limit, 'schema': self._get_attribute_as_dict(self.schema), 'refresh_schedules': self._get_attribute_as_dict(self.refresh_schedules), 'latest_dataset_version': self._get_attribute_as_dict(self.latest_dataset_version), 'parsing_config': self._get_attribute_as_dict(self.parsing_config), 'document_processing_config': self._get_attribute_as_dict(self.document_processing_config), 'attachment_parsing_config': self._get_attribute_as_dict(self.attachment_parsing_config)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} + def get_raw_data_from_realtime(self, check_permissions: bool = False, start_time: str = None, end_time: str = None, column_filter: dict = None): + """ + Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets. + + Args: + check_permissions (bool): If True, checks user permissions using session email. + start_time (str): Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + end_time (str): End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + column_filter (dict): Dictionary mapping column names to filter values. Only rows matching all column filters will be returned. + """ + return self.client.get_raw_data_from_realtime_dataset(self.dataset_id, check_permissions, start_time, end_time, column_filter) + def create_version_from_file_connector(self, location: str = None, file_format: str = None, csv_delimiter: str = None, merge_file_schemas: bool = None, parsing_config: Union[dict, ParsingConfig] = None, sql_query: str = None): """ Creates a new version of the specified dataset. diff --git a/abacusai/default_llm.py b/abacusai/default_llm.py new file mode 100644 index 000000000..be621a4ab --- /dev/null +++ b/abacusai/default_llm.py @@ -0,0 +1,35 @@ +from .return_class import AbstractApiClass + + +class DefaultLlm(AbstractApiClass): + """ + A default LLM. + + Args: + client (ApiClient): An authenticated API Client instance + name (str): The name of the LLM. + enum (str): The enum of the LLM. + """ + + def __init__(self, client, name=None, enum=None): + super().__init__(client, None) + self.name = name + self.enum = enum + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'name': repr(self.name), f'enum': repr(self.enum)} + class_name = "DefaultLlm" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'name': self.name, 'enum': self.enum} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/deployment.py b/abacusai/deployment.py index ca4bea4fb..722086128 100644 --- a/abacusai/deployment.py +++ b/abacusai/deployment.py @@ -43,12 +43,13 @@ class Deployment(AbstractApiClass): outputOnlineFeatureGroupId (id): The online feature group ID that the deployment is outputting results to realtimeMonitorId (id): The realtime monitor ID of the realtime-monitor that is associated with the deployment runtimeConfigs (dict): The runtime configurations of a deployment which is used by some of the usecases during prediction. + isSystemCreated (bool): Whether the deployment is system created. refreshSchedules (RefreshSchedule): A list of refresh schedules that indicate when the deployment will be updated to the latest model version. featureGroupExportConfig (FeatureGroupExportConfig): The export config (file connector or database connector information) for feature group deployment exports. defaultPredictionArguments (PredictionArguments): The default prediction arguments for prediction APIs """ - def __init__(self, client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={}): + def __init__(self, client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, isSystemCreated=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={}): super().__init__(client, deploymentId) self.deployment_id = deploymentId self.name = name @@ -78,6 +79,7 @@ def __init__(self, client, deploymentId=None, name=None, status=None, descriptio self.output_online_feature_group_id = outputOnlineFeatureGroupId self.realtime_monitor_id = realtimeMonitorId self.runtime_configs = runtimeConfigs + self.is_system_created = isSystemCreated self.refresh_schedules = client._build_class( RefreshSchedule, refreshSchedules) self.feature_group_export_config = client._build_class( @@ -87,8 +89,8 @@ def __init__(self, client, deploymentId=None, name=None, status=None, descriptio self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'deployment_id': repr(self.deployment_id), f'name': repr(self.name), f'status': repr(self.status), f'description': repr(self.description), f'deployed_at': repr(self.deployed_at), f'created_at': repr(self.created_at), f'project_id': repr(self.project_id), f'model_id': repr(self.model_id), f'model_version': repr(self.model_version), f'feature_group_id': repr(self.feature_group_id), f'feature_group_version': repr(self.feature_group_version), f'calls_per_second': repr(self.calls_per_second), f'auto_deploy': repr(self.auto_deploy), f'skip_metrics_check': repr(self.skip_metrics_check), f'algo_name': repr(self.algo_name), f'regions': repr(self.regions), f'error': repr(self.error), f'batch_streaming_updates': repr(self.batch_streaming_updates), f'algorithm': repr( - self.algorithm), f'pending_model_version': repr(self.pending_model_version), f'model_deployment_config': repr(self.model_deployment_config), f'prediction_operator_id': repr(self.prediction_operator_id), f'prediction_operator_version': repr(self.prediction_operator_version), f'pending_prediction_operator_version': repr(self.pending_prediction_operator_version), f'online_feature_group_id': repr(self.online_feature_group_id), f'output_online_feature_group_id': repr(self.output_online_feature_group_id), f'realtime_monitor_id': repr(self.realtime_monitor_id), f'runtime_configs': repr(self.runtime_configs), f'refresh_schedules': repr(self.refresh_schedules), f'feature_group_export_config': repr(self.feature_group_export_config), f'default_prediction_arguments': repr(self.default_prediction_arguments)} + repr_dict = {f'deployment_id': repr(self.deployment_id), f'name': repr(self.name), f'status': repr(self.status), f'description': repr(self.description), f'deployed_at': repr(self.deployed_at), f'created_at': repr(self.created_at), f'project_id': repr(self.project_id), f'model_id': repr(self.model_id), f'model_version': repr(self.model_version), f'feature_group_id': repr(self.feature_group_id), f'feature_group_version': repr(self.feature_group_version), f'calls_per_second': repr(self.calls_per_second), f'auto_deploy': repr(self.auto_deploy), f'skip_metrics_check': repr(self.skip_metrics_check), f'algo_name': repr(self.algo_name), f'regions': repr(self.regions), f'error': repr(self.error), f'batch_streaming_updates': repr(self.batch_streaming_updates), f'algorithm': repr(self.algorithm), f'pending_model_version': repr( + self.pending_model_version), f'model_deployment_config': repr(self.model_deployment_config), f'prediction_operator_id': repr(self.prediction_operator_id), f'prediction_operator_version': repr(self.prediction_operator_version), f'pending_prediction_operator_version': repr(self.pending_prediction_operator_version), f'online_feature_group_id': repr(self.online_feature_group_id), f'output_online_feature_group_id': repr(self.output_online_feature_group_id), f'realtime_monitor_id': repr(self.realtime_monitor_id), f'runtime_configs': repr(self.runtime_configs), f'is_system_created': repr(self.is_system_created), f'refresh_schedules': repr(self.refresh_schedules), f'feature_group_export_config': repr(self.feature_group_export_config), f'default_prediction_arguments': repr(self.default_prediction_arguments)} class_name = "Deployment" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -101,8 +103,8 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'deployment_id': self.deployment_id, 'name': self.name, 'status': self.status, 'description': self.description, 'deployed_at': self.deployed_at, 'created_at': self.created_at, 'project_id': self.project_id, 'model_id': self.model_id, 'model_version': self.model_version, 'feature_group_id': self.feature_group_id, 'feature_group_version': self.feature_group_version, 'calls_per_second': self.calls_per_second, 'auto_deploy': self.auto_deploy, 'skip_metrics_check': self.skip_metrics_check, 'algo_name': self.algo_name, 'regions': self.regions, 'error': self.error, 'batch_streaming_updates': self.batch_streaming_updates, 'algorithm': self.algorithm, 'pending_model_version': self.pending_model_version, - 'model_deployment_config': self.model_deployment_config, 'prediction_operator_id': self.prediction_operator_id, 'prediction_operator_version': self.prediction_operator_version, 'pending_prediction_operator_version': self.pending_prediction_operator_version, 'online_feature_group_id': self.online_feature_group_id, 'output_online_feature_group_id': self.output_online_feature_group_id, 'realtime_monitor_id': self.realtime_monitor_id, 'runtime_configs': self.runtime_configs, 'refresh_schedules': self._get_attribute_as_dict(self.refresh_schedules), 'feature_group_export_config': self._get_attribute_as_dict(self.feature_group_export_config), 'default_prediction_arguments': self._get_attribute_as_dict(self.default_prediction_arguments)} + resp = {'deployment_id': self.deployment_id, 'name': self.name, 'status': self.status, 'description': self.description, 'deployed_at': self.deployed_at, 'created_at': self.created_at, 'project_id': self.project_id, 'model_id': self.model_id, 'model_version': self.model_version, 'feature_group_id': self.feature_group_id, 'feature_group_version': self.feature_group_version, 'calls_per_second': self.calls_per_second, 'auto_deploy': self.auto_deploy, 'skip_metrics_check': self.skip_metrics_check, 'algo_name': self.algo_name, 'regions': self.regions, 'error': self.error, 'batch_streaming_updates': self.batch_streaming_updates, 'algorithm': self.algorithm, 'pending_model_version': self.pending_model_version, 'model_deployment_config': self.model_deployment_config, + 'prediction_operator_id': self.prediction_operator_id, 'prediction_operator_version': self.prediction_operator_version, 'pending_prediction_operator_version': self.pending_prediction_operator_version, 'online_feature_group_id': self.online_feature_group_id, 'output_online_feature_group_id': self.output_online_feature_group_id, 'realtime_monitor_id': self.realtime_monitor_id, 'runtime_configs': self.runtime_configs, 'is_system_created': self.is_system_created, 'refresh_schedules': self._get_attribute_as_dict(self.refresh_schedules), 'feature_group_export_config': self._get_attribute_as_dict(self.feature_group_export_config), 'default_prediction_arguments': self._get_attribute_as_dict(self.default_prediction_arguments)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} def create_webhook(self, endpoint: str, webhook_event_type: str, payload_template: dict = None): @@ -343,7 +345,7 @@ def create_realtime_monitor(self, realtime_monitor_schedule: str = None, lookbac """ return self.client.create_realtime_monitor(self.deployment_id, realtime_monitor_schedule, lookback_time) - def get_conversation_response(self, message: str, deployment_token: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, doc_infos: list = None): + def get_conversation_response(self, message: str, deployment_token: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, doc_infos: list = None, user_info: dict = None, execute_usercode_tool: bool = False): """ Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -360,8 +362,9 @@ def get_conversation_response(self, message: str, deployment_token: str, deploym search_score_cutoff (float): Cutoff for the document retriever score. Matching search results below this score will be ignored. chat_config (dict): A dictionary specifiying the query chat config override. doc_infos (list): An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. + execute_usercode_tool (bool): If True, will return the tool output in the response. """ - return self.client.get_conversation_response(self.deployment_id, message, deployment_token, deployment_conversation_id, external_session_id, llm_name, num_completion_tokens, system_message, temperature, filter_key_values, search_score_cutoff, chat_config, doc_infos) + return self.client.get_conversation_response(self.deployment_id, message, deployment_token, deployment_conversation_id, external_session_id, llm_name, num_completion_tokens, system_message, temperature, filter_key_values, search_score_cutoff, chat_config, doc_infos, user_info, execute_usercode_tool) def get_conversation_response_with_binary_data(self, deployment_token: str, message: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, attachments: None = None): """ @@ -495,7 +498,7 @@ def create_conversation(self, name: str = None, external_application_id: str = N """ return self.client.create_deployment_conversation(self.deployment_id, name, external_application_id) - def list_conversations(self, external_application_id: str = None, conversation_type: Union[dict, DeploymentConversationType] = None, fetch_last_llm_info: bool = False): + def list_conversations(self, external_application_id: str = None, conversation_type: Union[dict, DeploymentConversationType] = None, fetch_last_llm_info: bool = False, limit: int = None, search: str = None): """ Lists all conversations for the given deployment and current user. @@ -503,11 +506,13 @@ def list_conversations(self, external_application_id: str = None, conversation_t external_application_id (str): The external application id associated with the deployment conversation. If specified, only conversations created on that application will be listed. conversation_type (DeploymentConversationType): The type of the conversation indicating its origin. fetch_last_llm_info (bool): If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots. + limit (int): The number of conversations to return. Defaults to 600. + search (str): The search query to filter conversations by title. Returns: list[DeploymentConversation]: The deployment conversations. """ - return self.client.list_deployment_conversations(self.deployment_id, external_application_id, conversation_type, fetch_last_llm_info) + return self.client.list_deployment_conversations(self.deployment_id, external_application_id, conversation_type, fetch_last_llm_info, limit, search) def create_external_application(self, name: str = None, description: str = None, logo: str = None, theme: dict = None): """ diff --git a/abacusai/deployment_conversation.py b/abacusai/deployment_conversation.py index d211c1c89..591638817 100644 --- a/abacusai/deployment_conversation.py +++ b/abacusai/deployment_conversation.py @@ -1,4 +1,5 @@ from .deployment_conversation_event import DeploymentConversationEvent +from .hosted_artifact import HostedArtifact from .return_class import AbstractApiClass @@ -11,6 +12,8 @@ class DeploymentConversation(AbstractApiClass): deploymentConversationId (str): The unique identifier of the deployment conversation. name (str): The name of the deployment conversation. deploymentId (str): The deployment id associated with the deployment conversation. + ownerUserId (str): The user id of the owner of the deployment conversation. + ownerOrgId (str): The organization id of the owner of the deployment conversation. createdAt (str): The timestamp at which the deployment conversation was created. lastEventCreatedAt (str): The timestamp at which the most recent corresponding deployment conversation event was created at. hasHistory (bool): Whether the deployment conversation has any history. @@ -26,14 +29,28 @@ class DeploymentConversation(AbstractApiClass): llmBotIcon (str): The icon location of the LLM model used to generate the most recent response. Only used for system-created bots. searchSuggestions (list): The list of search suggestions for the conversation. chatllmTaskId (str): The chatllm task id associated with the deployment conversation. + conversationStatus (str): The status of the deployment conversation (used for deep agent conversations). + computerStatus (str): The status of the computer associated with the deployment conversation (used for deep agent conversations). + filesystemStatus (str): The status of the filesystem associated with the deployment conversation (used for deep agent conversations). + totalEvents (int): The total number of events in the deployment conversation. + contestNames (list[str]): Names of contests that this deployment is a part of. + daemonTaskId (str): The daemon task id associated with the deployment conversation. + parentDeploymentConversationId (str): The parent deployment conversation id associated with the deployment conversation. + introMessage (str): The intro message for the deployment conversation. + previewInfo (dict): App preview info. + latestContext (dict): dict containing a list of important segments for pagination in deepagent. + shareType (str): The sharing status of the deployment conversation (PUBLIC or PRIVATE). history (DeploymentConversationEvent): The history of the deployment conversation. + hostedArtifacts (HostedArtifact): Artifacts that have been deployed by this conversation. """ - def __init__(self, client, deploymentConversationId=None, name=None, deploymentId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, history={}): + def __init__(self, client, deploymentConversationId=None, name=None, deploymentId=None, ownerUserId=None, ownerOrgId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, conversationStatus=None, computerStatus=None, filesystemStatus=None, totalEvents=None, contestNames=None, daemonTaskId=None, parentDeploymentConversationId=None, introMessage=None, previewInfo=None, latestContext=None, shareType=None, history={}, hostedArtifacts={}): super().__init__(client, deploymentConversationId) self.deployment_conversation_id = deploymentConversationId self.name = name self.deployment_id = deploymentId + self.owner_user_id = ownerUserId + self.owner_org_id = ownerOrgId self.created_at = createdAt self.last_event_created_at = lastEventCreatedAt self.has_history = hasHistory @@ -49,13 +66,26 @@ def __init__(self, client, deploymentConversationId=None, name=None, deploymentI self.llm_bot_icon = llmBotIcon self.search_suggestions = searchSuggestions self.chatllm_task_id = chatllmTaskId + self.conversation_status = conversationStatus + self.computer_status = computerStatus + self.filesystem_status = filesystemStatus + self.total_events = totalEvents + self.contest_names = contestNames + self.daemon_task_id = daemonTaskId + self.parent_deployment_conversation_id = parentDeploymentConversationId + self.intro_message = introMessage + self.preview_info = previewInfo + self.latest_context = latestContext + self.share_type = shareType self.history = client._build_class( DeploymentConversationEvent, history) + self.hosted_artifacts = client._build_class( + HostedArtifact, hostedArtifacts) self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'deployment_conversation_id': repr(self.deployment_conversation_id), f'name': repr(self.name), f'deployment_id': repr(self.deployment_id), f'created_at': repr(self.created_at), f'last_event_created_at': repr(self.last_event_created_at), f'has_history': repr(self.has_history), f'external_session_id': repr(self.external_session_id), f'regenerate_attempt': repr(self.regenerate_attempt), f'external_application_id': repr(self.external_application_id), f'unused_document_upload_ids': repr( - self.unused_document_upload_ids), f'humanize_instructions': repr(self.humanize_instructions), f'conversation_warning': repr(self.conversation_warning), f'conversation_type': repr(self.conversation_type), f'metadata': repr(self.metadata), f'llm_display_name': repr(self.llm_display_name), f'llm_bot_icon': repr(self.llm_bot_icon), f'search_suggestions': repr(self.search_suggestions), f'chatllm_task_id': repr(self.chatllm_task_id), f'history': repr(self.history)} + repr_dict = {f'deployment_conversation_id': repr(self.deployment_conversation_id), f'name': repr(self.name), f'deployment_id': repr(self.deployment_id), f'owner_user_id': repr(self.owner_user_id), f'owner_org_id': repr(self.owner_org_id), f'created_at': repr(self.created_at), f'last_event_created_at': repr(self.last_event_created_at), f'has_history': repr(self.has_history), f'external_session_id': repr(self.external_session_id), f'regenerate_attempt': repr(self.regenerate_attempt), f'external_application_id': repr(self.external_application_id), f'unused_document_upload_ids': repr(self.unused_document_upload_ids), f'humanize_instructions': repr(self.humanize_instructions), f'conversation_warning': repr(self.conversation_warning), f'conversation_type': repr(self.conversation_type), f'metadata': repr( + self.metadata), f'llm_display_name': repr(self.llm_display_name), f'llm_bot_icon': repr(self.llm_bot_icon), f'search_suggestions': repr(self.search_suggestions), f'chatllm_task_id': repr(self.chatllm_task_id), f'conversation_status': repr(self.conversation_status), f'computer_status': repr(self.computer_status), f'filesystem_status': repr(self.filesystem_status), f'total_events': repr(self.total_events), f'contest_names': repr(self.contest_names), f'daemon_task_id': repr(self.daemon_task_id), f'parent_deployment_conversation_id': repr(self.parent_deployment_conversation_id), f'intro_message': repr(self.intro_message), f'preview_info': repr(self.preview_info), f'latest_context': repr(self.latest_context), f'share_type': repr(self.share_type), f'history': repr(self.history), f'hosted_artifacts': repr(self.hosted_artifacts)} class_name = "DeploymentConversation" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -68,11 +98,11 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'deployment_conversation_id': self.deployment_conversation_id, 'name': self.name, 'deployment_id': self.deployment_id, 'created_at': self.created_at, 'last_event_created_at': self.last_event_created_at, 'has_history': self.has_history, 'external_session_id': self.external_session_id, 'regenerate_attempt': self.regenerate_attempt, 'external_application_id': self.external_application_id, 'unused_document_upload_ids': - self.unused_document_upload_ids, 'humanize_instructions': self.humanize_instructions, 'conversation_warning': self.conversation_warning, 'conversation_type': self.conversation_type, 'metadata': self.metadata, 'llm_display_name': self.llm_display_name, 'llm_bot_icon': self.llm_bot_icon, 'search_suggestions': self.search_suggestions, 'chatllm_task_id': self.chatllm_task_id, 'history': self._get_attribute_as_dict(self.history)} + resp = {'deployment_conversation_id': self.deployment_conversation_id, 'name': self.name, 'deployment_id': self.deployment_id, 'owner_user_id': self.owner_user_id, 'owner_org_id': self.owner_org_id, 'created_at': self.created_at, 'last_event_created_at': self.last_event_created_at, 'has_history': self.has_history, 'external_session_id': self.external_session_id, 'regenerate_attempt': self.regenerate_attempt, 'external_application_id': self.external_application_id, 'unused_document_upload_ids': self.unused_document_upload_ids, 'humanize_instructions': self.humanize_instructions, 'conversation_warning': self.conversation_warning, 'conversation_type': self.conversation_type, 'metadata': self.metadata, 'llm_display_name': self.llm_display_name, + 'llm_bot_icon': self.llm_bot_icon, 'search_suggestions': self.search_suggestions, 'chatllm_task_id': self.chatllm_task_id, 'conversation_status': self.conversation_status, 'computer_status': self.computer_status, 'filesystem_status': self.filesystem_status, 'total_events': self.total_events, 'contest_names': self.contest_names, 'daemon_task_id': self.daemon_task_id, 'parent_deployment_conversation_id': self.parent_deployment_conversation_id, 'intro_message': self.intro_message, 'preview_info': self.preview_info, 'latest_context': self.latest_context, 'share_type': self.share_type, 'history': self._get_attribute_as_dict(self.history), 'hosted_artifacts': self._get_attribute_as_dict(self.hosted_artifacts)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} - def get(self, external_session_id: str = None, deployment_id: str = None, filter_intermediate_conversation_events: bool = True, get_unused_document_uploads: bool = False): + def get(self, external_session_id: str = None, deployment_id: str = None, filter_intermediate_conversation_events: bool = True, get_unused_document_uploads: bool = False, start: int = None, limit: int = None, include_all_versions: bool = False): """ Gets a deployment conversation. @@ -81,11 +111,23 @@ def get(self, external_session_id: str = None, deployment_id: str = None, filter deployment_id (str): The deployment this conversation belongs to. This is required if not logged in. filter_intermediate_conversation_events (bool): If true, intermediate conversation events will be filtered out. Default is true. get_unused_document_uploads (bool): If true, unused document uploads will be returned. Default is false. + start (int): The start index of the conversation. + limit (int): The limit of the conversation. + include_all_versions (bool): If True, includes all versions of the last bot message for version switching functionality. Returns: DeploymentConversation: The deployment conversation. """ - return self.client.get_deployment_conversation(self.deployment_conversation_id, external_session_id, deployment_id, filter_intermediate_conversation_events, get_unused_document_uploads) + return self.client.get_deployment_conversation(self.deployment_conversation_id, external_session_id, deployment_id, filter_intermediate_conversation_events, get_unused_document_uploads, start, limit, include_all_versions) + + def get_file(self, file_path: str): + """ + Gets a deployment conversation file. + + Args: + file_path (str): The path of the file to get. + """ + return self.client.get_deployment_conversation_file(self.deployment_conversation_id, file_path) def delete(self, deployment_id: str = None): """ diff --git a/abacusai/deployment_conversation_event.py b/abacusai/deployment_conversation_event.py index 6fc6acd0e..e0f9587bf 100644 --- a/abacusai/deployment_conversation_event.py +++ b/abacusai/deployment_conversation_event.py @@ -32,16 +32,25 @@ class DeploymentConversationEvent(AbstractApiClass): streamedSectionData (str): Aggregated streamed section outputs from the agent in a list. highlights (dict): Chunks with bounding boxes for highlighting the result sources. llmDisplayName (str): The display name of the LLM model used to generate the response. Only used for system-created bots. + deepagentMode (str): The Deep Agent run mode (e.g. normal or high) associated with the message. llmBotIcon (str): The icon location of the LLM model used to generate the response. Only used for system-created bots. formResponse (dict): Contains form data response from the user when a Form Segment is given out by the bot. routedLlm (str): The LLM that was chosen by RouteLLM to generate the response. computePointsUsed (int): The number of compute points used for the message. computerFiles (list): The list of files that were created by the computer agent. toolUseRequest (dict): The tool use request for the message. + toolUseResult (dict): The tool use response for the message. verificationSummary (str): The summary of the verification process for the message. + attachedUserFileNames (list): The list of files attached by the user on the message. + oldFileContent (str): The content of the file associated with an edit tool request before the file was edited + allVersions (list): All versions of the last bot message for version switching functionality. + selectedVersionIndex (int): The index of the currently selected version of the last bot message. + totalVersions (int): The total number of versions available for the last bot message. + isLastMessage (bool): Whether this message is the last message in the conversation. + allowTaskAutomation (bool): Whether to show the automate task button. Only set for the last message in the conversation. """ - def __init__(self, client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, verificationSummary=None): + def __init__(self, client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, deepagentMode=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, toolUseResult=None, verificationSummary=None, attachedUserFileNames=None, oldFileContent=None, allVersions=None, selectedVersionIndex=None, totalVersions=None, isLastMessage=None, allowTaskAutomation=None): super().__init__(client, None) self.role = role self.text = text @@ -68,18 +77,27 @@ def __init__(self, client, role=None, text=None, timestamp=None, messageIndex=No self.streamed_section_data = streamedSectionData self.highlights = highlights self.llm_display_name = llmDisplayName + self.deepagent_mode = deepagentMode self.llm_bot_icon = llmBotIcon self.form_response = formResponse self.routed_llm = routedLlm self.compute_points_used = computePointsUsed self.computer_files = computerFiles self.tool_use_request = toolUseRequest + self.tool_use_result = toolUseResult self.verification_summary = verificationSummary + self.attached_user_file_names = attachedUserFileNames + self.old_file_content = oldFileContent + self.all_versions = allVersions + self.selected_version_index = selectedVersionIndex + self.total_versions = totalVersions + self.is_last_message = isLastMessage + self.allow_task_automation = allowTaskAutomation self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'role': repr(self.role), f'text': repr(self.text), f'timestamp': repr(self.timestamp), f'message_index': repr(self.message_index), f'regenerate_attempt': repr(self.regenerate_attempt), f'model_version': repr(self.model_version), f'search_results': repr(self.search_results), f'is_useful': repr(self.is_useful), f'feedback': repr(self.feedback), f'feedback_type': repr(self.feedback_type), f'doc_infos': repr(self.doc_infos), f'keyword_arguments': repr(self.keyword_arguments), f'input_params': repr(self.input_params), f'attachments': repr(self.attachments), f'response_version': repr(self.response_version), f'agent_workflow_node_id': repr(self.agent_workflow_node_id), f'next_agent_workflow_node_id': repr( - self.next_agent_workflow_node_id), f'chat_type': repr(self.chat_type), f'agent_response': repr(self.agent_response), f'error': repr(self.error), f'segments': repr(self.segments), f'streamed_data': repr(self.streamed_data), f'streamed_section_data': repr(self.streamed_section_data), f'highlights': repr(self.highlights), f'llm_display_name': repr(self.llm_display_name), f'llm_bot_icon': repr(self.llm_bot_icon), f'form_response': repr(self.form_response), f'routed_llm': repr(self.routed_llm), f'compute_points_used': repr(self.compute_points_used), f'computer_files': repr(self.computer_files), f'tool_use_request': repr(self.tool_use_request), f'verification_summary': repr(self.verification_summary)} + repr_dict = {f'role': repr(self.role), f'text': repr(self.text), f'timestamp': repr(self.timestamp), f'message_index': repr(self.message_index), f'regenerate_attempt': repr(self.regenerate_attempt), f'model_version': repr(self.model_version), f'search_results': repr(self.search_results), f'is_useful': repr(self.is_useful), f'feedback': repr(self.feedback), f'feedback_type': repr(self.feedback_type), f'doc_infos': repr(self.doc_infos), f'keyword_arguments': repr(self.keyword_arguments), f'input_params': repr(self.input_params), f'attachments': repr(self.attachments), f'response_version': repr(self.response_version), f'agent_workflow_node_id': repr(self.agent_workflow_node_id), f'next_agent_workflow_node_id': repr(self.next_agent_workflow_node_id), f'chat_type': repr(self.chat_type), f'agent_response': repr(self.agent_response), f'error': repr(self.error), f'segments': repr(self.segments), f'streamed_data': repr( + self.streamed_data), f'streamed_section_data': repr(self.streamed_section_data), f'highlights': repr(self.highlights), f'llm_display_name': repr(self.llm_display_name), f'deepagent_mode': repr(self.deepagent_mode), f'llm_bot_icon': repr(self.llm_bot_icon), f'form_response': repr(self.form_response), f'routed_llm': repr(self.routed_llm), f'compute_points_used': repr(self.compute_points_used), f'computer_files': repr(self.computer_files), f'tool_use_request': repr(self.tool_use_request), f'tool_use_result': repr(self.tool_use_result), f'verification_summary': repr(self.verification_summary), f'attached_user_file_names': repr(self.attached_user_file_names), f'old_file_content': repr(self.old_file_content), f'all_versions': repr(self.all_versions), f'selected_version_index': repr(self.selected_version_index), f'total_versions': repr(self.total_versions), f'is_last_message': repr(self.is_last_message), f'allow_task_automation': repr(self.allow_task_automation)} class_name = "DeploymentConversationEvent" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -92,6 +110,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'role': self.role, 'text': self.text, 'timestamp': self.timestamp, 'message_index': self.message_index, 'regenerate_attempt': self.regenerate_attempt, 'model_version': self.model_version, 'search_results': self.search_results, 'is_useful': self.is_useful, 'feedback': self.feedback, 'feedback_type': self.feedback_type, 'doc_infos': self.doc_infos, 'keyword_arguments': self.keyword_arguments, 'input_params': self.input_params, 'attachments': self.attachments, 'response_version': self.response_version, 'agent_workflow_node_id': self.agent_workflow_node_id, 'next_agent_workflow_node_id': - self.next_agent_workflow_node_id, 'chat_type': self.chat_type, 'agent_response': self.agent_response, 'error': self.error, 'segments': self.segments, 'streamed_data': self.streamed_data, 'streamed_section_data': self.streamed_section_data, 'highlights': self.highlights, 'llm_display_name': self.llm_display_name, 'llm_bot_icon': self.llm_bot_icon, 'form_response': self.form_response, 'routed_llm': self.routed_llm, 'compute_points_used': self.compute_points_used, 'computer_files': self.computer_files, 'tool_use_request': self.tool_use_request, 'verification_summary': self.verification_summary} + resp = {'role': self.role, 'text': self.text, 'timestamp': self.timestamp, 'message_index': self.message_index, 'regenerate_attempt': self.regenerate_attempt, 'model_version': self.model_version, 'search_results': self.search_results, 'is_useful': self.is_useful, 'feedback': self.feedback, 'feedback_type': self.feedback_type, 'doc_infos': self.doc_infos, 'keyword_arguments': self.keyword_arguments, 'input_params': self.input_params, 'attachments': self.attachments, 'response_version': self.response_version, 'agent_workflow_node_id': self.agent_workflow_node_id, 'next_agent_workflow_node_id': self.next_agent_workflow_node_id, 'chat_type': self.chat_type, 'agent_response': self.agent_response, 'error': self.error, 'segments': self.segments, 'streamed_data': self.streamed_data, + 'streamed_section_data': self.streamed_section_data, 'highlights': self.highlights, 'llm_display_name': self.llm_display_name, 'deepagent_mode': self.deepagent_mode, 'llm_bot_icon': self.llm_bot_icon, 'form_response': self.form_response, 'routed_llm': self.routed_llm, 'compute_points_used': self.compute_points_used, 'computer_files': self.computer_files, 'tool_use_request': self.tool_use_request, 'tool_use_result': self.tool_use_result, 'verification_summary': self.verification_summary, 'attached_user_file_names': self.attached_user_file_names, 'old_file_content': self.old_file_content, 'all_versions': self.all_versions, 'selected_version_index': self.selected_version_index, 'total_versions': self.total_versions, 'is_last_message': self.is_last_message, 'allow_task_automation': self.allow_task_automation} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/document_retriever_lookup_result.py b/abacusai/document_retriever_lookup_result.py index 648460075..f7dc64496 100644 --- a/abacusai/document_retriever_lookup_result.py +++ b/abacusai/document_retriever_lookup_result.py @@ -14,9 +14,10 @@ class DocumentRetrieverLookupResult(AbstractApiClass): boundingBoxes (list): Bounding boxes of the retrieved text from the original document. documentSource (str): Document source name. imageIds (list): List of Image IDs for all the pages. + metadata (dict): Metadata column values for the retrieved documents. """ - def __init__(self, client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None): + def __init__(self, client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None, metadata=None): super().__init__(client, None) self.document = document self.score = score @@ -25,11 +26,12 @@ def __init__(self, client, document=None, score=None, properties=None, pages=Non self.bounding_boxes = boundingBoxes self.document_source = documentSource self.image_ids = imageIds + self.metadata = metadata self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'document': repr(self.document), f'score': repr(self.score), f'properties': repr(self.properties), f'pages': repr( - self.pages), f'bounding_boxes': repr(self.bounding_boxes), f'document_source': repr(self.document_source), f'image_ids': repr(self.image_ids)} + repr_dict = {f'document': repr(self.document), f'score': repr(self.score), f'properties': repr(self.properties), f'pages': repr(self.pages), f'bounding_boxes': repr( + self.bounding_boxes), f'document_source': repr(self.document_source), f'image_ids': repr(self.image_ids), f'metadata': repr(self.metadata)} class_name = "DocumentRetrieverLookupResult" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -43,5 +45,5 @@ def to_dict(self): dict: The dict value representation of the class parameters """ resp = {'document': self.document, 'score': self.score, 'properties': self.properties, 'pages': self.pages, - 'bounding_boxes': self.bounding_boxes, 'document_source': self.document_source, 'image_ids': self.image_ids} + 'bounding_boxes': self.bounding_boxes, 'document_source': self.document_source, 'image_ids': self.image_ids, 'metadata': self.metadata} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/document_retriever_version_logs.py b/abacusai/document_retriever_version_logs.py new file mode 100644 index 000000000..4d8722d47 --- /dev/null +++ b/abacusai/document_retriever_version_logs.py @@ -0,0 +1,33 @@ +from .return_class import AbstractApiClass + + +class DocumentRetrieverVersionLogs(AbstractApiClass): + """ + Logs from document retriever version. + + Args: + client (ApiClient): An authenticated API Client instance + logs (list[str]): List of logs from document retriever version. + """ + + def __init__(self, client, logs=None): + super().__init__(client, None) + self.logs = logs + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'logs': repr(self.logs)} + class_name = "DocumentRetrieverVersionLogs" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'logs': self.logs} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/domain_purchase_result.py b/abacusai/domain_purchase_result.py new file mode 100644 index 000000000..8ab07d5a5 --- /dev/null +++ b/abacusai/domain_purchase_result.py @@ -0,0 +1,36 @@ +from .return_class import AbstractApiClass + + +class DomainPurchaseResult(AbstractApiClass): + """ + Domain purchase result + + Args: + client (ApiClient): An authenticated API Client instance + domain (str): The domain name being purchased. + billedCredits (int): The total credits used for the purchase. + """ + + def __init__(self, client, domain=None, billedCredits=None): + super().__init__(client, None) + self.domain = domain + self.billed_credits = billedCredits + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'domain': repr( + self.domain), f'billed_credits': repr(self.billed_credits)} + class_name = "DomainPurchaseResult" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'domain': self.domain, 'billed_credits': self.billed_credits} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/domain_search_result.py b/abacusai/domain_search_result.py new file mode 100644 index 000000000..3af70ef93 --- /dev/null +++ b/abacusai/domain_search_result.py @@ -0,0 +1,43 @@ +from .return_class import AbstractApiClass + + +class DomainSearchResult(AbstractApiClass): + """ + Domain search result + + Args: + client (ApiClient): An authenticated API Client instance + domain (str): name of the domain in a search result + registerCredits (int): number of credits required for registration + registerYears (int): number of years the domain will get registered for + renewalCredits (int): number of credits required for renewal + renewalYears (int): number of years the domain will be renewed for + """ + + def __init__(self, client, domain=None, registerCredits=None, registerYears=None, renewalCredits=None, renewalYears=None): + super().__init__(client, None) + self.domain = domain + self.register_credits = registerCredits + self.register_years = registerYears + self.renewal_credits = renewalCredits + self.renewal_years = renewalYears + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'domain': repr(self.domain), f'register_credits': repr(self.register_credits), f'register_years': repr( + self.register_years), f'renewal_credits': repr(self.renewal_credits), f'renewal_years': repr(self.renewal_years)} + class_name = "DomainSearchResult" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'domain': self.domain, 'register_credits': self.register_credits, 'register_years': self.register_years, + 'renewal_credits': self.renewal_credits, 'renewal_years': self.renewal_years} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/edit_image_models.py b/abacusai/edit_image_models.py new file mode 100644 index 000000000..0e87f7a46 --- /dev/null +++ b/abacusai/edit_image_models.py @@ -0,0 +1,36 @@ +from .return_class import AbstractApiClass + + +class EditImageModels(AbstractApiClass): + """ + Edit image models + + Args: + client (ApiClient): An authenticated API Client instance + models (list): The models available for edit image. + default (str): The default model for edit image. + """ + + def __init__(self, client, models=None, default=None): + super().__init__(client, None) + self.models = models + self.default = default + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'models': repr(self.models), + f'default': repr(self.default)} + class_name = "EditImageModels" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'models': self.models, 'default': self.default} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/entri_auth_token.py b/abacusai/entri_auth_token.py new file mode 100644 index 000000000..039a6e995 --- /dev/null +++ b/abacusai/entri_auth_token.py @@ -0,0 +1,39 @@ +from .return_class import AbstractApiClass + + +class EntriAuthToken(AbstractApiClass): + """ + Entri Auth Token + + Args: + client (ApiClient): An authenticated API Client instance + token (str): The authentication token for Entri + applicationId (str): application Id from Entri dashboard + ttl (int): The duration in milliseconds for which the token is valid + """ + + def __init__(self, client, token=None, applicationId=None, ttl=None): + super().__init__(client, None) + self.token = token + self.application_id = applicationId + self.ttl = ttl + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'token': repr(self.token), f'application_id': repr( + self.application_id), f'ttl': repr(self.ttl)} + class_name = "EntriAuthToken" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'token': self.token, + 'application_id': self.application_id, 'ttl': self.ttl} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/external_application.py b/abacusai/external_application.py index 365b59dfe..4543c918d 100644 --- a/abacusai/external_application.py +++ b/abacusai/external_application.py @@ -24,9 +24,14 @@ class ExternalApplication(AbstractApiClass): isCustomizable (bool): Whether the external application is customizable. isDeprecated (bool): Whether the external application is deprecated. Only applicable for system created bots. Deprecated external applications will not show in the UI. isVisible (bool): Whether the external application should be shown in the dropdown. + hasThinkingOption (bool): Whether to show the thinking option in the toolbar. + hasFastMode (bool): Whether the external application has fast mode. + onlyImageGenEnabled (bool): Whether to LLM only allows image generation. + projectId (str): The project id associated with the external application. + isCodellmChatmodeSupported (bool): Whether the external application is codellm chatmode supported """ - def __init__(self, client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None): + def __init__(self, client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None, hasThinkingOption=None, hasFastMode=None, onlyImageGenEnabled=None, projectId=None, isCodellmChatmodeSupported=None): super().__init__(client, externalApplicationId) self.name = name self.external_application_id = externalApplicationId @@ -45,11 +50,16 @@ def __init__(self, client, name=None, externalApplicationId=None, deploymentId=N self.is_customizable = isCustomizable self.is_deprecated = isDeprecated self.is_visible = isVisible + self.has_thinking_option = hasThinkingOption + self.has_fast_mode = hasFastMode + self.only_image_gen_enabled = onlyImageGenEnabled + self.project_id = projectId + self.is_codellm_chatmode_supported = isCodellmChatmodeSupported self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'name': repr(self.name), f'external_application_id': repr(self.external_application_id), f'deployment_id': repr(self.deployment_id), f'description': repr(self.description), f'logo': repr(self.logo), f'theme': repr(self.theme), f'user_group_ids': repr(self.user_group_ids), f'use_case': repr(self.use_case), f'is_agent': repr(self.is_agent), f'status': repr( - self.status), f'deployment_conversation_retention_hours': repr(self.deployment_conversation_retention_hours), f'managed_user_service': repr(self.managed_user_service), f'prediction_overrides': repr(self.prediction_overrides), f'is_system_created': repr(self.is_system_created), f'is_customizable': repr(self.is_customizable), f'is_deprecated': repr(self.is_deprecated), f'is_visible': repr(self.is_visible)} + repr_dict = {f'name': repr(self.name), f'external_application_id': repr(self.external_application_id), f'deployment_id': repr(self.deployment_id), f'description': repr(self.description), f'logo': repr(self.logo), f'theme': repr(self.theme), f'user_group_ids': repr(self.user_group_ids), f'use_case': repr(self.use_case), f'is_agent': repr(self.is_agent), f'status': repr(self.status), f'deployment_conversation_retention_hours': repr(self.deployment_conversation_retention_hours), f'managed_user_service': repr( + self.managed_user_service), f'prediction_overrides': repr(self.prediction_overrides), f'is_system_created': repr(self.is_system_created), f'is_customizable': repr(self.is_customizable), f'is_deprecated': repr(self.is_deprecated), f'is_visible': repr(self.is_visible), f'has_thinking_option': repr(self.has_thinking_option), f'has_fast_mode': repr(self.has_fast_mode), f'only_image_gen_enabled': repr(self.only_image_gen_enabled), f'project_id': repr(self.project_id), f'is_codellm_chatmode_supported': repr(self.is_codellm_chatmode_supported)} class_name = "ExternalApplication" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -62,10 +72,28 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'name': self.name, 'external_application_id': self.external_application_id, 'deployment_id': self.deployment_id, 'description': self.description, 'logo': self.logo, 'theme': self.theme, 'user_group_ids': self.user_group_ids, 'use_case': self.use_case, 'is_agent': self.is_agent, 'status': self.status, - 'deployment_conversation_retention_hours': self.deployment_conversation_retention_hours, 'managed_user_service': self.managed_user_service, 'prediction_overrides': self.prediction_overrides, 'is_system_created': self.is_system_created, 'is_customizable': self.is_customizable, 'is_deprecated': self.is_deprecated, 'is_visible': self.is_visible} + resp = {'name': self.name, 'external_application_id': self.external_application_id, 'deployment_id': self.deployment_id, 'description': self.description, 'logo': self.logo, 'theme': self.theme, 'user_group_ids': self.user_group_ids, 'use_case': self.use_case, 'is_agent': self.is_agent, 'status': self.status, 'deployment_conversation_retention_hours': self.deployment_conversation_retention_hours, 'managed_user_service': self.managed_user_service, + 'prediction_overrides': self.prediction_overrides, 'is_system_created': self.is_system_created, 'is_customizable': self.is_customizable, 'is_deprecated': self.is_deprecated, 'is_visible': self.is_visible, 'has_thinking_option': self.has_thinking_option, 'has_fast_mode': self.has_fast_mode, 'only_image_gen_enabled': self.only_image_gen_enabled, 'project_id': self.project_id, 'is_codellm_chatmode_supported': self.is_codellm_chatmode_supported} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} + def add_developers_to(self): + """ + Adds a permission for the platform App User Group to access an External Application. + + Args: + external_application_id (str): The ID of the External Application. + """ + return self.client.add_developers_to_external_application(self.external_application_id) + + def remove_developers_from(self): + """ + Removes a permission for the platform App User Group to access an External Application. + + Args: + external_application_id (str): The ID of the External Application. + """ + return self.client.remove_developers_from_external_application(self.external_application_id) + def update(self, name: str = None, description: str = None, theme: dict = None, deployment_id: str = None, deployment_conversation_retention_hours: int = None, reset_retention_policy: bool = False): """ Updates an External Application. diff --git a/abacusai/feature_group_version.py b/abacusai/feature_group_version.py index bb29a3f4b..c415ac845 100644 --- a/abacusai/feature_group_version.py +++ b/abacusai/feature_group_version.py @@ -122,7 +122,7 @@ def export_to_database_connector(self, database_connector_id: str, object_name: Args: database_connector_id (str): Unique string identifier for the Database Connector to export to. object_name (str): Name of the database object to write to. - write_mode (str): Enum string indicating whether to use INSERT or UPSERT. + write_mode (str): Enum string indicating whether to use INSERT or UPSERT or REPLACE. database_feature_mapping (dict): Key/value pair JSON object of "database connector column" -> "feature name" pairs. id_column (str): Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key. additional_id_columns (list): For database connectors which support it, additional ID columns to use as a complex key for upserting. diff --git a/abacusai/feature_mapping.py b/abacusai/feature_mapping.py index 166fef942..f8a4a9e03 100644 --- a/abacusai/feature_mapping.py +++ b/abacusai/feature_mapping.py @@ -7,7 +7,7 @@ class FeatureMapping(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance - featureMapping (str): The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details. + featureMapping (str): The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details. featureName (str): The unique name of the feature. """ diff --git a/abacusai/file_connector.py b/abacusai/file_connector.py index 6a56689da..07603ccdc 100644 --- a/abacusai/file_connector.py +++ b/abacusai/file_connector.py @@ -11,19 +11,21 @@ class FileConnector(AbstractApiClass): verified (bool): `true` if the bucket has passed verification writePermission (bool): `true` if Abacus.AI has permission to write to this bucket authExpiresAt (str): The time when the file connector's auth expires, if applicable + createdAt (str): The timestamp at which the file connector was created """ - def __init__(self, client, bucket=None, verified=None, writePermission=None, authExpiresAt=None): + def __init__(self, client, bucket=None, verified=None, writePermission=None, authExpiresAt=None, createdAt=None): super().__init__(client, None) self.bucket = bucket self.verified = verified self.write_permission = writePermission self.auth_expires_at = authExpiresAt + self.created_at = createdAt self.deprecated_keys = {} def __repr__(self): repr_dict = {f'bucket': repr(self.bucket), f'verified': repr(self.verified), f'write_permission': repr( - self.write_permission), f'auth_expires_at': repr(self.auth_expires_at)} + self.write_permission), f'auth_expires_at': repr(self.auth_expires_at), f'created_at': repr(self.created_at)} class_name = "FileConnector" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -36,6 +38,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'bucket': self.bucket, 'verified': self.verified, - 'write_permission': self.write_permission, 'auth_expires_at': self.auth_expires_at} + resp = {'bucket': self.bucket, 'verified': self.verified, 'write_permission': self.write_permission, + 'auth_expires_at': self.auth_expires_at, 'created_at': self.created_at} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/fs_entry.py b/abacusai/fs_entry.py new file mode 100644 index 000000000..6104ce857 --- /dev/null +++ b/abacusai/fs_entry.py @@ -0,0 +1,47 @@ +from .return_class import AbstractApiClass + + +class FsEntry(AbstractApiClass): + """ + File system entry. + + Args: + client (ApiClient): An authenticated API Client instance + name (str): The name of the file/folder + type (str): The type of entry (file/folder) + path (str): The path of the entry + size (int): The size of the entry in bytes + modified (int): The last modified timestamp + isFolderEmpty (bool): Whether the folder is empty (only for folders) + children (list): List of child FSEntry objects (only for folders) + """ + + def __init__(self, client, name=None, type=None, path=None, size=None, modified=None, isFolderEmpty=None, children=None): + super().__init__(client, None) + self.name = name + self.type = type + self.path = path + self.size = size + self.modified = modified + self.isFolderEmpty = isFolderEmpty + self.children = children + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'name': repr(self.name), f'type': repr(self.type), f'path': repr(self.path), f'size': repr( + self.size), f'modified': repr(self.modified), f'isFolderEmpty': repr(self.isFolderEmpty), f'children': repr(self.children)} + class_name = "FsEntry" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'name': self.name, 'type': self.type, 'path': self.path, 'size': self.size, + 'modified': self.modified, 'isFolderEmpty': self.isFolderEmpty, 'children': self.children} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/hosted_app.py b/abacusai/hosted_app.py new file mode 100644 index 000000000..c91937b83 --- /dev/null +++ b/abacusai/hosted_app.py @@ -0,0 +1,41 @@ +from .return_class import AbstractApiClass + + +class HostedApp(AbstractApiClass): + """ + Hosted App + + Args: + client (ApiClient): An authenticated API Client instance + hostedAppId (id): The ID of the hosted app + deploymentConversationId (id): The ID of the deployment conversation + name (str): The name of the hosted app + createdAt (str): The creation timestamp + """ + + def __init__(self, client, hostedAppId=None, deploymentConversationId=None, name=None, createdAt=None): + super().__init__(client, hostedAppId) + self.hosted_app_id = hostedAppId + self.deployment_conversation_id = deploymentConversationId + self.name = name + self.created_at = createdAt + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'hosted_app_id': repr(self.hosted_app_id), f'deployment_conversation_id': repr( + self.deployment_conversation_id), f'name': repr(self.name), f'created_at': repr(self.created_at)} + class_name = "HostedApp" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'hosted_app_id': self.hosted_app_id, 'deployment_conversation_id': + self.deployment_conversation_id, 'name': self.name, 'created_at': self.created_at} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/hosted_app_container.py b/abacusai/hosted_app_container.py new file mode 100644 index 000000000..6c210ee49 --- /dev/null +++ b/abacusai/hosted_app_container.py @@ -0,0 +1,89 @@ +from .return_class import AbstractApiClass + + +class HostedAppContainer(AbstractApiClass): + """ + Hosted app + Deep agent container information. + + Args: + client (ApiClient): An authenticated API Client instance + hostedAppContainerId (id): The ID of the hosted app container + hostedAppId (id): The ID of the hosted app + deploymentConversationId (id): The deployment conversation ID + hostedAppVersion (id): The instance of the hosted app + name (str): The name of the hosted app + userId (id): The ID of the creation user + email (str): The email of the creation user + createdAt (str): Creation timestamp + updatedAt (str): Last update timestamp + containerImage (str): Container image name + route (str): Container route + appConfig (dict): App configuration + isDev (bool): Whether this is a dev container + isDeployable (bool): Can this version be deployed + isPreviewAvailable (bool): Is the dev preview available on the container + lifecycle (str): Container lifecycle status (PENDING/DEPLOYING/ACTIVE/FAILED/STOPPED/DELETING) + status (str): Container status (RUNNING/STOPPED/DEPLOYING/FAILED) + deployedStatus (str): Deployment status (PENDING/ACTIVE/STOPPED/NOT_DEPLOYED) + accessLevel (str): Access Level (PUBLIC/PRIVATE/DEDICATED) + hostname (str): Hostname of the deployed app + llmArtifactId (id): The ID of the LLM artifact + artifactType (str): The type of the artifact + deployedLlmArtifactId (id): The ID of the deployed LLM artifact + hasDatabase (bool): Whether the app has a database associated to it + hasStorage (bool): Whether the app has a cloud storage associated to it + webAppProjectId (id): The ID of the web app project + parentConversationId (id): The ID of the parent conversation + projectMetadata (dict): The metadata of the web app project + """ + + def __init__(self, client, hostedAppContainerId=None, hostedAppId=None, deploymentConversationId=None, hostedAppVersion=None, name=None, userId=None, email=None, createdAt=None, updatedAt=None, containerImage=None, route=None, appConfig=None, isDev=None, isDeployable=None, isPreviewAvailable=None, lifecycle=None, status=None, deployedStatus=None, accessLevel=None, hostname=None, llmArtifactId=None, artifactType=None, deployedLlmArtifactId=None, hasDatabase=None, hasStorage=None, webAppProjectId=None, parentConversationId=None, projectMetadata=None): + super().__init__(client, hostedAppContainerId) + self.hosted_app_container_id = hostedAppContainerId + self.hosted_app_id = hostedAppId + self.deployment_conversation_id = deploymentConversationId + self.hosted_app_version = hostedAppVersion + self.name = name + self.user_id = userId + self.email = email + self.created_at = createdAt + self.updated_at = updatedAt + self.container_image = containerImage + self.route = route + self.app_config = appConfig + self.is_dev = isDev + self.is_deployable = isDeployable + self.is_preview_available = isPreviewAvailable + self.lifecycle = lifecycle + self.status = status + self.deployed_status = deployedStatus + self.access_level = accessLevel + self.hostname = hostname + self.llm_artifact_id = llmArtifactId + self.artifact_type = artifactType + self.deployed_llm_artifact_id = deployedLlmArtifactId + self.has_database = hasDatabase + self.has_storage = hasStorage + self.web_app_project_id = webAppProjectId + self.parent_conversation_id = parentConversationId + self.project_metadata = projectMetadata + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'hosted_app_container_id': repr(self.hosted_app_container_id), f'hosted_app_id': repr(self.hosted_app_id), f'deployment_conversation_id': repr(self.deployment_conversation_id), f'hosted_app_version': repr(self.hosted_app_version), f'name': repr(self.name), f'user_id': repr(self.user_id), f'email': repr(self.email), f'created_at': repr(self.created_at), f'updated_at': repr(self.updated_at), f'container_image': repr(self.container_image), f'route': repr(self.route), f'app_config': repr(self.app_config), f'is_dev': repr(self.is_dev), f'is_deployable': repr(self.is_deployable), f'is_preview_available': repr( + self.is_preview_available), f'lifecycle': repr(self.lifecycle), f'status': repr(self.status), f'deployed_status': repr(self.deployed_status), f'access_level': repr(self.access_level), f'hostname': repr(self.hostname), f'llm_artifact_id': repr(self.llm_artifact_id), f'artifact_type': repr(self.artifact_type), f'deployed_llm_artifact_id': repr(self.deployed_llm_artifact_id), f'has_database': repr(self.has_database), f'has_storage': repr(self.has_storage), f'web_app_project_id': repr(self.web_app_project_id), f'parent_conversation_id': repr(self.parent_conversation_id), f'project_metadata': repr(self.project_metadata)} + class_name = "HostedAppContainer" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'hosted_app_container_id': self.hosted_app_container_id, 'hosted_app_id': self.hosted_app_id, 'deployment_conversation_id': self.deployment_conversation_id, 'hosted_app_version': self.hosted_app_version, 'name': self.name, 'user_id': self.user_id, 'email': self.email, 'created_at': self.created_at, 'updated_at': self.updated_at, 'container_image': self.container_image, 'route': self.route, 'app_config': self.app_config, 'is_dev': self.is_dev, 'is_deployable': self.is_deployable, 'is_preview_available': self.is_preview_available, + 'lifecycle': self.lifecycle, 'status': self.status, 'deployed_status': self.deployed_status, 'access_level': self.access_level, 'hostname': self.hostname, 'llm_artifact_id': self.llm_artifact_id, 'artifact_type': self.artifact_type, 'deployed_llm_artifact_id': self.deployed_llm_artifact_id, 'has_database': self.has_database, 'has_storage': self.has_storage, 'web_app_project_id': self.web_app_project_id, 'parent_conversation_id': self.parent_conversation_id, 'project_metadata': self.project_metadata} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/hosted_app_file_read.py b/abacusai/hosted_app_file_read.py new file mode 100644 index 000000000..7c19a96eb --- /dev/null +++ b/abacusai/hosted_app_file_read.py @@ -0,0 +1,41 @@ +from .return_class import AbstractApiClass + + +class HostedAppFileRead(AbstractApiClass): + """ + Result of reading file content from a hosted app container. + + Args: + client (ApiClient): An authenticated API Client instance + content (str): The contents of the file or a portion of it. + start (int): If present, the starting position of the read. + end (int): If present, the last position in the file returned in this read. + retcode (int): If the read is associated with a log the return code of the command. + """ + + def __init__(self, client, content=None, start=None, end=None, retcode=None): + super().__init__(client, None) + self.content = content + self.start = start + self.end = end + self.retcode = retcode + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'content': repr(self.content), f'start': repr( + self.start), f'end': repr(self.end), f'retcode': repr(self.retcode)} + class_name = "HostedAppFileRead" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'content': self.content, 'start': self.start, + 'end': self.end, 'retcode': self.retcode} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/hosted_artifact.py b/abacusai/hosted_artifact.py new file mode 100644 index 000000000..b00792149 --- /dev/null +++ b/abacusai/hosted_artifact.py @@ -0,0 +1,47 @@ +from .return_class import AbstractApiClass + + +class HostedArtifact(AbstractApiClass): + """ + A hosted artifact being served by the platform. + + Args: + client (ApiClient): An authenticated API Client instance + hostname (str): The url at which the application is being hosted. + artifactType (str): The type of artifact being hosted. + llmArtifactId (str): The artifact id being hosted. + lifecycle (str): The lifecycle of the artifact. + externalApplicationId (str): Agent that deployed this application. + deploymentConversationId (str): Conversation that created deployed this artifact, null if not applicable. + conversationSequenceNumber (number(integer)): Conversation event associated with this artifact, null if not applicable. + """ + + def __init__(self, client, hostname=None, artifactType=None, llmArtifactId=None, lifecycle=None, externalApplicationId=None, deploymentConversationId=None, conversationSequenceNumber=None): + super().__init__(client, None) + self.hostname = hostname + self.artifact_type = artifactType + self.llm_artifact_id = llmArtifactId + self.lifecycle = lifecycle + self.external_application_id = externalApplicationId + self.deployment_conversation_id = deploymentConversationId + self.conversation_sequence_number = conversationSequenceNumber + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'hostname': repr(self.hostname), f'artifact_type': repr(self.artifact_type), f'llm_artifact_id': repr(self.llm_artifact_id), f'lifecycle': repr(self.lifecycle), f'external_application_id': repr( + self.external_application_id), f'deployment_conversation_id': repr(self.deployment_conversation_id), f'conversation_sequence_number': repr(self.conversation_sequence_number)} + class_name = "HostedArtifact" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'hostname': self.hostname, 'artifact_type': self.artifact_type, 'llm_artifact_id': self.llm_artifact_id, 'lifecycle': self.lifecycle, 'external_application_id': + self.external_application_id, 'deployment_conversation_id': self.deployment_conversation_id, 'conversation_sequence_number': self.conversation_sequence_number} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/hosted_database.py b/abacusai/hosted_database.py new file mode 100644 index 000000000..30a6e2542 --- /dev/null +++ b/abacusai/hosted_database.py @@ -0,0 +1,43 @@ +from .return_class import AbstractApiClass + + +class HostedDatabase(AbstractApiClass): + """ + Hosted Database + + Args: + client (ApiClient): An authenticated API Client instance + hostedDatabaseId (id): The ID of the hosted database + displayName (str): The name of the hosted database + createdAt (str): The creation timestamp + updatedAt (str): The last update timestamp + lifecycle (str): The lifecycle of the hosted database + """ + + def __init__(self, client, hostedDatabaseId=None, displayName=None, createdAt=None, updatedAt=None, lifecycle=None): + super().__init__(client, hostedDatabaseId) + self.hosted_database_id = hostedDatabaseId + self.display_name = displayName + self.created_at = createdAt + self.updated_at = updatedAt + self.lifecycle = lifecycle + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'hosted_database_id': repr(self.hosted_database_id), f'display_name': repr(self.display_name), f'created_at': repr( + self.created_at), f'updated_at': repr(self.updated_at), f'lifecycle': repr(self.lifecycle)} + class_name = "HostedDatabase" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'hosted_database_id': self.hosted_database_id, 'display_name': self.display_name, + 'created_at': self.created_at, 'updated_at': self.updated_at, 'lifecycle': self.lifecycle} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/hosted_database_snapshot.py b/abacusai/hosted_database_snapshot.py new file mode 100644 index 000000000..0f213004c --- /dev/null +++ b/abacusai/hosted_database_snapshot.py @@ -0,0 +1,43 @@ +from .return_class import AbstractApiClass + + +class HostedDatabaseSnapshot(AbstractApiClass): + """ + Hosted Database Snapshot + + Args: + client (ApiClient): An authenticated API Client instance + hostedDatabaseSnapshotId (id): The ID of the hosted database snapshot + srcHostedDatabaseId (id): The ID of the source hosted database + createdAt (str): The creation timestamp + updatedAt (str): The last update timestamp + lifecycle (str): The lifecycle of the hosted database snapshot + """ + + def __init__(self, client, hostedDatabaseSnapshotId=None, srcHostedDatabaseId=None, createdAt=None, updatedAt=None, lifecycle=None): + super().__init__(client, hostedDatabaseSnapshotId) + self.hosted_database_snapshot_id = hostedDatabaseSnapshotId + self.src_hosted_database_id = srcHostedDatabaseId + self.created_at = createdAt + self.updated_at = updatedAt + self.lifecycle = lifecycle + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'hosted_database_snapshot_id': repr(self.hosted_database_snapshot_id), f'src_hosted_database_id': repr( + self.src_hosted_database_id), f'created_at': repr(self.created_at), f'updated_at': repr(self.updated_at), f'lifecycle': repr(self.lifecycle)} + class_name = "HostedDatabaseSnapshot" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'hosted_database_snapshot_id': self.hosted_database_snapshot_id, 'src_hosted_database_id': self.src_hosted_database_id, + 'created_at': self.created_at, 'updated_at': self.updated_at, 'lifecycle': self.lifecycle} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/hostname_info.py b/abacusai/hostname_info.py new file mode 100644 index 000000000..2122d4149 --- /dev/null +++ b/abacusai/hostname_info.py @@ -0,0 +1,37 @@ +from .return_class import AbstractApiClass + + +class HostnameInfo(AbstractApiClass): + """ + Hostname Info + + Args: + client (ApiClient): An authenticated API Client instance + isRootDomain (bool): Whether the hostname is a root domain + hasRootNameserversConfigured (bool): Whether the root domain has Abacus nameservers configured. + """ + + def __init__(self, client, isRootDomain=None, hasRootNameserversConfigured=None): + super().__init__(client, None) + self.is_root_domain = isRootDomain + self.has_root_nameservers_configured = hasRootNameserversConfigured + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'is_root_domain': repr(self.is_root_domain), f'has_root_nameservers_configured': repr( + self.has_root_nameservers_configured)} + class_name = "HostnameInfo" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'is_root_domain': self.is_root_domain, + 'has_root_nameservers_configured': self.has_root_nameservers_configured} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/image_gen_model.py b/abacusai/image_gen_model.py new file mode 100644 index 000000000..952a43649 --- /dev/null +++ b/abacusai/image_gen_model.py @@ -0,0 +1,48 @@ +from .image_gen_model_options import ImageGenModelOptions +from .return_class import AbstractApiClass + + +class ImageGenModel(AbstractApiClass): + """ + Image generation model + + Args: + client (ApiClient): An authenticated API Client instance + displayName (str): The display name for the UI component. + type (str): The type of the UI component. + valueType (str): The data type of the values within the UI component. + optional (bool): Whether the selection of a value is optional. + default (str): The default value for the image generation model. + helptext (str): The helptext for the UI component. + options (ImageGenModelOptions): The options of models available for image generation. + """ + + def __init__(self, client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}): + super().__init__(client, None) + self.display_name = displayName + self.type = type + self.value_type = valueType + self.optional = optional + self.default = default + self.helptext = helptext + self.options = client._build_class(ImageGenModelOptions, options) + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'display_name': repr(self.display_name), f'type': repr(self.type), f'value_type': repr(self.value_type), f'optional': repr( + self.optional), f'default': repr(self.default), f'helptext': repr(self.helptext), f'options': repr(self.options)} + class_name = "ImageGenModel" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'display_name': self.display_name, 'type': self.type, 'value_type': self.value_type, 'optional': self.optional, + 'default': self.default, 'helptext': self.helptext, 'options': self._get_attribute_as_dict(self.options)} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/image_gen_model_options.py b/abacusai/image_gen_model_options.py new file mode 100644 index 000000000..c96d48df7 --- /dev/null +++ b/abacusai/image_gen_model_options.py @@ -0,0 +1,35 @@ +from .return_class import AbstractApiClass + + +class ImageGenModelOptions(AbstractApiClass): + """ + Image generation model options + + Args: + client (ApiClient): An authenticated API Client instance + keys (list): The keys of the image generation model options represented as the enum values. + values (list): The display names of the image generation model options. + """ + + def __init__(self, client, keys=None, values=None): + super().__init__(client, None) + self.keys = keys + self.values = values + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'keys': repr(self.keys), f'values': repr(self.values)} + class_name = "ImageGenModelOptions" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'keys': self.keys, 'values': self.values} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/image_gen_settings.py b/abacusai/image_gen_settings.py index c26226e9e..df6048bbe 100644 --- a/abacusai/image_gen_settings.py +++ b/abacusai/image_gen_settings.py @@ -1,3 +1,4 @@ +from .image_gen_model import ImageGenModel from .return_class import AbstractApiClass @@ -7,19 +8,21 @@ class ImageGenSettings(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance - model (dict): Dropdown for models available for image generation. settings (dict): The settings for each model. + warnings (dict): The warnings for each model. + model (ImageGenModel): Dropdown for models available for image generation. """ - def __init__(self, client, model=None, settings=None): + def __init__(self, client, settings=None, warnings=None, model={}): super().__init__(client, None) - self.model = model self.settings = settings + self.warnings = warnings + self.model = client._build_class(ImageGenModel, model) self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'model': repr(self.model), - f'settings': repr(self.settings)} + repr_dict = {f'settings': repr(self.settings), f'warnings': repr( + self.warnings), f'model': repr(self.model)} class_name = "ImageGenSettings" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -32,5 +35,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'model': self.model, 'settings': self.settings} + resp = {'settings': self.settings, 'warnings': self.warnings, + 'model': self._get_attribute_as_dict(self.model)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/lip_sync_gen_settings.py b/abacusai/lip_sync_gen_settings.py new file mode 100644 index 000000000..ef056fd41 --- /dev/null +++ b/abacusai/lip_sync_gen_settings.py @@ -0,0 +1,36 @@ +from .return_class import AbstractApiClass + + +class LipSyncGenSettings(AbstractApiClass): + """ + Lip sync generation settings + + Args: + client (ApiClient): An authenticated API Client instance + model (dict): The model settings. + settings (dict): The settings for each model. + """ + + def __init__(self, client, model=None, settings=None): + super().__init__(client, None) + self.model = model + self.settings = settings + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'model': repr(self.model), + f'settings': repr(self.settings)} + class_name = "LipSyncGenSettings" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'model': self.model, 'settings': self.settings} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/llm_artifact.py b/abacusai/llm_artifact.py new file mode 100644 index 000000000..744c1d323 --- /dev/null +++ b/abacusai/llm_artifact.py @@ -0,0 +1,61 @@ +from .return_class import AbstractApiClass + + +class LlmArtifact(AbstractApiClass): + """ + LLM Artifact + + Args: + client (ApiClient): An authenticated API Client instance + llmArtifactId (id): The ID of the LLM artifact + info (dict): The info of the LLM artifact + description (str): The description of the LLM artifact + createdAt (str): The creation timestamp + webAppDeploymentId (id): The ID of the associated web app deployment + deploymentStatus (str): The status of the associated web app deployment + isLatest (bool): Whether it is the most recent version of the artifact + deploymentConversationId (id): The ID of the deployment conversation + webAppProjectId (id): The ID of the web app project + hasDatabase (bool): Whether the app associated with the artifact has a database + hasStorage (bool): Whether the app associated with the artifact has a storage + projectMetadata (dict): The metadata of the web app project + hasDatabaseSnapshot (bool): Whether the artifact database has a snapshot + supportsPreviewRestore (bool): Whether the artifact supports preview restore + """ + + def __init__(self, client, llmArtifactId=None, info=None, description=None, createdAt=None, webAppDeploymentId=None, deploymentStatus=None, isLatest=None, deploymentConversationId=None, webAppProjectId=None, hasDatabase=None, hasStorage=None, projectMetadata=None, hasDatabaseSnapshot=None, supportsPreviewRestore=None): + super().__init__(client, llmArtifactId) + self.llm_artifact_id = llmArtifactId + self.info = info + self.description = description + self.created_at = createdAt + self.web_app_deployment_id = webAppDeploymentId + self.deployment_status = deploymentStatus + self.is_latest = isLatest + self.deployment_conversation_id = deploymentConversationId + self.web_app_project_id = webAppProjectId + self.has_database = hasDatabase + self.has_storage = hasStorage + self.project_metadata = projectMetadata + self.has_database_snapshot = hasDatabaseSnapshot + self.supports_preview_restore = supportsPreviewRestore + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'llm_artifact_id': repr(self.llm_artifact_id), f'info': repr(self.info), f'description': repr(self.description), f'created_at': repr(self.created_at), f'web_app_deployment_id': repr(self.web_app_deployment_id), f'deployment_status': repr(self.deployment_status), f'is_latest': repr(self.is_latest), f'deployment_conversation_id': repr( + self.deployment_conversation_id), f'web_app_project_id': repr(self.web_app_project_id), f'has_database': repr(self.has_database), f'has_storage': repr(self.has_storage), f'project_metadata': repr(self.project_metadata), f'has_database_snapshot': repr(self.has_database_snapshot), f'supports_preview_restore': repr(self.supports_preview_restore)} + class_name = "LlmArtifact" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'llm_artifact_id': self.llm_artifact_id, 'info': self.info, 'description': self.description, 'created_at': self.created_at, 'web_app_deployment_id': self.web_app_deployment_id, 'deployment_status': self.deployment_status, 'is_latest': self.is_latest, 'deployment_conversation_id': self.deployment_conversation_id, + 'web_app_project_id': self.web_app_project_id, 'has_database': self.has_database, 'has_storage': self.has_storage, 'project_metadata': self.project_metadata, 'has_database_snapshot': self.has_database_snapshot, 'supports_preview_restore': self.supports_preview_restore} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/mcp_config.py b/abacusai/mcp_config.py new file mode 100644 index 000000000..4718da66a --- /dev/null +++ b/abacusai/mcp_config.py @@ -0,0 +1,33 @@ +from .return_class import AbstractApiClass + + +class McpConfig(AbstractApiClass): + """ + Model Context Protocol Config + + Args: + client (ApiClient): An authenticated API Client instance + mcpConfig (dict): The MCP configuration for the current user + """ + + def __init__(self, client, mcpConfig=None): + super().__init__(client, None) + self.mcp_config = mcpConfig + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'mcp_config': repr(self.mcp_config)} + class_name = "McpConfig" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'mcp_config': self.mcp_config} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/mcp_server.py b/abacusai/mcp_server.py new file mode 100644 index 000000000..28da2a5a2 --- /dev/null +++ b/abacusai/mcp_server.py @@ -0,0 +1,49 @@ +from .return_class import AbstractApiClass + + +class McpServer(AbstractApiClass): + """ + Model Context Protocol Server + + Args: + client (ApiClient): An authenticated API Client instance + name (str): The name of the MCP server. + description (str): description of what the MCP server does. + envVars (list): list of api_keys or credentials required by the MCP server. + config (str): a json string containing the command and arguments for the MCP server. + envVarInstructions (str): instructions for the user to get the environment variables. + url (str): The url of the MCP server github repository or webpage. + isActive (bool): Whether the MCP server is active. + metadata (dict): additional information about the MCP server including github_stars, etc. + """ + + def __init__(self, client, name=None, description=None, envVars=None, config=None, envVarInstructions=None, url=None, isActive=None, metadata=None): + super().__init__(client, None) + self.name = name + self.description = description + self.env_vars = envVars + self.config = config + self.env_var_instructions = envVarInstructions + self.url = url + self.is_active = isActive + self.metadata = metadata + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'name': repr(self.name), f'description': repr(self.description), f'env_vars': repr(self.env_vars), f'config': repr( + self.config), f'env_var_instructions': repr(self.env_var_instructions), f'url': repr(self.url), f'is_active': repr(self.is_active), f'metadata': repr(self.metadata)} + class_name = "McpServer" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'name': self.name, 'description': self.description, 'env_vars': self.env_vars, 'config': self.config, + 'env_var_instructions': self.env_var_instructions, 'url': self.url, 'is_active': self.is_active, 'metadata': self.metadata} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/mcp_server_connection.py b/abacusai/mcp_server_connection.py new file mode 100644 index 000000000..51b8e74f8 --- /dev/null +++ b/abacusai/mcp_server_connection.py @@ -0,0 +1,59 @@ +from .return_class import AbstractApiClass + + +class McpServerConnection(AbstractApiClass): + """ + Model Context Protocol Server Connection + + Args: + client (ApiClient): An authenticated API Client instance + mcpServerConnectionId (id): the id of the MCP server connection. + createdAt (str): the date and time the MCP server connection was created. + updatedAt (str): the date and time the MCP server connection was updated. + name (str): The name of the MCP server. + config (dict): a dictionary containing the config for the MCP server. + description (str): description of what the MCP server does. + transport (str): the transport type for the MCP server. + authType (str): the auth type for the MCP server. + externalConnectionId (id): the external connection id for the MCP server. + inactive (bool): whether the MCP server is inactive. + tools (list): the tools for the MCP server. + errorMsg (str): the error message for the MCP server. + metadata (dict): the metadata for the MCP server. + """ + + def __init__(self, client, mcpServerConnectionId=None, createdAt=None, updatedAt=None, name=None, config=None, description=None, transport=None, authType=None, externalConnectionId=None, inactive=None, tools=None, errorMsg=None, metadata=None): + super().__init__(client, mcpServerConnectionId) + self.mcp_server_connection_id = mcpServerConnectionId + self.created_at = createdAt + self.updated_at = updatedAt + self.name = name + self.config = config + self.description = description + self.transport = transport + self.auth_type = authType + self.external_connection_id = externalConnectionId + self.inactive = inactive + self.tools = tools + self.error_msg = errorMsg + self.metadata = metadata + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'mcp_server_connection_id': repr(self.mcp_server_connection_id), f'created_at': repr(self.created_at), f'updated_at': repr(self.updated_at), f'name': repr(self.name), f'config': repr(self.config), f'description': repr(self.description), f'transport': repr( + self.transport), f'auth_type': repr(self.auth_type), f'external_connection_id': repr(self.external_connection_id), f'inactive': repr(self.inactive), f'tools': repr(self.tools), f'error_msg': repr(self.error_msg), f'metadata': repr(self.metadata)} + class_name = "McpServerConnection" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'mcp_server_connection_id': self.mcp_server_connection_id, 'created_at': self.created_at, 'updated_at': self.updated_at, 'name': self.name, 'config': self.config, 'description': self.description, + 'transport': self.transport, 'auth_type': self.auth_type, 'external_connection_id': self.external_connection_id, 'inactive': self.inactive, 'tools': self.tools, 'error_msg': self.error_msg, 'metadata': self.metadata} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/mcp_server_query_result.py b/abacusai/mcp_server_query_result.py new file mode 100644 index 000000000..02c28fe42 --- /dev/null +++ b/abacusai/mcp_server_query_result.py @@ -0,0 +1,33 @@ +from .return_class import AbstractApiClass + + +class McpServerQueryResult(AbstractApiClass): + """ + Result of a MCP server query + + Args: + client (ApiClient): An authenticated API Client instance + output (dict): The execution logs as well as the final output of the MCP server query + """ + + def __init__(self, client, output=None): + super().__init__(client, None) + self.output = output + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'output': repr(self.output)} + class_name = "McpServerQueryResult" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'output': self.output} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/model.py b/abacusai/model.py index 60f672e20..24c6bf4e8 100644 --- a/abacusai/model.py +++ b/abacusai/model.py @@ -23,8 +23,6 @@ class Model(AbstractApiClass): modelPredictionConfig (dict): The prediction config options for the model. createdAt (str): Date and time at which the model was created. projectId (str): The project this model belongs to. - shared (bool): If model is shared to the Abacus.AI model showcase. - sharedAt (str): The date and time at which the model was shared to the model showcase trainFunctionName (str): Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run. predictFunctionName (str): Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run. predictManyFunctionName (str): Name of the function found in the source code that will be executed to run batch predictions trhough the model. @@ -54,7 +52,7 @@ class Model(AbstractApiClass): modelConfig (TrainingConfig): The training config options used to train this model. """ - def __init__(self, client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, shared=None, sharedAt=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={}): + def __init__(self, client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={}): super().__init__(client, modelId) self.name = name self.model_id = modelId @@ -62,8 +60,6 @@ def __init__(self, client, name=None, modelId=None, modelConfigType=None, modelP self.model_prediction_config = modelPredictionConfig self.created_at = createdAt self.project_id = projectId - self.shared = shared - self.shared_at = sharedAt self.train_function_name = trainFunctionName self.predict_function_name = predictFunctionName self.predict_many_function_name = predictManyFunctionName @@ -99,8 +95,8 @@ def __init__(self, client, name=None, modelId=None, modelConfigType=None, modelP self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'name': repr(self.name), f'model_id': repr(self.model_id), f'model_config_type': repr(self.model_config_type), f'model_prediction_config': repr(self.model_prediction_config), f'created_at': repr(self.created_at), f'project_id': repr(self.project_id), f'shared': repr(self.shared), f'shared_at': repr(self.shared_at), f'train_function_name': repr(self.train_function_name), f'predict_function_name': repr(self.predict_function_name), f'predict_many_function_name': repr(self.predict_many_function_name), f'initialize_function_name': repr(self.initialize_function_name), f'training_input_tables': repr(self.training_input_tables), f'source_code': repr(self.source_code), f'cpu_size': repr(self.cpu_size), f'memory': repr(self.memory), f'training_feature_group_ids': repr(self.training_feature_group_ids), f'algorithm_model_configs': repr(self.algorithm_model_configs), - f'training_vector_store_versions': repr(self.training_vector_store_versions), f'document_retrievers': repr(self.document_retrievers), f'document_retriever_ids': repr(self.document_retriever_ids), f'is_python_model': repr(self.is_python_model), f'default_algorithm': repr(self.default_algorithm), f'custom_algorithm_configs': repr(self.custom_algorithm_configs), f'restricted_algorithms': repr(self.restricted_algorithms), f'use_gpu': repr(self.use_gpu), f'notebook_id': repr(self.notebook_id), f'training_required': repr(self.training_required), f'location': repr(self.location), f'refresh_schedules': repr(self.refresh_schedules), f'code_source': repr(self.code_source), f'database_connector': repr(self.database_connector), f'data_llm_feature_groups': repr(self.data_llm_feature_groups), f'latest_model_version': repr(self.latest_model_version), f'model_config': repr(self.model_config)} + repr_dict = {f'name': repr(self.name), f'model_id': repr(self.model_id), f'model_config_type': repr(self.model_config_type), f'model_prediction_config': repr(self.model_prediction_config), f'created_at': repr(self.created_at), f'project_id': repr(self.project_id), f'train_function_name': repr(self.train_function_name), f'predict_function_name': repr(self.predict_function_name), f'predict_many_function_name': repr(self.predict_many_function_name), f'initialize_function_name': repr(self.initialize_function_name), f'training_input_tables': repr(self.training_input_tables), f'source_code': repr(self.source_code), f'cpu_size': repr(self.cpu_size), f'memory': repr(self.memory), f'training_feature_group_ids': repr(self.training_feature_group_ids), f'algorithm_model_configs': repr(self.algorithm_model_configs), f'training_vector_store_versions': repr( + self.training_vector_store_versions), f'document_retrievers': repr(self.document_retrievers), f'document_retriever_ids': repr(self.document_retriever_ids), f'is_python_model': repr(self.is_python_model), f'default_algorithm': repr(self.default_algorithm), f'custom_algorithm_configs': repr(self.custom_algorithm_configs), f'restricted_algorithms': repr(self.restricted_algorithms), f'use_gpu': repr(self.use_gpu), f'notebook_id': repr(self.notebook_id), f'training_required': repr(self.training_required), f'location': repr(self.location), f'refresh_schedules': repr(self.refresh_schedules), f'code_source': repr(self.code_source), f'database_connector': repr(self.database_connector), f'data_llm_feature_groups': repr(self.data_llm_feature_groups), f'latest_model_version': repr(self.latest_model_version), f'model_config': repr(self.model_config)} class_name = "Model" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -113,7 +109,7 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'name': self.name, 'model_id': self.model_id, 'model_config_type': self.model_config_type, 'model_prediction_config': self.model_prediction_config, 'created_at': self.created_at, 'project_id': self.project_id, 'shared': self.shared, 'shared_at': self.shared_at, 'train_function_name': self.train_function_name, 'predict_function_name': self.predict_function_name, 'predict_many_function_name': self.predict_many_function_name, 'initialize_function_name': self.initialize_function_name, 'training_input_tables': self.training_input_tables, 'source_code': self.source_code, 'cpu_size': self.cpu_size, 'memory': self.memory, 'training_feature_group_ids': self.training_feature_group_ids, 'algorithm_model_configs': self.algorithm_model_configs, 'training_vector_store_versions': self.training_vector_store_versions, 'document_retrievers': self.document_retrievers, + resp = {'name': self.name, 'model_id': self.model_id, 'model_config_type': self.model_config_type, 'model_prediction_config': self.model_prediction_config, 'created_at': self.created_at, 'project_id': self.project_id, 'train_function_name': self.train_function_name, 'predict_function_name': self.predict_function_name, 'predict_many_function_name': self.predict_many_function_name, 'initialize_function_name': self.initialize_function_name, 'training_input_tables': self.training_input_tables, 'source_code': self.source_code, 'cpu_size': self.cpu_size, 'memory': self.memory, 'training_feature_group_ids': self.training_feature_group_ids, 'algorithm_model_configs': self.algorithm_model_configs, 'training_vector_store_versions': self.training_vector_store_versions, 'document_retrievers': self.document_retrievers, 'document_retriever_ids': self.document_retriever_ids, 'is_python_model': self.is_python_model, 'default_algorithm': self.default_algorithm, 'custom_algorithm_configs': self.custom_algorithm_configs, 'restricted_algorithms': self.restricted_algorithms, 'use_gpu': self.use_gpu, 'notebook_id': self.notebook_id, 'training_required': self.training_required, 'location': self._get_attribute_as_dict(self.location), 'refresh_schedules': self._get_attribute_as_dict(self.refresh_schedules), 'code_source': self._get_attribute_as_dict(self.code_source), 'database_connector': self._get_attribute_as_dict(self.database_connector), 'data_llm_feature_groups': self._get_attribute_as_dict(self.data_llm_feature_groups), 'latest_model_version': self._get_attribute_as_dict(self.latest_model_version), 'model_config': self._get_attribute_as_dict(self.model_config)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/organization_external_application_settings.py b/abacusai/organization_external_application_settings.py index a6261d6aa..64df1e3eb 100644 --- a/abacusai/organization_external_application_settings.py +++ b/abacusai/organization_external_application_settings.py @@ -11,19 +11,21 @@ class OrganizationExternalApplicationSettings(AbstractApiClass): theme (dict): The theme used for External Applications in this org. managedUserService (str): The external service that is managing the user accounts. passwordsDisabled (bool): Whether or not passwords are disabled for this organization's domain. + externalServiceForRoles (str): The external service that is managing the user roles. """ - def __init__(self, client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None): + def __init__(self, client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None, externalServiceForRoles=None): super().__init__(client, None) self.logo = logo self.theme = theme self.managed_user_service = managedUserService self.passwords_disabled = passwordsDisabled + self.external_service_for_roles = externalServiceForRoles self.deprecated_keys = {} def __repr__(self): repr_dict = {f'logo': repr(self.logo), f'theme': repr(self.theme), f'managed_user_service': repr( - self.managed_user_service), f'passwords_disabled': repr(self.passwords_disabled)} + self.managed_user_service), f'passwords_disabled': repr(self.passwords_disabled), f'external_service_for_roles': repr(self.external_service_for_roles)} class_name = "OrganizationExternalApplicationSettings" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -36,6 +38,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'logo': self.logo, 'theme': self.theme, 'managed_user_service': - self.managed_user_service, 'passwords_disabled': self.passwords_disabled} + resp = {'logo': self.logo, 'theme': self.theme, 'managed_user_service': self.managed_user_service, + 'passwords_disabled': self.passwords_disabled, 'external_service_for_roles': self.external_service_for_roles} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/organization_secret.py b/abacusai/organization_secret.py index fae95a9b8..dc1ebfe83 100644 --- a/abacusai/organization_secret.py +++ b/abacusai/organization_secret.py @@ -10,18 +10,20 @@ class OrganizationSecret(AbstractApiClass): secretKey (str): The key of the secret value (str): The value of the secret createdAt (str): The date and time when the secret was created, in ISO-8601 format. + metadata (dict): Additional metadata for the secret (e.g., web_app_project_ids). """ - def __init__(self, client, secretKey=None, value=None, createdAt=None): + def __init__(self, client, secretKey=None, value=None, createdAt=None, metadata=None): super().__init__(client, None) self.secret_key = secretKey self.value = value self.created_at = createdAt + self.metadata = metadata self.deprecated_keys = {} def __repr__(self): repr_dict = {f'secret_key': repr(self.secret_key), f'value': repr( - self.value), f'created_at': repr(self.created_at)} + self.value), f'created_at': repr(self.created_at), f'metadata': repr(self.metadata)} class_name = "OrganizationSecret" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -34,6 +36,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'secret_key': self.secret_key, - 'value': self.value, 'created_at': self.created_at} + resp = {'secret_key': self.secret_key, 'value': self.value, + 'created_at': self.created_at, 'metadata': self.metadata} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/prediction_client.py b/abacusai/prediction_client.py index 03961c9b7..af5a9117c 100644 --- a/abacusai/prediction_client.py +++ b/abacusai/prediction_client.py @@ -345,7 +345,7 @@ def get_related_items(self, deployment_token: str, deployment_id: str, query_dat deployment_id, deployment_token) if deployment_token else None return self._call_api('getRelatedItems', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data, 'numItems': num_items, 'page': page, 'scalingFactors': scaling_factors, 'restrictItems': restrict_items, 'excludeItems': exclude_items}, server_override=prediction_url) - def get_chat_response(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None) -> Dict: + def get_chat_response(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, user_info: dict = None) -> Dict: """Return a chat response which continues the conversation based on the input messages and search results. Args: @@ -361,7 +361,7 @@ def get_chat_response(self, deployment_token: str, deployment_id: str, messages: chat_config (dict): A dictionary specifying the query chat config override.""" prediction_url = self._get_prediction_endpoint( deployment_id, deployment_token) if deployment_token else None - return self._call_api('getChatResponse', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'messages': messages, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config}, server_override=prediction_url) + return self._call_api('getChatResponse', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'messages': messages, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'userInfo': user_info}, server_override=prediction_url) def get_chat_response_with_binary_data(self, deployment_token: str, deployment_id: str, messages: list, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, attachments: None = None) -> Dict: """Return a chat response which continues the conversation based on the input messages and search results. @@ -382,7 +382,7 @@ def get_chat_response_with_binary_data(self, deployment_token: str, deployment_i deployment_id, deployment_token) if deployment_token else None return self._call_api('getChatResponseWithBinaryData', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, data={'messages': json.dumps(messages) if (messages is not None and not isinstance(messages, str)) else messages, 'llmName': json.dumps(llm_name) if (llm_name is not None and not isinstance(llm_name, str)) else llm_name, 'numCompletionTokens': json.dumps(num_completion_tokens) if (num_completion_tokens is not None and not isinstance(num_completion_tokens, str)) else num_completion_tokens, 'systemMessage': json.dumps(system_message) if (system_message is not None and not isinstance(system_message, str)) else system_message, 'temperature': json.dumps(temperature) if (temperature is not None and not isinstance(temperature, str)) else temperature, 'filterKeyValues': json.dumps(filter_key_values) if (filter_key_values is not None and not isinstance(filter_key_values, str)) else filter_key_values, 'searchScoreCutoff': json.dumps(search_score_cutoff) if (search_score_cutoff is not None and not isinstance(search_score_cutoff, str)) else search_score_cutoff, 'chatConfig': json.dumps(chat_config) if (chat_config is not None and not isinstance(chat_config, str)) else chat_config}, files=attachments, server_override=prediction_url) - def get_conversation_response(self, deployment_id: str, message: str, deployment_token: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, doc_infos: list = None) -> Dict: + def get_conversation_response(self, deployment_id: str, message: str, deployment_token: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, doc_infos: list = None, user_info: dict = None, execute_usercode_tool: bool = False) -> Dict: """Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). Args: @@ -398,10 +398,11 @@ def get_conversation_response(self, deployment_id: str, message: str, deployment filter_key_values (dict): A dictionary mapping column names to a list of values to restrict the retrived search results. search_score_cutoff (float): Cutoff for the document retriever score. Matching search results below this score will be ignored. chat_config (dict): A dictionary specifiying the query chat config override. - doc_infos (list): An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore.""" + doc_infos (list): An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. + execute_usercode_tool (bool): If True, will return the tool output in the response.""" prediction_url = self._get_prediction_endpoint( deployment_id, deployment_token) if deployment_token else None - return self._call_api('getConversationResponse', 'POST', query_params={'deploymentId': deployment_id, 'deploymentToken': deployment_token}, body={'message': message, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'docInfos': doc_infos}, server_override=prediction_url) + return self._call_api('getConversationResponse', 'POST', query_params={'deploymentId': deployment_id, 'deploymentToken': deployment_token}, body={'message': message, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'llmName': llm_name, 'numCompletionTokens': num_completion_tokens, 'systemMessage': system_message, 'temperature': temperature, 'filterKeyValues': filter_key_values, 'searchScoreCutoff': search_score_cutoff, 'chatConfig': chat_config, 'docInfos': doc_infos, 'userInfo': user_info, 'executeUsercodeTool': execute_usercode_tool}, server_override=prediction_url) def get_conversation_response_with_binary_data(self, deployment_id: str, deployment_token: str, message: str, deployment_conversation_id: str = None, external_session_id: str = None, llm_name: str = None, num_completion_tokens: int = None, system_message: str = None, temperature: float = 0.0, filter_key_values: dict = None, search_score_cutoff: float = None, chat_config: dict = None, attachments: None = None) -> Dict: """Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -424,6 +425,14 @@ def get_conversation_response_with_binary_data(self, deployment_id: str, deploym deployment_id, deployment_token) if deployment_token else None return self._call_api('getConversationResponseWithBinaryData', 'POST', query_params={'deploymentId': deployment_id, 'deploymentToken': deployment_token}, data={'message': json.dumps(message) if (message is not None and not isinstance(message, str)) else message, 'deploymentConversationId': json.dumps(deployment_conversation_id) if (deployment_conversation_id is not None and not isinstance(deployment_conversation_id, str)) else deployment_conversation_id, 'externalSessionId': json.dumps(external_session_id) if (external_session_id is not None and not isinstance(external_session_id, str)) else external_session_id, 'llmName': json.dumps(llm_name) if (llm_name is not None and not isinstance(llm_name, str)) else llm_name, 'numCompletionTokens': json.dumps(num_completion_tokens) if (num_completion_tokens is not None and not isinstance(num_completion_tokens, str)) else num_completion_tokens, 'systemMessage': json.dumps(system_message) if (system_message is not None and not isinstance(system_message, str)) else system_message, 'temperature': json.dumps(temperature) if (temperature is not None and not isinstance(temperature, str)) else temperature, 'filterKeyValues': json.dumps(filter_key_values) if (filter_key_values is not None and not isinstance(filter_key_values, str)) else filter_key_values, 'searchScoreCutoff': json.dumps(search_score_cutoff) if (search_score_cutoff is not None and not isinstance(search_score_cutoff, str)) else search_score_cutoff, 'chatConfig': json.dumps(chat_config) if (chat_config is not None and not isinstance(chat_config, str)) else chat_config}, files=attachments, server_override=prediction_url) + def get_deep_agent_response(self, message: str, deployment_conversation_id: str = None) -> Dict: + """Return a DeepAgent response with generated files if any, based on the input message. + + Args: + message (str): The user's message/task for DeepAgent to complete + deployment_conversation_id (str): The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.""" + return self._proxy_request('getDeepAgentResponse', 'POST', query_params={}, body={'message': message, 'deploymentConversationId': deployment_conversation_id}, is_sync=True, timeout=3600) + def get_search_results(self, deployment_token: str, deployment_id: str, query_data: dict, num: int = 15) -> Dict: """Return the most relevant search results to the search query from the uploaded documents. @@ -519,6 +528,30 @@ def get_alternative_assignments(self, deployment_token: str, deployment_id: str, deployment_id, deployment_token) if deployment_token else None return self._call_api('getAlternativeAssignments', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data, 'addConstraints': add_constraints, 'solveTimeLimitSeconds': solve_time_limit_seconds, 'bestAlternateOnly': best_alternate_only}, server_override=prediction_url) + def get_optimization_inputs_from_serialized(self, deployment_token: str, deployment_id: str, query_data: dict = None) -> Dict: + """Get assignments for given query, with new inputs + + Args: + deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + deployment_id (str): The unique identifier of a deployment created under the project. + query_data (dict): a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes)""" + prediction_url = self._get_prediction_endpoint( + deployment_id, deployment_token) if deployment_token else None + return self._call_api('getOptimizationInputsFromSerialized', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data}, server_override=prediction_url) + + def get_assignments_online_with_new_serialized_inputs(self, deployment_token: str, deployment_id: str, query_data: dict = None, solve_time_limit_seconds: float = None, optimality_gap_limit: float = None) -> Dict: + """Get assignments for given query, with new inputs + + Args: + deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + deployment_id (str): The unique identifier of a deployment created under the project. + query_data (dict): a dictionary with assignment, constraint and constraint_equations_df (under these specific keys) + solve_time_limit_seconds (float): Maximum time in seconds to spend solving the query. + optimality_gap_limit (float): Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found)""" + prediction_url = self._get_prediction_endpoint( + deployment_id, deployment_token) if deployment_token else None + return self._call_api('getAssignmentsOnlineWithNewSerializedInputs', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data, 'solveTimeLimitSeconds': solve_time_limit_seconds, 'optimalityGapLimit': optimality_gap_limit}, server_override=prediction_url) + def check_constraints(self, deployment_token: str, deployment_id: str, query_data: dict) -> Dict: """Check for any constraints violated by the overrides. @@ -647,29 +680,6 @@ def transfer_style(self, deployment_token: str, deployment_id: str, source_image deployment_id, deployment_token) if deployment_token else None return self._call_api('transferStyle', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, data={}, files={'sourceImage': source_image, 'styleImage': style_image}, streamable_response=True, server_override=prediction_url) - def generate_image(self, deployment_token: str, deployment_id: str, query_data: dict) -> io.BytesIO: - """Generate an image from text prompt. - - Args: - deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website. - deployment_id (str): A unique identifier to a deployment created under the project. - query_data (dict): Specifies the text prompt. For example, {'prompt': 'a cat'}""" - prediction_url = self._get_prediction_endpoint( - deployment_id, deployment_token) if deployment_token else None - return self._call_api('generateImage', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'queryData': query_data}, streamable_response=True, server_override=prediction_url) - - def execute_agent(self, deployment_token: str, deployment_id: str, arguments: list = None, keyword_arguments: dict = None) -> Dict: - """Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. - - Args: - deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - deployment_id (str): A unique string identifier for the deployment created under the project. - arguments (list): Positional arguments to the agent execute function. - keyword_arguments (dict): A dictionary where each 'key' represents the paramter name and its corresponding 'value' represents the value of that parameter for the agent execute function.""" - prediction_url = self._get_prediction_endpoint( - deployment_id, deployment_token) if deployment_token else None - return self._call_api('executeAgent', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'arguments': arguments, 'keywordArguments': keyword_arguments}, server_override=prediction_url, timeout=1500) - def get_matrix_agent_schema(self, deployment_token: str, deployment_id: str, query: str, doc_infos: list = None, deployment_conversation_id: str = None, external_session_id: str = None) -> Dict: """Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. @@ -684,23 +694,6 @@ def get_matrix_agent_schema(self, deployment_token: str, deployment_id: str, que deployment_id, deployment_token) if deployment_token else None return self._call_api('getMatrixAgentSchema', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'query': query, 'docInfos': doc_infos, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id}, server_override=prediction_url, timeout=1500) - def execute_conversation_agent(self, deployment_token: str, deployment_id: str, arguments: list = None, keyword_arguments: dict = None, deployment_conversation_id: str = None, external_session_id: str = None, regenerate: bool = False, doc_infos: list = None, agent_workflow_node_id: str = None) -> Dict: - """Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. - - Args: - deployment_token (str): The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - deployment_id (str): A unique string identifier for the deployment created under the project. - arguments (list): Positional arguments to the agent execute function. - keyword_arguments (dict): A dictionary where each 'key' represents the paramter name and its corresponding 'value' represents the value of that parameter for the agent execute function. - deployment_conversation_id (str): A unique string identifier for the deployment conversation used for the conversation. - external_session_id (str): A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. - regenerate (bool): If True, will regenerate the response from the last query. - doc_infos (list): An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. - agent_workflow_node_id (str): An optional agent workflow node id to trigger agent execution from an intermediate node.""" - prediction_url = self._get_prediction_endpoint( - deployment_id, deployment_token) if deployment_token else None - return self._call_api('executeConversationAgent', 'POST', query_params={'deploymentToken': deployment_token, 'deploymentId': deployment_id}, body={'arguments': arguments, 'keywordArguments': keyword_arguments, 'deploymentConversationId': deployment_conversation_id, 'externalSessionId': external_session_id, 'regenerate': regenerate, 'docInfos': doc_infos, 'agentWorkflowNodeId': agent_workflow_node_id}, server_override=prediction_url) - def lookup_matches(self, deployment_token: str, deployment_id: str, data: str = None, filters: dict = None, num: int = None, result_columns: list = None, max_words: int = None, num_retrieval_margin_words: int = None, max_words_per_chunk: int = None, score_multiplier_column: str = None, min_score: float = None, required_phrases: list = None, filter_clause: str = None, crowding_limits: dict = None, include_text_search: bool = False) -> List[DocumentRetrieverLookupResult]: """Lookup document retrievers and return the matching documents from the document retriever deployed with given query. diff --git a/abacusai/presentation_export_result.py b/abacusai/presentation_export_result.py new file mode 100644 index 000000000..edb6f463c --- /dev/null +++ b/abacusai/presentation_export_result.py @@ -0,0 +1,37 @@ +from .return_class import AbstractApiClass + + +class PresentationExportResult(AbstractApiClass): + """ + Export Presentation + + Args: + client (ApiClient): An authenticated API Client instance + filePath (str): The path to the exported presentation + webViewLink (str): The web view link to the exported presentation (if applicable) + """ + + def __init__(self, client, filePath=None, webViewLink=None): + super().__init__(client, None) + self.file_path = filePath + self.web_view_link = webViewLink + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'file_path': repr( + self.file_path), f'web_view_link': repr(self.web_view_link)} + class_name = "PresentationExportResult" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'file_path': self.file_path, + 'web_view_link': self.web_view_link} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/private_web_app_deployment.py b/abacusai/private_web_app_deployment.py new file mode 100644 index 000000000..a14a084d0 --- /dev/null +++ b/abacusai/private_web_app_deployment.py @@ -0,0 +1,57 @@ +from .return_class import AbstractApiClass + + +class PrivateWebAppDeployment(AbstractApiClass): + """ + Private web app deployment list. + + Args: + client (ApiClient): An authenticated API Client instance + hostname (str): The hostname of the web app deployment. + llmArtifactId (id): The ID of the LLM artifact. + hostedAppVersion (id): The version of the hosted app. + applicationType (str): The type of application. + lifecycle (str): The lifecycle of the web app deployment. + deploymentConversationId (id): The ID of the deployment conversation. + conversationName (str): The name of the conversation. + userId (id): The ID of the user who created the deployment. + email (str): The email of the user who created the deployment. + conversationType (str): The type of conversation. + source (str): The source of the conversation. + conversationCreatedAt (str): The timestamp when the conversation was created. + """ + + def __init__(self, client, hostname=None, llmArtifactId=None, hostedAppVersion=None, applicationType=None, lifecycle=None, deploymentConversationId=None, conversationName=None, userId=None, email=None, conversationType=None, source=None, conversationCreatedAt=None): + super().__init__(client, None) + self.hostname = hostname + self.llm_artifact_id = llmArtifactId + self.hosted_app_version = hostedAppVersion + self.application_type = applicationType + self.lifecycle = lifecycle + self.deployment_conversation_id = deploymentConversationId + self.conversation_name = conversationName + self.user_id = userId + self.email = email + self.conversation_type = conversationType + self.source = source + self.conversation_created_at = conversationCreatedAt + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'hostname': repr(self.hostname), f'llm_artifact_id': repr(self.llm_artifact_id), f'hosted_app_version': repr(self.hosted_app_version), f'application_type': repr(self.application_type), f'lifecycle': repr(self.lifecycle), f'deployment_conversation_id': repr( + self.deployment_conversation_id), f'conversation_name': repr(self.conversation_name), f'user_id': repr(self.user_id), f'email': repr(self.email), f'conversation_type': repr(self.conversation_type), f'source': repr(self.source), f'conversation_created_at': repr(self.conversation_created_at)} + class_name = "PrivateWebAppDeployment" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'hostname': self.hostname, 'llm_artifact_id': self.llm_artifact_id, 'hosted_app_version': self.hosted_app_version, 'application_type': self.application_type, 'lifecycle': self.lifecycle, 'deployment_conversation_id': self.deployment_conversation_id, + 'conversation_name': self.conversation_name, 'user_id': self.user_id, 'email': self.email, 'conversation_type': self.conversation_type, 'source': self.source, 'conversation_created_at': self.conversation_created_at} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/project.py b/abacusai/project.py index 543dc54d5..a4301eb9d 100644 --- a/abacusai/project.py +++ b/abacusai/project.py @@ -154,6 +154,16 @@ def infer_feature_mappings(self, feature_group_id: str): """ return self.client.infer_feature_mappings(self.project_id, feature_group_id) + def add_scope_for_user(self, email: str, scope: list): + """ + Add a user to a project. + + Args: + email (str): The user's email. + scope (list): The list of project scopes. + """ + return self.client.add_project_scope_for_user(self.project_id, email, scope) + def describe_feature_group(self, feature_group_id: str): """ Describe a feature group associated with a project @@ -326,17 +336,17 @@ def create_model_monitor(self, prediction_feature_group_id: str, training_featur """ return self.client.create_model_monitor(self.project_id, prediction_feature_group_id, training_feature_group_id, name, refresh_schedule, target_value, target_value_bias, target_value_performance, feature_mappings, model_id, training_feature_mappings, feature_group_base_monitor_config, feature_group_comparison_monitor_config, exclude_interactive_performance_analysis, exclude_bias_analysis, exclude_performance_analysis, exclude_feature_drift_analysis, exclude_data_integrity_analysis) - def list_model_monitors(self): + def list_model_monitors(self, limit: int = None): """ Retrieves the list of model monitors in the specified project. Args: - project_id (str): Unique string identifier associated with the project. + limit (int): Maximum number of model monitors to return. We'll have internal limit if not set. Returns: list[ModelMonitor]: A list of model monitors. """ - return self.client.list_model_monitors(self.project_id) + return self.client.list_model_monitors(self.project_id, limit) def create_vision_drift_monitor(self, prediction_feature_group_id: str, training_feature_group_id: str, name: str, feature_mappings: dict, training_feature_mappings: dict, target_value_performance: str = None, refresh_schedule: str = None): """ @@ -535,17 +545,17 @@ def list_refresh_policies(self, dataset_ids: List = [], feature_group_id: str = """ return self.client.list_refresh_policies(self.project_id, dataset_ids, feature_group_id, model_ids, deployment_ids, batch_prediction_ids, model_monitor_ids, notebook_ids) - def list_batch_predictions(self): + def list_batch_predictions(self, limit: int = None): """ Retrieves a list of batch predictions in the project. Args: - project_id (str): Unique string identifier of the project. + limit (int): Maximum number of batch predictions to return. We'll have internal limit if not set. Returns: list[BatchPrediction]: List of batch prediction jobs. """ - return self.client.list_batch_predictions(self.project_id) + return self.client.list_batch_predictions(self.project_id, limit) def list_pipelines(self): """ diff --git a/abacusai/python_function.py b/abacusai/python_function.py index b6390741f..af9e8ea02 100644 --- a/abacusai/python_function.py +++ b/abacusai/python_function.py @@ -21,10 +21,12 @@ class PythonFunction(AbstractApiClass): packageRequirements (list): The pip package dependencies required to run the code description (str): Description of the Python function. examples (dict[str, list[str]]): Dictionary containing example use cases and anti-patterns. Includes 'positive' examples showing recommended usage and 'negative' examples showing cases to avoid. + connectors (dict): Dictionary containing user-level and organization-level connectors + configurations (dict): Dictionary containing configurations for the Python function codeSource (CodeSource): Information about the source code of the Python function. """ - def __init__(self, client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, codeSource={}): + def __init__(self, client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, connectors=None, configurations=None, codeSource={}): super().__init__(client, pythonFunctionId) self.notebook_id = notebookId self.name = name @@ -37,12 +39,14 @@ def __init__(self, client, notebookId=None, name=None, createdAt=None, functionV self.package_requirements = packageRequirements self.description = description self.examples = examples + self.connectors = connectors + self.configurations = configurations self.code_source = client._build_class(CodeSource, codeSource) self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'notebook_id': repr(self.notebook_id), f'name': repr(self.name), f'created_at': repr(self.created_at), f'function_variable_mappings': repr(self.function_variable_mappings), f'output_variable_mappings': repr(self.output_variable_mappings), f'function_name': repr( - self.function_name), f'python_function_id': repr(self.python_function_id), f'function_type': repr(self.function_type), f'package_requirements': repr(self.package_requirements), f'description': repr(self.description), f'examples': repr(self.examples), f'code_source': repr(self.code_source)} + repr_dict = {f'notebook_id': repr(self.notebook_id), f'name': repr(self.name), f'created_at': repr(self.created_at), f'function_variable_mappings': repr(self.function_variable_mappings), f'output_variable_mappings': repr(self.output_variable_mappings), f'function_name': repr(self.function_name), f'python_function_id': repr( + self.python_function_id), f'function_type': repr(self.function_type), f'package_requirements': repr(self.package_requirements), f'description': repr(self.description), f'examples': repr(self.examples), f'connectors': repr(self.connectors), f'configurations': repr(self.configurations), f'code_source': repr(self.code_source)} class_name = "PythonFunction" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -55,8 +59,8 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'notebook_id': self.notebook_id, 'name': self.name, 'created_at': self.created_at, 'function_variable_mappings': self.function_variable_mappings, 'output_variable_mappings': self.output_variable_mappings, 'function_name': self.function_name, - 'python_function_id': self.python_function_id, 'function_type': self.function_type, 'package_requirements': self.package_requirements, 'description': self.description, 'examples': self.examples, 'code_source': self._get_attribute_as_dict(self.code_source)} + resp = {'notebook_id': self.notebook_id, 'name': self.name, 'created_at': self.created_at, 'function_variable_mappings': self.function_variable_mappings, 'output_variable_mappings': self.output_variable_mappings, 'function_name': self.function_name, 'python_function_id': self.python_function_id, + 'function_type': self.function_type, 'package_requirements': self.package_requirements, 'description': self.description, 'examples': self.examples, 'connectors': self.connectors, 'configurations': self.configurations, 'code_source': self._get_attribute_as_dict(self.code_source)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} def add_graph_to_dashboard(self, graph_dashboard_id: str, function_variable_mappings: List = None, name: str = None): diff --git a/abacusai/regenerate_llm_external_application.py b/abacusai/regenerate_llm_external_application.py index 009a6f93c..71538bb26 100644 --- a/abacusai/regenerate_llm_external_application.py +++ b/abacusai/regenerate_llm_external_application.py @@ -7,19 +7,21 @@ class RegenerateLlmExternalApplication(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance - name (str): The external name of the LLM. - externalApplicationId (str): The unique identifier of the external application. + name (str): The display name of the LLM (ie GPT-5) + llmBotIcon (str): The bot icon of the LLM. + llmName (str): The external name of the LLM (ie OPENAI_GPT5) """ - def __init__(self, client, name=None, externalApplicationId=None): + def __init__(self, client, name=None, llmBotIcon=None, llmName=None): super().__init__(client, None) self.name = name - self.external_application_id = externalApplicationId + self.llm_bot_icon = llmBotIcon + self.llm_name = llmName self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'name': repr(self.name), f'external_application_id': repr( - self.external_application_id)} + repr_dict = {f'name': repr(self.name), f'llm_bot_icon': repr( + self.llm_bot_icon), f'llm_name': repr(self.llm_name)} class_name = "RegenerateLlmExternalApplication" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -32,6 +34,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'name': self.name, - 'external_application_id': self.external_application_id} + resp = {'name': self.name, 'llm_bot_icon': self.llm_bot_icon, + 'llm_name': self.llm_name} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/regenerate_llm_option.py b/abacusai/regenerate_llm_option.py new file mode 100644 index 000000000..66efc9866 --- /dev/null +++ b/abacusai/regenerate_llm_option.py @@ -0,0 +1,39 @@ +from .return_class import AbstractApiClass + + +class RegenerateLlmOption(AbstractApiClass): + """ + An option that specifies an LLM user can regenerate with in RouteLLM. + + Args: + client (ApiClient): An authenticated API Client instance + name (str): The display name of the LLM (ie GPT-5) + llmBotIcon (str): The bot icon of the LLM. + llmName (str): The external name of the LLM (ie OPENAI_GPT5) + """ + + def __init__(self, client, name=None, llmBotIcon=None, llmName=None): + super().__init__(client, None) + self.name = name + self.llm_bot_icon = llmBotIcon + self.llm_name = llmName + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'name': repr(self.name), f'llm_bot_icon': repr( + self.llm_bot_icon), f'llm_name': repr(self.llm_name)} + class_name = "RegenerateLlmOption" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'name': self.name, 'llm_bot_icon': self.llm_bot_icon, + 'llm_name': self.llm_name} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/schema.py b/abacusai/schema.py index 93a0f6f29..ff2755c9a 100644 --- a/abacusai/schema.py +++ b/abacusai/schema.py @@ -10,7 +10,7 @@ class Schema(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance name (str): The unique name of the feature. - featureMapping (str): The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details. + featureMapping (str): The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details. detectedFeatureMapping (str): Detected feature mapping for this feature featureType (str): The underlying data type of each feature: CATEGORICAL, CATEGORICAL_LIST, NUMERICAL, TIMESTAMP, TEXT, EMAIL, LABEL_LIST, ENTITY_LABEL_LIST, PAGE_LABEL_LIST, JSON, OBJECT_REFERENCE, MULTICATEGORICAL_LIST, COORDINATE_LIST, NUMERICAL_LIST, TIMESTAMP_LIST, ZIPCODE, URL, PAGE_INFOS, PAGES_DOCUMENT, TOKENS_DOCUMENT, MESSAGE_LIST. detectedFeatureType (str): The detected feature type for this feature diff --git a/abacusai/feature_record.py b/abacusai/session_summary.py similarity index 70% rename from abacusai/feature_record.py rename to abacusai/session_summary.py index 19c6e43a7..a5facfd51 100644 --- a/abacusai/feature_record.py +++ b/abacusai/session_summary.py @@ -1,23 +1,23 @@ from .return_class import AbstractApiClass -class FeatureRecord(AbstractApiClass): +class SessionSummary(AbstractApiClass): """ - A feature record + A session summary Args: client (ApiClient): An authenticated API Client instance - data (dict): the record's current data + summary (str): The summary of the session. """ - def __init__(self, client, data=None): + def __init__(self, client, summary=None): super().__init__(client, None) - self.data = data + self.summary = summary self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'data': repr(self.data)} - class_name = "FeatureRecord" + repr_dict = {f'summary': repr(self.summary)} + class_name = "SessionSummary" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) return f"{class_name}({repr_str})" @@ -29,5 +29,5 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'data': self.data} + resp = {'summary': self.summary} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/session_transcript.py b/abacusai/session_transcript.py new file mode 100644 index 000000000..5bd3e3ead --- /dev/null +++ b/abacusai/session_transcript.py @@ -0,0 +1,35 @@ +from .return_class import AbstractApiClass + + +class SessionTranscript(AbstractApiClass): + """ + A session transcript + + Args: + client (ApiClient): An authenticated API Client instance + role (str): The role of the transcript. + content (str): The content of the transcript. + """ + + def __init__(self, client, role=None, content=None): + super().__init__(client, None) + self.role = role + self.content = content + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'role': repr(self.role), f'content': repr(self.content)} + class_name = "SessionTranscript" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'role': self.role, 'content': self.content} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/session_transcripts.py b/abacusai/session_transcripts.py new file mode 100644 index 000000000..6c2ddadb8 --- /dev/null +++ b/abacusai/session_transcripts.py @@ -0,0 +1,33 @@ +from .return_class import AbstractApiClass + + +class SessionTranscripts(AbstractApiClass): + """ + A list of session transcripts + + Args: + client (ApiClient): An authenticated API Client instance + transcripts (list[sessiontranscript]): A list of session transcripts. + """ + + def __init__(self, client, transcripts=None): + super().__init__(client, None) + self.transcripts = transcripts + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'transcripts': repr(self.transcripts)} + class_name = "SessionTranscripts" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'transcripts': self.transcripts} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/sts_gen_settings.py b/abacusai/sts_gen_settings.py new file mode 100644 index 000000000..6b79a3dc0 --- /dev/null +++ b/abacusai/sts_gen_settings.py @@ -0,0 +1,36 @@ +from .return_class import AbstractApiClass + + +class StsGenSettings(AbstractApiClass): + """ + STS generation settings + + Args: + client (ApiClient): An authenticated API Client instance + model (dict): The model settings. + settings (dict): The settings for each model. + """ + + def __init__(self, client, model=None, settings=None): + super().__init__(client, None) + self.model = model + self.settings = settings + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'model': repr(self.model), + f'settings': repr(self.settings)} + class_name = "StsGenSettings" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'model': self.model, 'settings': self.settings} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/stt_gen_model.py b/abacusai/stt_gen_model.py new file mode 100644 index 000000000..f2bcbdfa1 --- /dev/null +++ b/abacusai/stt_gen_model.py @@ -0,0 +1,48 @@ +from .return_class import AbstractApiClass +from .stt_gen_model_options import SttGenModelOptions + + +class SttGenModel(AbstractApiClass): + """ + STT generation model + + Args: + client (ApiClient): An authenticated API Client instance + displayName (str): The display name for the UI component. + type (str): The type of the UI component. + valueType (str): The data type of the values within the UI component. + optional (bool): Whether the selection of a value is optional. + default (str): The default value for the STT generation model. + helptext (str): The helptext for the UI component. + options (SttGenModelOptions): The options of models available for STT generation. + """ + + def __init__(self, client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}): + super().__init__(client, None) + self.display_name = displayName + self.type = type + self.value_type = valueType + self.optional = optional + self.default = default + self.helptext = helptext + self.options = client._build_class(SttGenModelOptions, options) + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'display_name': repr(self.display_name), f'type': repr(self.type), f'value_type': repr(self.value_type), f'optional': repr( + self.optional), f'default': repr(self.default), f'helptext': repr(self.helptext), f'options': repr(self.options)} + class_name = "SttGenModel" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'display_name': self.display_name, 'type': self.type, 'value_type': self.value_type, 'optional': self.optional, + 'default': self.default, 'helptext': self.helptext, 'options': self._get_attribute_as_dict(self.options)} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/stt_gen_model_options.py b/abacusai/stt_gen_model_options.py new file mode 100644 index 000000000..f0f023fdf --- /dev/null +++ b/abacusai/stt_gen_model_options.py @@ -0,0 +1,35 @@ +from .return_class import AbstractApiClass + + +class SttGenModelOptions(AbstractApiClass): + """ + STT generation model options + + Args: + client (ApiClient): An authenticated API Client instance + keys (list): The keys of the image generation model options represented as the enum values. + values (list): The display names of the image generation model options. + """ + + def __init__(self, client, keys=None, values=None): + super().__init__(client, None) + self.keys = keys + self.values = values + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'keys': repr(self.keys), f'values': repr(self.values)} + class_name = "SttGenModelOptions" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'keys': self.keys, 'values': self.values} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/stt_gen_settings.py b/abacusai/stt_gen_settings.py new file mode 100644 index 000000000..3dbf96a5a --- /dev/null +++ b/abacusai/stt_gen_settings.py @@ -0,0 +1,38 @@ +from .return_class import AbstractApiClass +from .stt_gen_model import SttGenModel + + +class SttGenSettings(AbstractApiClass): + """ + STT generation settings + + Args: + client (ApiClient): An authenticated API Client instance + settings (dict): The settings for each model. + model (SttGenModel): Dropdown for models available for STT generation. + """ + + def __init__(self, client, settings=None, model={}): + super().__init__(client, None) + self.settings = settings + self.model = client._build_class(SttGenModel, model) + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'settings': repr( + self.settings), f'model': repr(self.model)} + class_name = "SttGenSettings" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'settings': self.settings, + 'model': self._get_attribute_as_dict(self.model)} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/tts_gen_settings.py b/abacusai/tts_gen_settings.py new file mode 100644 index 000000000..ba45aa98d --- /dev/null +++ b/abacusai/tts_gen_settings.py @@ -0,0 +1,36 @@ +from .return_class import AbstractApiClass + + +class TtsGenSettings(AbstractApiClass): + """ + TTS generation settings + + Args: + client (ApiClient): An authenticated API Client instance + model (dict): The model settings. + settings (dict): The settings for each model. + """ + + def __init__(self, client, model=None, settings=None): + super().__init__(client, None) + self.model = model + self.settings = settings + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'model': repr(self.model), + f'settings': repr(self.settings)} + class_name = "TtsGenSettings" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'model': self.model, 'settings': self.settings} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/unified_connector.py b/abacusai/unified_connector.py new file mode 100644 index 000000000..95fa16e21 --- /dev/null +++ b/abacusai/unified_connector.py @@ -0,0 +1,49 @@ +from .return_class import AbstractApiClass + + +class UnifiedConnector(AbstractApiClass): + """ + Lightweight unified connector filter that skips expensive auth transformations. + + Args: + client (ApiClient): An authenticated API Client instance + applicationConnectorId (str): The unique ID for the connection. + databaseConnectorId (str): The unique ID for the connection. + service (str): The service this connection connects to + name (str): A user-friendly name for the service + createdAt (str): When the API key was created + status (str): The status of the Application Connector + auth (dict): Non-secret connection information for this connector + isUserLevel (bool): Whether this is a user-level connector + """ + + def __init__(self, client, applicationConnectorId=None, databaseConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None, isUserLevel=None): + super().__init__(client, None) + self.application_connector_id = applicationConnectorId + self.database_connector_id = databaseConnectorId + self.service = service + self.name = name + self.created_at = createdAt + self.status = status + self.auth = auth + self.is_user_level = isUserLevel + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'application_connector_id': repr(self.application_connector_id), f'database_connector_id': repr(self.database_connector_id), f'service': repr( + self.service), f'name': repr(self.name), f'created_at': repr(self.created_at), f'status': repr(self.status), f'auth': repr(self.auth), f'is_user_level': repr(self.is_user_level)} + class_name = "UnifiedConnector" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'application_connector_id': self.application_connector_id, 'database_connector_id': self.database_connector_id, 'service': self.service, + 'name': self.name, 'created_at': self.created_at, 'status': self.status, 'auth': self.auth, 'is_user_level': self.is_user_level} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/upload.py b/abacusai/upload.py index d1e8f071f..2a535b86f 100644 --- a/abacusai/upload.py +++ b/abacusai/upload.py @@ -121,19 +121,25 @@ def upload_part(self, upload_args): (part_number, part_data) = upload_args return self.part(part_number, part_data) - def upload_file(self, file, threads=10, chunksize=1024 * 1024 * 10, wait_timeout=600): + def upload_file(self, file, threads=10, chunksize=None, wait_timeout=600): """ Uploads the file in the specified chunk size using the specified number of workers. Args: file (IOBase): A bytesIO or StringIO object to upload to Abacus.AI threads (int): The max number of workers to use while uploading the file - chunksize (int): The number of bytes to use for each chunk while uploading the file. Defaults to 10 MB + chunksize (int): The number of bytes to use for each chunk while uploading the file. If None, dynamically calculated based on file size (defaults to 20 MB.) wait_timeout (int): The max number of seconds to wait for the file parts to be joined on Abacus.AI. Defaults to 600. Returns: Upload: The upload file object. """ + if chunksize is None: + file.seek(0, 2) + file_size = file.tell() + file.seek(0) + chunksize = self._calculate_chunk_size(file_size) + with ThreadPoolExecutor(max_workers=threads) as pool: pool.map(self.upload_part, self._yield_upload_part(file, chunksize)) upload_object = self.mark_complete() @@ -146,6 +152,13 @@ def upload_file(self, file, threads=10, chunksize=1024 * 1024 * 10, wait_timeout return self.client.describe_model(upload_object.model_id) return upload_object + def _calculate_chunk_size(self, file_size): + MIN_CHUNK_SIZE = 20 * 1024 * 1024 + MAX_CHUNK_SIZE = 100 * 1024 * 1024 + MAX_PARTS = 10000 + calculated_chunk_size = (file_size + MAX_PARTS - 1) // MAX_PARTS + return min(max(MIN_CHUNK_SIZE, calculated_chunk_size), MAX_CHUNK_SIZE) + def _yield_upload_part(self, file, chunksize): part_number = 0 while True: diff --git a/abacusai/user.py b/abacusai/user.py index 196815361..337dc33b4 100644 --- a/abacusai/user.py +++ b/abacusai/user.py @@ -4,10 +4,11 @@ class User(AbstractApiClass): """ - An Abacus.AI User + An Abacus.AI User with a unique user_id. Args: client (ApiClient): An authenticated API Client instance + userId (id): The unique identifier of the user. name (str): The User's name. email (str): The User's primary email address. createdAt (str): The date and time when the user joined Abacus.AI. @@ -15,8 +16,9 @@ class User(AbstractApiClass): organizationGroups (OrganizationGroup): List of Organization Groups this user belongs to. """ - def __init__(self, client, name=None, email=None, createdAt=None, status=None, organizationGroups={}): - super().__init__(client, None) + def __init__(self, client, userId=None, name=None, email=None, createdAt=None, status=None, organizationGroups={}): + super().__init__(client, userId) + self.user_id = userId self.name = name self.email = email self.created_at = createdAt @@ -26,7 +28,7 @@ def __init__(self, client, name=None, email=None, createdAt=None, status=None, o self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'name': repr(self.name), f'email': repr(self.email), f'created_at': repr( + repr_dict = {f'user_id': repr(self.user_id), f'name': repr(self.name), f'email': repr(self.email), f'created_at': repr( self.created_at), f'status': repr(self.status), f'organization_groups': repr(self.organization_groups)} class_name = "User" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( @@ -40,6 +42,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'name': self.name, 'email': self.email, 'created_at': self.created_at, 'status': self.status, - 'organization_groups': self._get_attribute_as_dict(self.organization_groups)} + resp = {'user_id': self.user_id, 'name': self.name, 'email': self.email, 'created_at': self.created_at, + 'status': self.status, 'organization_groups': self._get_attribute_as_dict(self.organization_groups)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/user_group_object_permission.py b/abacusai/user_group_object_permission.py new file mode 100644 index 000000000..269ebe669 --- /dev/null +++ b/abacusai/user_group_object_permission.py @@ -0,0 +1,41 @@ +from .return_class import AbstractApiClass + + +class UserGroupObjectPermission(AbstractApiClass): + """ + A user group object permission + + Args: + client (ApiClient): An authenticated API Client instance + userGroupId (str): The unique identifier of the user group. + userGroupName (str): The name of the user group. + objectId (str): The unique identifier of the object. + permission (str): The permission level (e.g., 'ALL'). + """ + + def __init__(self, client, userGroupId=None, userGroupName=None, objectId=None, permission=None): + super().__init__(client, None) + self.user_group_id = userGroupId + self.user_group_name = userGroupName + self.object_id = objectId + self.permission = permission + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'user_group_id': repr(self.user_group_id), f'user_group_name': repr( + self.user_group_name), f'object_id': repr(self.object_id), f'permission': repr(self.permission)} + class_name = "UserGroupObjectPermission" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'user_group_id': self.user_group_id, 'user_group_name': self.user_group_name, + 'object_id': self.object_id, 'permission': self.permission} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/video_gen_costs.py b/abacusai/video_gen_costs.py new file mode 100644 index 000000000..c4bf16618 --- /dev/null +++ b/abacusai/video_gen_costs.py @@ -0,0 +1,37 @@ +from .return_class import AbstractApiClass + + +class VideoGenCosts(AbstractApiClass): + """ + The most expensive price for each video gen model in credits + + Args: + client (ApiClient): An authenticated API Client instance + modelCosts (dict): The costs of the video gen models in credits + expensiveModels (list): The list of video gen models that are expensive + """ + + def __init__(self, client, modelCosts=None, expensiveModels=None): + super().__init__(client, None) + self.model_costs = modelCosts + self.expensive_models = expensiveModels + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'model_costs': repr( + self.model_costs), f'expensive_models': repr(self.expensive_models)} + class_name = "VideoGenCosts" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'model_costs': self.model_costs, + 'expensive_models': self.expensive_models} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/video_gen_model.py b/abacusai/video_gen_model.py new file mode 100644 index 000000000..b6a19552f --- /dev/null +++ b/abacusai/video_gen_model.py @@ -0,0 +1,48 @@ +from .return_class import AbstractApiClass +from .video_gen_model_options import VideoGenModelOptions + + +class VideoGenModel(AbstractApiClass): + """ + Video generation model + + Args: + client (ApiClient): An authenticated API Client instance + displayName (str): The display name for the UI component. + type (str): The type of the UI component. + valueType (str): The data type of the values within the UI component. + optional (bool): Whether the selection of a value is optional. + default (str): The default value for the video generation model. + helptext (str): The helptext for the UI component. + options (VideoGenModelOptions): The options of models available for video generation. + """ + + def __init__(self, client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}): + super().__init__(client, None) + self.display_name = displayName + self.type = type + self.value_type = valueType + self.optional = optional + self.default = default + self.helptext = helptext + self.options = client._build_class(VideoGenModelOptions, options) + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'display_name': repr(self.display_name), f'type': repr(self.type), f'value_type': repr(self.value_type), f'optional': repr( + self.optional), f'default': repr(self.default), f'helptext': repr(self.helptext), f'options': repr(self.options)} + class_name = "VideoGenModel" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'display_name': self.display_name, 'type': self.type, 'value_type': self.value_type, 'optional': self.optional, + 'default': self.default, 'helptext': self.helptext, 'options': self._get_attribute_as_dict(self.options)} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/video_gen_model_options.py b/abacusai/video_gen_model_options.py new file mode 100644 index 000000000..995d71fd9 --- /dev/null +++ b/abacusai/video_gen_model_options.py @@ -0,0 +1,35 @@ +from .return_class import AbstractApiClass + + +class VideoGenModelOptions(AbstractApiClass): + """ + Video generation model options + + Args: + client (ApiClient): An authenticated API Client instance + keys (list): The keys of the video generation model options represented as the enum values. + values (list): The display names of the video generation model options. + """ + + def __init__(self, client, keys=None, values=None): + super().__init__(client, None) + self.keys = keys + self.values = values + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'keys': repr(self.keys), f'values': repr(self.values)} + class_name = "VideoGenModelOptions" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'keys': self.keys, 'values': self.values} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/video_gen_settings.py b/abacusai/video_gen_settings.py index 2275fd8a7..5b951e427 100644 --- a/abacusai/video_gen_settings.py +++ b/abacusai/video_gen_settings.py @@ -1,4 +1,5 @@ from .return_class import AbstractApiClass +from .video_gen_model import VideoGenModel class VideoGenSettings(AbstractApiClass): @@ -7,19 +8,21 @@ class VideoGenSettings(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance - model (dict): The model settings. settings (dict): The settings for each model. + warnings (dict): The warnings for each model. + model (VideoGenModel): Dropdown for models available for video generation. """ - def __init__(self, client, model=None, settings=None): + def __init__(self, client, settings=None, warnings=None, model={}): super().__init__(client, None) - self.model = model self.settings = settings + self.warnings = warnings + self.model = client._build_class(VideoGenModel, model) self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'model': repr(self.model), - f'settings': repr(self.settings)} + repr_dict = {f'settings': repr(self.settings), f'warnings': repr( + self.warnings), f'model': repr(self.model)} class_name = "VideoGenSettings" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -32,5 +35,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'model': self.model, 'settings': self.settings} + resp = {'settings': self.settings, 'warnings': self.warnings, + 'model': self._get_attribute_as_dict(self.model)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/web_app_conversation.py b/abacusai/web_app_conversation.py new file mode 100644 index 000000000..d16bb549d --- /dev/null +++ b/abacusai/web_app_conversation.py @@ -0,0 +1,43 @@ +from .return_class import AbstractApiClass + + +class WebAppConversation(AbstractApiClass): + """ + Web App Conversation + + Args: + client (ApiClient): An authenticated API Client instance + deploymentConversationId (id): The ID of the deployment conversation + llmArtifactId (id): The ID of the LLM artifact + deploymentConversationName (str): The name of the conversation + externalApplicationId (str): The external application ID + createdAt (str): The creation timestamp + """ + + def __init__(self, client, deploymentConversationId=None, llmArtifactId=None, deploymentConversationName=None, externalApplicationId=None, createdAt=None): + super().__init__(client, None) + self.deployment_conversation_id = deploymentConversationId + self.llm_artifact_id = llmArtifactId + self.deployment_conversation_name = deploymentConversationName + self.external_application_id = externalApplicationId + self.created_at = createdAt + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'deployment_conversation_id': repr(self.deployment_conversation_id), f'llm_artifact_id': repr(self.llm_artifact_id), f'deployment_conversation_name': repr( + self.deployment_conversation_name), f'external_application_id': repr(self.external_application_id), f'created_at': repr(self.created_at)} + class_name = "WebAppConversation" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'deployment_conversation_id': self.deployment_conversation_id, 'llm_artifact_id': self.llm_artifact_id, + 'deployment_conversation_name': self.deployment_conversation_name, 'external_application_id': self.external_application_id, 'created_at': self.created_at} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/web_app_deployment_permission_dict.py b/abacusai/web_app_deployment_permission_dict.py new file mode 100644 index 000000000..38e47f11c --- /dev/null +++ b/abacusai/web_app_deployment_permission_dict.py @@ -0,0 +1,34 @@ +from .return_class import AbstractApiClass + + +class WebAppDeploymentPermissionDict(AbstractApiClass): + """ + Web app deployment permission dict. + + Args: + client (ApiClient): An authenticated API Client instance + deploymentPermissions (dict): Dictionary containing deployment ID as key and list of tuples containing (user_group_id, permission) as value. + """ + + def __init__(self, client, deploymentPermissions=None): + super().__init__(client, None) + self.deployment_permissions = deploymentPermissions + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'deployment_permissions': repr( + self.deployment_permissions)} + class_name = "WebAppDeploymentPermissionDict" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'deployment_permissions': self.deployment_permissions} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/web_app_domain.py b/abacusai/web_app_domain.py new file mode 100644 index 000000000..bc6dbc0ea --- /dev/null +++ b/abacusai/web_app_domain.py @@ -0,0 +1,51 @@ +from .return_class import AbstractApiClass + + +class WebAppDomain(AbstractApiClass): + """ + Web App Domain + + Args: + client (ApiClient): An authenticated API Client instance + webAppDomainId (id): The ID of the web app domain + hostname (str): The hostname of the web app domain + domainType (str): The type of the web app domain + lifecycle (str): The lifecycle of the web app domain + nameservers (list): The nameservers of the web app domain + dnsRecords (list): The DNS records of the web app domain + metadata (dict): The metadata of the web app domain + isRootDomain (bool): Whether the web app domain is a root domain + isDeployed (bool): Whether the web app domain is deployed + """ + + def __init__(self, client, webAppDomainId=None, hostname=None, domainType=None, lifecycle=None, nameservers=None, dnsRecords=None, metadata=None, isRootDomain=None, isDeployed=None): + super().__init__(client, webAppDomainId) + self.web_app_domain_id = webAppDomainId + self.hostname = hostname + self.domain_type = domainType + self.lifecycle = lifecycle + self.nameservers = nameservers + self.dns_records = dnsRecords + self.metadata = metadata + self.is_root_domain = isRootDomain + self.is_deployed = isDeployed + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'web_app_domain_id': repr(self.web_app_domain_id), f'hostname': repr(self.hostname), f'domain_type': repr(self.domain_type), f'lifecycle': repr(self.lifecycle), f'nameservers': repr( + self.nameservers), f'dns_records': repr(self.dns_records), f'metadata': repr(self.metadata), f'is_root_domain': repr(self.is_root_domain), f'is_deployed': repr(self.is_deployed)} + class_name = "WebAppDomain" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'web_app_domain_id': self.web_app_domain_id, 'hostname': self.hostname, 'domain_type': self.domain_type, 'lifecycle': self.lifecycle, + 'nameservers': self.nameservers, 'dns_records': self.dns_records, 'metadata': self.metadata, 'is_root_domain': self.is_root_domain, 'is_deployed': self.is_deployed} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/web_service_trigger_run.py b/abacusai/web_service_trigger_run.py new file mode 100644 index 000000000..eeb7f24ae --- /dev/null +++ b/abacusai/web_service_trigger_run.py @@ -0,0 +1,51 @@ +from .return_class import AbstractApiClass + + +class WebServiceTriggerRun(AbstractApiClass): + """ + A web service trigger run + + Args: + client (ApiClient): An authenticated API Client instance + endpoint (str): The endpoint of the web service trigger run. + createdAt (str): The creation time of the web service trigger run. + payload (dict): The payload of the web service trigger run. + headers (dict): The headers of the web service trigger run. + method (str): The method of the web service trigger run. + responseStatus (int): The HTTP response status code. + responseBody (str): The HTTP response body. + error (str): Error message if the request failed. + lifecycle (str): The lifecycle status of the run. + """ + + def __init__(self, client, endpoint=None, createdAt=None, payload=None, headers=None, method=None, responseStatus=None, responseBody=None, error=None, lifecycle=None): + super().__init__(client, None) + self.endpoint = endpoint + self.created_at = createdAt + self.payload = payload + self.headers = headers + self.method = method + self.response_status = responseStatus + self.response_body = responseBody + self.error = error + self.lifecycle = lifecycle + self.deprecated_keys = {} + + def __repr__(self): + repr_dict = {f'endpoint': repr(self.endpoint), f'created_at': repr(self.created_at), f'payload': repr(self.payload), f'headers': repr(self.headers), f'method': repr( + self.method), f'response_status': repr(self.response_status), f'response_body': repr(self.response_body), f'error': repr(self.error), f'lifecycle': repr(self.lifecycle)} + class_name = "WebServiceTriggerRun" + repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( + ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) + return f"{class_name}({repr_str})" + + def to_dict(self): + """ + Get a dict representation of the parameters in this class + + Returns: + dict: The dict value representation of the class parameters + """ + resp = {'endpoint': self.endpoint, 'created_at': self.created_at, 'payload': self.payload, 'headers': self.headers, 'method': self.method, + 'response_status': self.response_status, 'response_body': self.response_body, 'error': self.error, 'lifecycle': self.lifecycle} + return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/abacusai/workflow_graph_node_details.py b/abacusai/workflow_graph_node_details.py index 9607b3824..398e52666 100644 --- a/abacusai/workflow_graph_node_details.py +++ b/abacusai/workflow_graph_node_details.py @@ -9,19 +9,21 @@ class WorkflowGraphNodeDetails(AbstractApiClass): Args: client (ApiClient): An authenticated API Client instance packageRequirements (list[str]): A list of package requirements that the node source code will need. + connectors (dict): A dictionary of connectors that the node source code will need. workflowGraphNode (WorkflowGraphNode): The workflow graph node object. """ - def __init__(self, client, packageRequirements=None, workflowGraphNode={}): + def __init__(self, client, packageRequirements=None, connectors=None, workflowGraphNode={}): super().__init__(client, None) self.package_requirements = packageRequirements + self.connectors = connectors self.workflow_graph_node = client._build_class( WorkflowGraphNode, workflowGraphNode) self.deprecated_keys = {} def __repr__(self): - repr_dict = {f'package_requirements': repr( - self.package_requirements), f'workflow_graph_node': repr(self.workflow_graph_node)} + repr_dict = {f'package_requirements': repr(self.package_requirements), f'connectors': repr( + self.connectors), f'workflow_graph_node': repr(self.workflow_graph_node)} class_name = "WorkflowGraphNodeDetails" repr_str = ',\n '.join([f'{key}={value}' for key, value in repr_dict.items( ) if getattr(self, key, None) is not None and key not in self.deprecated_keys]) @@ -34,6 +36,6 @@ def to_dict(self): Returns: dict: The dict value representation of the class parameters """ - resp = {'package_requirements': self.package_requirements, + resp = {'package_requirements': self.package_requirements, 'connectors': self.connectors, 'workflow_graph_node': self._get_attribute_as_dict(self.workflow_graph_node)} return {key: value for key, value in resp.items() if value is not None and key not in self.deprecated_keys} diff --git a/build_sdk/bin/python b/build_sdk/bin/python new file mode 120000 index 000000000..b8a0adbbb --- /dev/null +++ b/build_sdk/bin/python @@ -0,0 +1 @@ +python3 \ No newline at end of file diff --git a/build_sdk/bin/python3 b/build_sdk/bin/python3 new file mode 120000 index 000000000..ae65fdaa1 --- /dev/null +++ b/build_sdk/bin/python3 @@ -0,0 +1 @@ +/usr/bin/python3 \ No newline at end of file diff --git a/build_sdk/bin/python3.10 b/build_sdk/bin/python3.10 new file mode 120000 index 000000000..b8a0adbbb --- /dev/null +++ b/build_sdk/bin/python3.10 @@ -0,0 +1 @@ +python3 \ No newline at end of file diff --git a/build_sdk/lib64 b/build_sdk/lib64 new file mode 120000 index 000000000..7951405f8 --- /dev/null +++ b/build_sdk/lib64 @@ -0,0 +1 @@ +lib \ No newline at end of file diff --git a/build_sdk/pyvenv.cfg b/build_sdk/pyvenv.cfg new file mode 100644 index 000000000..13f3678cd --- /dev/null +++ b/build_sdk/pyvenv.cfg @@ -0,0 +1,3 @@ +home = /usr/bin +include-system-site-packages = false +version = 3.10.18 diff --git a/docs/.buildinfo b/docs/.buildinfo index d2eadcf7b..3297d19ed 100644 --- a/docs/.buildinfo +++ b/docs/.buildinfo @@ -1,4 +1,4 @@ # Sphinx build info version 1 # This file records the configuration used when building these files. When it is not found, a full rebuild will be done. -config: 787e52a6c82af449544cb6a1253baab3 +config: df4b3fc78cc9b7bc30e9104def812ac3 tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/.buildinfo.bak b/docs/.buildinfo.bak index 5b1654b3d..c56024fd6 100644 --- a/docs/.buildinfo.bak +++ b/docs/.buildinfo.bak @@ -1,4 +1,4 @@ # Sphinx build info version 1 -# This file hashes the configuration used when building these files. When it is not found, a full rebuild will be done. -config: 12535596649b36dd1c7e0cddf2d1e3b2 +# This file records the configuration used when building these files. When it is not found, a full rebuild will be done. +config: 1807596735468513042c35ba1a2f25ef tags: 645f666f9bcd5a90fca523b33c5a78b7 diff --git a/docs/_sources/autoapi/abacusai/api_class/ai_agents/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/ai_agents/index.rst.txt index a668e9f3d..1cd382616 100644 --- a/docs/_sources/autoapi/abacusai/api_class/ai_agents/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/ai_agents/index.rst.txt @@ -4,6 +4,14 @@ abacusai.api_class.ai_agents .. py:module:: abacusai.api_class.ai_agents +Attributes +---------- + +.. autoapisummary:: + + abacusai.api_class.ai_agents.MIN_AGENT_SLEEP_TIME + + Classes ------- @@ -17,6 +25,9 @@ Classes abacusai.api_class.ai_agents.WorkflowNodeOutputSchema abacusai.api_class.ai_agents.TriggerConfig abacusai.api_class.ai_agents.WorkflowGraphNode + abacusai.api_class.ai_agents.DecisionNode + abacusai.api_class.ai_agents.LLMAgentNode + abacusai.api_class.ai_agents.InputNode abacusai.api_class.ai_agents.WorkflowGraphEdge abacusai.api_class.ai_agents.WorkflowGraph abacusai.api_class.ai_agents.AgentConversationMessage @@ -36,7 +47,11 @@ Functions Module Contents --------------- -.. py:function:: validate_input_dict_param(dict_object, friendly_class_name, must_contain=[]) +.. py:data:: MIN_AGENT_SLEEP_TIME + :value: 300 + + +.. py:function:: validate_input_dict_param(dict_object, friendly_class_name, must_contain=[], schema={}) .. py:class:: FieldDescriptor @@ -107,6 +122,8 @@ Module Contents :type is_required: bool :param description: The description of this input. :type description: str + :param long_description: The detailed description of this input. + :type long_description: str :param constant_value: The constant value of this input if variable type is CONSTANT. Only applicable for template nodes. :type constant_value: str @@ -143,6 +160,12 @@ Module Contents + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:attribute:: constant_value :type: str :value: None @@ -154,11 +177,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(mapping) :classmethod: @@ -208,11 +226,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(schema) :classmethod: @@ -243,6 +256,17 @@ Module Contents + .. py:method:: from_tool_variable_mappings(tool_variable_mappings) + :classmethod: + + + Creates a WorkflowNodeInputSchema for the given tool variable mappings. + + :param tool_variable_mappings: The tool variable mappings for the node. + :type tool_variable_mappings: List[dict] + + + .. py:class:: WorkflowNodeOutputMapping Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -256,6 +280,8 @@ Module Contents :type variable_type: Union[WorkflowNodeOutputType, str] :param description: The description of this output. :type description: str + :param long_description: The detailed description of this output. + :type long_description: str .. py:attribute:: name @@ -272,15 +298,16 @@ Module Contents - .. py:method:: __post_init__() + .. py:attribute:: long_description + :type: str + :value: None - .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: __post_init__() + + .. py:method:: to_dict() .. py:method:: from_dict(mapping) @@ -305,11 +332,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(schema) :classmethod: @@ -335,18 +357,13 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(configs) :classmethod: -.. py:class:: WorkflowGraphNode(name, function = None, input_mappings = None, output_mappings = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None) +.. py:class:: WorkflowGraphNode(name, function = None, input_mappings = None, output_mappings = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None, description = None) Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -357,14 +374,16 @@ Module Contents :type name: str :param input_mappings: List of input mappings for the node. Each arg/kwarg of the node function should have a corresponding input mapping. :type input_mappings: List[WorkflowNodeInputMapping] - :param output_mappings: List of output mappings for the node. Each field in the returned dict/AgentResponse must have a corresponding output mapping. - :type output_mappings: List[WorkflowNodeOutputMapping] + :param output_mappings: List of outputs for the node. Each field in the returned dict/AgentResponse must have a corresponding output in the list. + :type output_mappings: List[str] :param function: The callable node function reference. :type function: callable - :param input_schema: The react json schema for the user input variables. + :param input_schema: The react json schema for the user input variables. This should be empty for CHAT interface. :type input_schema: WorkflowNodeInputSchema - :param output_schema: The react json schema for the output to be shown on UI. - :type output_schema: WorkflowNodeOutputSchema + :param output_schema: The list of outputs to be shown on UI. Each output corresponds to a field in the output mappings of the node. + :type output_schema: List[str] + :param description: A description of the workflow node. + :type description: str Additional Attributes: function_name (str): The name of the function. @@ -372,6 +391,17 @@ Module Contents trigger_config (TriggerConfig): The configuration for a trigger workflow node. + .. py:method:: is_special_node_type() + :classmethod: + + + Returns True if this node type skips source code validation. + + Special node types (like InputNode and LLMAgentNode) are executed + directly without source code validation. + + + .. py:attribute:: template_metadata :value: None @@ -382,7 +412,17 @@ Module Contents - .. py:method:: _raw_init(name, input_mappings = None, output_mappings = None, function = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None) + .. py:attribute:: node_type + :value: 'workflow_node' + + + + .. py:attribute:: description + :value: None + + + + .. py:method:: _raw_init(name, input_mappings = None, output_mappings = None, function = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None, description = None) :classmethod: @@ -392,12 +432,47 @@ Module Contents - .. py:method:: to_dict() + .. py:method:: from_tool(tool_name, name, configs = None, input_mappings = None, input_schema = None, output_schema = None) + :classmethod: + + + Creates and returns a WorkflowGraphNode based on an available user created tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + + :param tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + :param name: The name to assign to the WorkflowGraphNode instance. + :param configs: The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + :type configs: optional + :param input_mappings: The WorkflowNodeInputMappings for this node. + :type input_mappings: optional + :param input_schema: The WorkflowNodeInputSchema for this node. + :type input_schema: optional + :param output_schema: The WorkflowNodeOutputSchema for this node. + :type output_schema: optional + + + + .. py:method:: from_system_tool(tool_name, name, configs = None, input_mappings = None, input_schema = None, output_schema = None) + :classmethod: + - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + Creates and returns a WorkflowGraphNode based on the name of an available system tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + :param tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + :param name: The name to assign to the WorkflowGraphNode instance. + :param configs: The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + :type configs: optional + :param input_mappings: The WorkflowNodeInputMappings for this node. + :type input_mappings: optional + :param input_schema: The WorkflowNodeInputSchema for this node. + :type input_schema: optional + :param output_schema: The WorkflowNodeOutputSchema for this node. + :type output_schema: optional + + + + .. py:method:: to_dict() .. py:method:: is_template_node() @@ -429,6 +504,262 @@ Module Contents .. py:property:: outputs +.. py:class:: DecisionNode(name, condition, input_mappings, description = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed. + + + .. py:attribute:: node_type + :value: 'decision_node' + + + + .. py:attribute:: name + + + .. py:attribute:: source_code + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: output_mappings + + + .. py:attribute:: template_metadata + :value: None + + + + .. py:attribute:: trigger_config + :value: None + + + + .. py:attribute:: input_schema + :value: None + + + + .. py:attribute:: output_schema + :value: None + + + + .. py:attribute:: function_name + :value: None + + + + .. py:method:: to_dict() + + + .. py:method:: from_dict(node) + :classmethod: + + + +.. py:class:: LLMAgentNode(name, chatbot_deployment_id = None, chatbot_parameters = None, input_schema = None, output_schema = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters. + + :param name: A unique name for the LLM agent node. + :type name: str + :param chatbot_deployment_id: The deployment ID of the chatbot to use for this node. If not provided, a new chatbot will be created. + :type chatbot_deployment_id: str + :param chatbot_parameters: Parameters for configuring the chatbot, such as data_feature_group_ids and document_retrievers. + :type chatbot_parameters: dict + :param uid: A unique identifier for the LLM agent node. If not provided, a unique ID will be auto-generated. + :type uid: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: chatbot_deployment_id + :type: str + :value: None + + + + .. py:attribute:: chatbot_parameters + :type: dict + + + .. py:attribute:: uid + :type: str + :value: None + + + + .. py:method:: is_special_node_type() + :classmethod: + + + LLM agent nodes skip source code validation. + + + + .. py:attribute:: node_type + :value: 'llm_agent_node' + + + + .. py:attribute:: source_code + :value: None + + + + .. py:method:: get_source_code() + + + .. py:method:: get_function_name() + + + .. py:method:: to_dict() + + + .. py:method:: from_dict(node) + :classmethod: + + + +.. py:class:: InputNode(name, input_mappings = None, output_mappings = None, input_schema = None, output_schema = None, description = None, function_name = None, source_code = None, uid = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents an input node in an agent workflow graph. + + Accepts multiple user inputs (text and file) and processes them into a single combined text output. + File inputs are processed using OCR/document extraction when applicable. + + :param name: The name of the input node. + :type name: str + :param input_mappings: The input mappings for the input node. If not provided, defaults to a text_input and file_input. + :type input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] + :param output_mappings: The output mappings for the input node. If not provided, defaults to a single 'answer' output. + :type output_mappings: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] + :param input_schema: The input schema for the input node. If not provided, will be generated from input_mappings. + :type input_schema: WorkflowNodeInputSchema + :param output_schema: The output schema for the input node. If not provided, will be generated from output_mappings. + :type output_schema: WorkflowNodeOutputSchema + :param description: The description of the input node. + :type description: str + :param uid: A unique identifier for the input node. Auto-generated if not provided. + :type uid: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: input_mappings + :type: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] + :value: None + + + + .. py:attribute:: output_mappings + :type: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] + :value: None + + + + .. py:attribute:: input_schema + :type: WorkflowNodeInputSchema + :value: None + + + + .. py:attribute:: output_schema + :type: WorkflowNodeOutputSchema + :value: None + + + + .. py:attribute:: description + :type: str + :value: None + + + + .. py:attribute:: uid + :type: str + :value: None + + + + .. py:method:: is_special_node_type() + :classmethod: + + + Input nodes skip source code validation. + + + + .. py:method:: _mark_file_inputs_in_schema(input_schema) + :staticmethod: + + + Mark file inputs in the schema based on format and ui:widget indicators. + + + + .. py:attribute:: node_type + :value: 'input_node' + + + + .. py:attribute:: source_code + :value: None + + + + .. py:attribute:: template_metadata + :value: None + + + + .. py:attribute:: trigger_config + :value: None + + + + .. py:method:: to_dict() + + Return snake_case keys to match return filter expectations. + (The base ApiClass.to_dict() camelCases keys, which causes the + WorkflowGraphNodeDetails return filter to miss fields.) + + + + .. py:method:: from_dict(node) + :classmethod: + + + + .. py:method:: get_function_name() + + + .. py:method:: get_source_code() + + Return the stored source code, if any. + + + + .. py:method:: get_input_schema() + + .. py:class:: WorkflowGraphEdge(source, target, details = None) Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -462,6 +793,11 @@ Module Contents .. py:method:: to_nx_edge() + .. py:method:: from_dict(input_dict) + :classmethod: + + + .. py:class:: WorkflowGraph Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -469,20 +805,16 @@ Module Contents Represents an Agent workflow graph. - The edges define the node invocation order. - :param nodes: A list of nodes in the workflow graph. - :type nodes: List[WorkflowGraphNode] - :param edges: A list of edges in the workflow graph, where each edge is a tuple of source, target, and details. - :type edges: List[WorkflowGraphEdge] + :type nodes: List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]] :param primary_start_node: The primary node to start the workflow from. - :type primary_start_node: Union[str, WorkflowGraphNode] + :type primary_start_node: Union[str, WorkflowGraphNode, LLMAgentNode] :param common_source_code: Common source code that can be used across all nodes. :type common_source_code: str .. py:attribute:: nodes - :type: List[WorkflowGraphNode] + :type: List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]] :value: [] @@ -494,7 +826,7 @@ Module Contents .. py:attribute:: primary_start_node - :type: Union[str, WorkflowGraphNode] + :type: Union[str, WorkflowGraphNode, LLMAgentNode] :value: None @@ -516,11 +848,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(graph) :classmethod: @@ -562,11 +889,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: WorkflowNodeTemplateConfig @@ -609,11 +931,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(mapping) :classmethod: @@ -633,6 +950,8 @@ Module Contents :type is_required: bool :param description: The description of this input. :type description: str + :param long_description: The detailed description of this input. + :type long_description: str .. py:attribute:: name @@ -651,12 +970,13 @@ Module Contents - .. py:method:: to_dict() + .. py:attribute:: long_description + :type: str + :value: '' + - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: to_dict() .. py:method:: from_dict(mapping) @@ -677,6 +997,8 @@ Module Contents :type variable_type: WorkflowNodeOutputType :param description: The description of this output. :type description: str + :param long_description: The detailed description of this output. + :type long_description: str .. py:attribute:: name @@ -693,13 +1015,14 @@ Module Contents - .. py:method:: to_dict() + .. py:attribute:: long_description + :type: str + :value: '' - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: to_dict() + .. py:method:: from_dict(mapping) :classmethod: diff --git a/docs/_sources/autoapi/abacusai/api_class/batch_prediction/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/batch_prediction/index.rst.txt index bebc36f13..a7e8905ac 100644 --- a/docs/_sources/autoapi/abacusai/api_class/batch_prediction/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/batch_prediction/index.rst.txt @@ -312,6 +312,8 @@ Module Contents :param for_eval: If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation. :type for_eval: bool + :param files_input_location: The input location for the files. + :type files_input_location: str :param files_output_location_prefix: The output location prefix for the files. :type files_output_location_prefix: str :param channel_id_to_label_map: JSON string for the map from channel ids to their labels. @@ -324,6 +326,12 @@ Module Contents + .. py:attribute:: files_input_location + :type: str + :value: None + + + .. py:attribute:: files_output_location_prefix :type: str :value: None @@ -475,10 +483,6 @@ Module Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class diff --git a/docs/_sources/autoapi/abacusai/api_class/connectors/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/connectors/index.rst.txt index 30cba51af..fc829719a 100644 --- a/docs/_sources/autoapi/abacusai/api_class/connectors/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/connectors/index.rst.txt @@ -64,10 +64,6 @@ Module Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class diff --git a/docs/_sources/autoapi/abacusai/api_class/dataset_application_connector/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/dataset_application_connector/index.rst.txt index 088cdaf6f..397403c9d 100644 --- a/docs/_sources/autoapi/abacusai/api_class/dataset_application_connector/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/dataset_application_connector/index.rst.txt @@ -20,7 +20,10 @@ Classes abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig + abacusai.api_class.dataset_application_connector.OutlookDatasetConfig + abacusai.api_class.dataset_application_connector.AzureStorageDatasetConfig abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig + abacusai.api_class.dataset_application_connector.SftpDatasetConfig abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory @@ -79,6 +82,8 @@ Module Contents :type pull_attachments: bool :param extract_bounding_boxes: Whether to extract bounding boxes from the documents :type extract_bounding_boxes: bool + :param location_type: The type of location to be fetched. Maps values in `location` to content type, example: 'spaceKey/folderTitle/*' -> 'folder' + :type location_type: str .. py:attribute:: location @@ -105,6 +110,12 @@ Module Contents + .. py:attribute:: location_type + :type: str + :value: None + + + .. py:method:: __post_init__() @@ -194,6 +205,8 @@ Module Contents :type extract_bounding_boxes: bool :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True :type merge_file_schemas: bool + :param location_type: The type of path to fetch. 'shared' for shared files. if not provided, it will fetch from the root folder. + :type location_type: str .. py:attribute:: location @@ -220,6 +233,12 @@ Module Contents + .. py:attribute:: location_type + :type: str + :value: None + + + .. py:method:: __post_init__() @@ -326,6 +345,8 @@ Module Contents :type extract_bounding_boxes: bool :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True :type merge_file_schemas: bool + :param add_file_metadata: Signifies if the file metadata should be added to the dataset + :type add_file_metadata: bool .. py:attribute:: location @@ -352,6 +373,12 @@ Module Contents + .. py:attribute:: add_file_metadata + :type: bool + :value: False + + + .. py:method:: __post_init__() @@ -425,6 +452,8 @@ Module Contents :type pull_channel_posts: bool :param pull_transcripts: Whether to pull transcripts for calendar meetings :type pull_transcripts: bool + :param max_days_to_lookback: The maximum number of days to look back for data + :type max_days_to_lookback: int .. py:attribute:: pull_chat_messages @@ -445,6 +474,51 @@ Module Contents + .. py:attribute:: max_days_to_lookback + :type: int + :value: 365 + + + + .. py:method:: __post_init__() + + +.. py:class:: OutlookDatasetConfig + + Bases: :py:obj:`ApplicationConnectorDatasetConfig` + + + Dataset config for Outlook Application Connector + + + .. py:method:: __post_init__() + + +.. py:class:: AzureStorageDatasetConfig + + Bases: :py:obj:`ApplicationConnectorDatasetConfig` + + + Dataset config for Azure Storage Application Connector + + :param location: The location of the files to fetch + :type location: str + :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + :type merge_file_schemas: bool + + + .. py:attribute:: location + :type: str + :value: None + + + + .. py:attribute:: merge_file_schemas + :type: bool + :value: False + + + .. py:method:: __post_init__() @@ -459,13 +533,53 @@ Module Contents .. py:method:: __post_init__() -.. py:class:: _ApplicationConnectorDatasetConfigFactory +.. py:class:: SftpDatasetConfig + + Bases: :py:obj:`ApplicationConnectorDatasetConfig` + + + Dataset config for SFTP Application Connector + + :param location: The regex location of the files to fetch + :type location: str + :param csv_delimiter: If the file format is CSV, use a specific csv delimiter + :type csv_delimiter: str + :param extract_bounding_boxes: Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True + :type extract_bounding_boxes: bool + :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + :type merge_file_schemas: bool + + + .. py:attribute:: location + :type: str + :value: None - Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. + .. py:attribute:: csv_delimiter + :type: str + :value: None + + + + .. py:attribute:: extract_bounding_boxes + :type: bool + :value: False + + + + .. py:attribute:: merge_file_schemas + :type: bool + :value: False + + + + .. py:method:: __post_init__() + + +.. py:class:: _ApplicationConnectorDatasetConfigFactory + + Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` .. py:attribute:: config_abstract_class diff --git a/docs/_sources/autoapi/abacusai/api_class/deployment/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/deployment/index.rst.txt index f9a9d4b6e..e0b399cb2 100644 --- a/docs/_sources/autoapi/abacusai/api_class/deployment/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/deployment/index.rst.txt @@ -402,10 +402,6 @@ Module Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class diff --git a/docs/_sources/autoapi/abacusai/api_class/enums/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/enums/index.rst.txt index d2f1ec33d..983b3e1be 100644 --- a/docs/_sources/autoapi/abacusai/api_class/enums/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/enums/index.rst.txt @@ -75,6 +75,8 @@ Classes abacusai.api_class.enums.ResponseSectionType abacusai.api_class.enums.CodeLanguage abacusai.api_class.enums.DeploymentConversationType + abacusai.api_class.enums.AgentClientType + abacusai.api_class.enums.OrganizationSecretType Functions @@ -989,6 +991,16 @@ Module Contents + .. py:attribute:: TS + :value: 'TS' + + + + .. py:attribute:: TSX + :value: 'TSX' + + + .. py:class:: ExperimentationMode Bases: :py:obj:`ApiEnum` @@ -1689,6 +1701,11 @@ Module Contents + .. py:attribute:: GOOGLECALENDAR + :value: 'GOOGLECALENDAR' + + + .. py:attribute:: GIT :value: 'GIT' @@ -1764,11 +1781,6 @@ Module Contents - .. py:attribute:: GOOGLECALENDAR - :value: 'GOOGLECALENDAR' - - - .. py:attribute:: GOOGLESHEETS :value: 'GOOGLESHEETS' @@ -1799,6 +1811,71 @@ Module Contents + .. py:attribute:: SFTPAPPLICATION + :value: 'SFTPAPPLICATION' + + + + .. py:attribute:: OAUTH + :value: 'OAUTH' + + + + .. py:attribute:: SALESFORCE + :value: 'SALESFORCE' + + + + .. py:attribute:: TWITTER + :value: 'TWITTER' + + + + .. py:attribute:: MCP + :value: 'MCP' + + + + .. py:attribute:: ODBC + :value: 'ODBC' + + + + .. py:attribute:: DBC + :value: 'DBC' + + + + .. py:attribute:: GENERIC_OAUTH + :value: 'GENERIC_OAUTH' + + + + .. py:attribute:: OUTLOOK + :value: 'OUTLOOK' + + + + .. py:attribute:: BIGQUERY + :value: 'BIGQUERY' + + + + .. py:attribute:: AZURESTORAGE + :value: 'AZURESTORAGE' + + + + .. py:method:: user_connectors() + :classmethod: + + + + .. py:method:: database_connectors() + :classmethod: + + + .. py:class:: StreamingConnectorType Bases: :py:obj:`ApiEnum` @@ -1889,6 +1966,16 @@ Module Contents + .. py:attribute:: ATTACHMENT + :value: 'ATTACHMENT' + + + + .. py:method:: to_json_type(type) + :staticmethod: + + + .. py:class:: PythonFunctionOutputArgumentType Bases: :py:obj:`ApiEnum` @@ -1964,6 +2051,11 @@ Module Contents + .. py:attribute:: ATTACHMENT + :value: 'ATTACHMENT' + + + .. py:class:: VectorStoreTextEncoder Bases: :py:obj:`ApiEnum` @@ -2019,6 +2111,16 @@ Module Contents Derive from this class to define new enumerations. + .. py:attribute:: OPENAI_GPT3_5 + :value: 'OPENAI_GPT3_5' + + + + .. py:attribute:: OPENAI_GPT3_5_TEXT + :value: 'OPENAI_GPT3_5_TEXT' + + + .. py:attribute:: OPENAI_GPT4 :value: 'OPENAI_GPT4' @@ -2054,48 +2156,78 @@ Module Contents - .. py:attribute:: OPENAI_GPT3_5 - :value: 'OPENAI_GPT3_5' + .. py:attribute:: OPENAI_O3 + :value: 'OPENAI_O3' - .. py:attribute:: OPENAI_GPT3_5_TEXT - :value: 'OPENAI_GPT3_5_TEXT' + .. py:attribute:: OPENAI_O3_HIGH + :value: 'OPENAI_O3_HIGH' - .. py:attribute:: LLAMA3_1_405B - :value: 'LLAMA3_1_405B' + .. py:attribute:: OPENAI_O4_MINI + :value: 'OPENAI_O4_MINI' - .. py:attribute:: LLAMA3_1_70B - :value: 'LLAMA3_1_70B' + .. py:attribute:: OPENAI_O4_MINI_HIGH + :value: 'OPENAI_O4_MINI_HIGH' - .. py:attribute:: LLAMA3_1_8B - :value: 'LLAMA3_1_8B' + .. py:attribute:: OPENAI_GPT4_1 + :value: 'OPENAI_GPT4_1' - .. py:attribute:: LLAMA3_3_70B - :value: 'LLAMA3_3_70B' + .. py:attribute:: OPENAI_GPT4_1_MINI + :value: 'OPENAI_GPT4_1_MINI' - .. py:attribute:: LLAMA3_LARGE_CHAT - :value: 'LLAMA3_LARGE_CHAT' + .. py:attribute:: OPENAI_GPT4_1_NANO + :value: 'OPENAI_GPT4_1_NANO' - .. py:attribute:: CLAUDE_V3_OPUS - :value: 'CLAUDE_V3_OPUS' + .. py:attribute:: OPENAI_GPT5 + :value: 'OPENAI_GPT5' + + + + .. py:attribute:: OPENAI_GPT5_MINI + :value: 'OPENAI_GPT5_MINI' + + + .. py:attribute:: OPENAI_GPT5_MINI_HIGH + :value: 'OPENAI_GPT5_MINI_HIGH' - .. py:attribute:: CLAUDE_V3_SONNET - :value: 'CLAUDE_V3_SONNET' + + .. py:attribute:: OPENAI_GPT5_MINI_LOW + :value: 'OPENAI_GPT5_MINI_LOW' + + + + .. py:attribute:: OPENAI_GPT5_NANO + :value: 'OPENAI_GPT5_NANO' + + + + .. py:attribute:: OPENAI_GPT5_NANO_HIGH + :value: 'OPENAI_GPT5_NANO_HIGH' + + + + .. py:attribute:: OPENAI_GPT5_1 + :value: 'OPENAI_GPT5_1' + + + + .. py:attribute:: OPENAI_GPT5_2 + :value: 'OPENAI_GPT5_2' @@ -2104,8 +2236,8 @@ Module Contents - .. py:attribute:: CLAUDE_V3_5_SONNET - :value: 'CLAUDE_V3_5_SONNET' + .. py:attribute:: CLAUDE_V3_OPUS + :value: 'CLAUDE_V3_OPUS' @@ -2114,23 +2246,118 @@ Module Contents + .. py:attribute:: CLAUDE_V3_5_SONNET + :value: 'CLAUDE_V3_5_SONNET' + + + + .. py:attribute:: CLAUDE_V3_7_SONNET + :value: 'CLAUDE_V3_7_SONNET' + + + + .. py:attribute:: CLAUDE_V4_SONNET + :value: 'CLAUDE_V4_SONNET' + + + + .. py:attribute:: CLAUDE_V4_OPUS + :value: 'CLAUDE_V4_OPUS' + + + + .. py:attribute:: CLAUDE_V4_5_SONNET + :value: 'CLAUDE_V4_5_SONNET' + + + .. py:attribute:: GEMINI_1_5_PRO :value: 'GEMINI_1_5_PRO' + .. py:attribute:: GEMINI_1_5_FLASH + :value: 'GEMINI_1_5_FLASH' + + + + .. py:attribute:: GEMINI_2_PRO + :value: 'GEMINI_2_PRO' + + + .. py:attribute:: GEMINI_2_FLASH :value: 'GEMINI_2_FLASH' - .. py:attribute:: GEMINI_2_FLASH_THINKING - :value: 'GEMINI_2_FLASH_THINKING' + .. py:attribute:: GEMINI_2_5_PRO + :value: 'GEMINI_2_5_PRO' - .. py:attribute:: GEMINI_2_PRO - :value: 'GEMINI_2_PRO' + .. py:attribute:: GEMINI_3_PRO + :value: 'GEMINI_3_PRO' + + + + .. py:attribute:: GEMINI_2_5_FLASH + :value: 'GEMINI_2_5_FLASH' + + + + .. py:attribute:: GEMINI_3_FLASH + :value: 'GEMINI_3_FLASH' + + + + .. py:attribute:: XAI_GROK + :value: 'XAI_GROK' + + + + .. py:attribute:: XAI_GROK_3 + :value: 'XAI_GROK_3' + + + + .. py:attribute:: XAI_GROK_3_MINI + :value: 'XAI_GROK_3_MINI' + + + + .. py:attribute:: XAI_GROK_4 + :value: 'XAI_GROK_4' + + + + .. py:attribute:: LLAMA4_MAVERICK + :value: 'LLAMA4_MAVERICK' + + + + .. py:attribute:: LLAMA3_1_405B + :value: 'LLAMA3_1_405B' + + + + .. py:attribute:: LLAMA3_1_70B + :value: 'LLAMA3_1_70B' + + + + .. py:attribute:: LLAMA3_1_8B + :value: 'LLAMA3_1_8B' + + + + .. py:attribute:: LLAMA3_3_70B + :value: 'LLAMA3_3_70B' + + + + .. py:attribute:: LLAMA3_LARGE_CHAT + :value: 'LLAMA3_LARGE_CHAT' @@ -2164,18 +2391,23 @@ Module Contents - .. py:attribute:: GEMINI_1_5_FLASH - :value: 'GEMINI_1_5_FLASH' + .. py:attribute:: QWEN3_32B + :value: 'QWEN3_32B' - .. py:attribute:: XAI_GROK - :value: 'XAI_GROK' + .. py:attribute:: QWEN3_235B_A22B + :value: 'QWEN3_235B_A22B' + + + .. py:attribute:: QWEN3_CODER + :value: 'QWEN3_CODER' - .. py:attribute:: DEEPSEEK_V3 - :value: 'DEEPSEEK_V3' + + .. py:attribute:: DEEPSEEK_V3_1 + :value: 'DEEPSEEK_V3_1' @@ -2379,6 +2611,11 @@ Module Contents + .. py:attribute:: CONNECTOR_TOOL + :value: 'CONNECTOR_TOOL' + + + .. py:class:: EvalArtifactType Bases: :py:obj:`ApiEnum` @@ -2644,6 +2881,11 @@ Module Contents + .. py:attribute:: COMPREHENSIVE_MARKDOWN + :value: 'COMPREHENSIVE_MARKDOWN' + + + .. py:method:: is_ocr_forced(document_type) :classmethod: @@ -2999,3 +3241,96 @@ Module Contents + .. py:attribute:: CODE_LLM_AGENT + :value: 'CODE_LLM_AGENT' + + + + .. py:attribute:: CHAT_LLM_TASK + :value: 'CHAT_LLM_TASK' + + + + .. py:attribute:: COMPUTER_AGENT + :value: 'COMPUTER_AGENT' + + + + .. py:attribute:: SEARCH_LLM + :value: 'SEARCH_LLM' + + + + .. py:attribute:: APP_LLM + :value: 'APP_LLM' + + + + .. py:attribute:: TEST_AGENT + :value: 'TEST_AGENT' + + + + .. py:attribute:: SUPER_AGENT + :value: 'SUPER_AGENT' + + + + .. py:attribute:: CODE_LLM_NON_INTERACTIVE + :value: 'CODE_LLM_NON_INTERACTIVE' + + + + .. py:attribute:: BROWSER_EXTENSION + :value: 'BROWSER_EXTENSION' + + + +.. py:class:: AgentClientType + + Bases: :py:obj:`ApiEnum` + + + Generic enumeration. + + Derive from this class to define new enumerations. + + + .. py:attribute:: CHAT_UI + :value: 'CHAT_UI' + + + + .. py:attribute:: MESSAGING_APP + :value: 'MESSAGING_APP' + + + + .. py:attribute:: API + :value: 'API' + + + +.. py:class:: OrganizationSecretType + + Bases: :py:obj:`ApiEnum` + + + Enum for organization secret types + + + .. py:attribute:: ORG_SECRET + :value: 'ORG_SECRET' + + + + .. py:attribute:: ORG_API_CREDENTIALS + :value: 'ORG_API_CREDENTIALS' + + + + .. py:attribute:: USER_API_CREDENTIALS + :value: 'USER_API_CREDENTIALS' + + + diff --git a/docs/_sources/autoapi/abacusai/api_class/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/index.rst.txt index 658efc409..341999d64 100644 --- a/docs/_sources/autoapi/abacusai/api_class/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/index.rst.txt @@ -36,6 +36,7 @@ Attributes .. autoapisummary:: + abacusai.api_class.MIN_AGENT_SLEEP_TIME abacusai.api_class.DocumentRetrieverConfig abacusai.api_class.Segment @@ -54,6 +55,9 @@ Classes abacusai.api_class.WorkflowNodeOutputSchema abacusai.api_class.TriggerConfig abacusai.api_class.WorkflowGraphNode + abacusai.api_class.DecisionNode + abacusai.api_class.LLMAgentNode + abacusai.api_class.InputNode abacusai.api_class.WorkflowGraphEdge abacusai.api_class.WorkflowGraph abacusai.api_class.AgentConversationMessage @@ -107,7 +111,10 @@ Classes abacusai.api_class.ZendeskDatasetConfig abacusai.api_class.AbacusUsageMetricsDatasetConfig abacusai.api_class.TeamsScraperDatasetConfig + abacusai.api_class.OutlookDatasetConfig + abacusai.api_class.AzureStorageDatasetConfig abacusai.api_class.FreshserviceDatasetConfig + abacusai.api_class.SftpDatasetConfig abacusai.api_class._ApplicationConnectorDatasetConfigFactory abacusai.api_class.ApiClass abacusai.api_class._ApiClassFactory @@ -190,6 +197,8 @@ Classes abacusai.api_class.ResponseSectionType abacusai.api_class.CodeLanguage abacusai.api_class.DeploymentConversationType + abacusai.api_class.AgentClientType + abacusai.api_class.OrganizationSecretType abacusai.api_class.ApiClass abacusai.api_class._ApiClassFactory abacusai.api_class.DocumentProcessingConfig @@ -217,6 +226,7 @@ Classes abacusai.api_class.ForecastingTrainingConfig abacusai.api_class.NamedEntityExtractionTrainingConfig abacusai.api_class.NaturalLanguageSearchTrainingConfig + abacusai.api_class.SystemConnectorTool abacusai.api_class.ChatLLMTrainingConfig abacusai.api_class.SentenceBoundaryDetectionTrainingConfig abacusai.api_class.SentimentDetectionTrainingConfig @@ -371,7 +381,11 @@ Package Contents .. py:function:: validate_constructor_arg_types(friendly_class_name=None) -.. py:function:: validate_input_dict_param(dict_object, friendly_class_name, must_contain=[]) +.. py:data:: MIN_AGENT_SLEEP_TIME + :value: 300 + + +.. py:function:: validate_input_dict_param(dict_object, friendly_class_name, must_contain=[], schema={}) .. py:class:: FieldDescriptor @@ -442,6 +456,8 @@ Package Contents :type is_required: bool :param description: The description of this input. :type description: str + :param long_description: The detailed description of this input. + :type long_description: str :param constant_value: The constant value of this input if variable type is CONSTANT. Only applicable for template nodes. :type constant_value: str @@ -478,6 +494,12 @@ Package Contents + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:attribute:: constant_value :type: str :value: None @@ -489,11 +511,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(mapping) :classmethod: @@ -543,11 +560,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(schema) :classmethod: @@ -578,6 +590,17 @@ Package Contents + .. py:method:: from_tool_variable_mappings(tool_variable_mappings) + :classmethod: + + + Creates a WorkflowNodeInputSchema for the given tool variable mappings. + + :param tool_variable_mappings: The tool variable mappings for the node. + :type tool_variable_mappings: List[dict] + + + .. py:class:: WorkflowNodeOutputMapping Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -591,6 +614,8 @@ Package Contents :type variable_type: Union[WorkflowNodeOutputType, str] :param description: The description of this output. :type description: str + :param long_description: The detailed description of this output. + :type long_description: str .. py:attribute:: name @@ -607,15 +632,16 @@ Package Contents - .. py:method:: __post_init__() + .. py:attribute:: long_description + :type: str + :value: None - .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: __post_init__() + + .. py:method:: to_dict() .. py:method:: from_dict(mapping) @@ -640,11 +666,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(schema) :classmethod: @@ -670,18 +691,13 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(configs) :classmethod: -.. py:class:: WorkflowGraphNode(name, function = None, input_mappings = None, output_mappings = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None) +.. py:class:: WorkflowGraphNode(name, function = None, input_mappings = None, output_mappings = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None, description = None) Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -692,14 +708,16 @@ Package Contents :type name: str :param input_mappings: List of input mappings for the node. Each arg/kwarg of the node function should have a corresponding input mapping. :type input_mappings: List[WorkflowNodeInputMapping] - :param output_mappings: List of output mappings for the node. Each field in the returned dict/AgentResponse must have a corresponding output mapping. - :type output_mappings: List[WorkflowNodeOutputMapping] + :param output_mappings: List of outputs for the node. Each field in the returned dict/AgentResponse must have a corresponding output in the list. + :type output_mappings: List[str] :param function: The callable node function reference. :type function: callable - :param input_schema: The react json schema for the user input variables. + :param input_schema: The react json schema for the user input variables. This should be empty for CHAT interface. :type input_schema: WorkflowNodeInputSchema - :param output_schema: The react json schema for the output to be shown on UI. - :type output_schema: WorkflowNodeOutputSchema + :param output_schema: The list of outputs to be shown on UI. Each output corresponds to a field in the output mappings of the node. + :type output_schema: List[str] + :param description: A description of the workflow node. + :type description: str Additional Attributes: function_name (str): The name of the function. @@ -707,6 +725,17 @@ Package Contents trigger_config (TriggerConfig): The configuration for a trigger workflow node. + .. py:method:: is_special_node_type() + :classmethod: + + + Returns True if this node type skips source code validation. + + Special node types (like InputNode and LLMAgentNode) are executed + directly without source code validation. + + + .. py:attribute:: template_metadata :value: None @@ -717,7 +746,17 @@ Package Contents - .. py:method:: _raw_init(name, input_mappings = None, output_mappings = None, function = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None) + .. py:attribute:: node_type + :value: 'workflow_node' + + + + .. py:attribute:: description + :value: None + + + + .. py:method:: _raw_init(name, input_mappings = None, output_mappings = None, function = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None, description = None) :classmethod: @@ -727,12 +766,47 @@ Package Contents - .. py:method:: to_dict() + .. py:method:: from_tool(tool_name, name, configs = None, input_mappings = None, input_schema = None, output_schema = None) + :classmethod: - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + Creates and returns a WorkflowGraphNode based on an available user created tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + + :param tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + :param name: The name to assign to the WorkflowGraphNode instance. + :param configs: The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + :type configs: optional + :param input_mappings: The WorkflowNodeInputMappings for this node. + :type input_mappings: optional + :param input_schema: The WorkflowNodeInputSchema for this node. + :type input_schema: optional + :param output_schema: The WorkflowNodeOutputSchema for this node. + :type output_schema: optional + + + + .. py:method:: from_system_tool(tool_name, name, configs = None, input_mappings = None, input_schema = None, output_schema = None) + :classmethod: + + + Creates and returns a WorkflowGraphNode based on the name of an available system tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + + :param tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + :param name: The name to assign to the WorkflowGraphNode instance. + :param configs: The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + :type configs: optional + :param input_mappings: The WorkflowNodeInputMappings for this node. + :type input_mappings: optional + :param input_schema: The WorkflowNodeInputSchema for this node. + :type input_schema: optional + :param output_schema: The WorkflowNodeOutputSchema for this node. + :type output_schema: optional + + + + .. py:method:: to_dict() .. py:method:: is_template_node() @@ -764,6 +838,262 @@ Package Contents .. py:property:: outputs +.. py:class:: DecisionNode(name, condition, input_mappings, description = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed. + + + .. py:attribute:: node_type + :value: 'decision_node' + + + + .. py:attribute:: name + + + .. py:attribute:: source_code + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: output_mappings + + + .. py:attribute:: template_metadata + :value: None + + + + .. py:attribute:: trigger_config + :value: None + + + + .. py:attribute:: input_schema + :value: None + + + + .. py:attribute:: output_schema + :value: None + + + + .. py:attribute:: function_name + :value: None + + + + .. py:method:: to_dict() + + + .. py:method:: from_dict(node) + :classmethod: + + + +.. py:class:: LLMAgentNode(name, chatbot_deployment_id = None, chatbot_parameters = None, input_schema = None, output_schema = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters. + + :param name: A unique name for the LLM agent node. + :type name: str + :param chatbot_deployment_id: The deployment ID of the chatbot to use for this node. If not provided, a new chatbot will be created. + :type chatbot_deployment_id: str + :param chatbot_parameters: Parameters for configuring the chatbot, such as data_feature_group_ids and document_retrievers. + :type chatbot_parameters: dict + :param uid: A unique identifier for the LLM agent node. If not provided, a unique ID will be auto-generated. + :type uid: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: chatbot_deployment_id + :type: str + :value: None + + + + .. py:attribute:: chatbot_parameters + :type: dict + + + .. py:attribute:: uid + :type: str + :value: None + + + + .. py:method:: is_special_node_type() + :classmethod: + + + LLM agent nodes skip source code validation. + + + + .. py:attribute:: node_type + :value: 'llm_agent_node' + + + + .. py:attribute:: source_code + :value: None + + + + .. py:method:: get_source_code() + + + .. py:method:: get_function_name() + + + .. py:method:: to_dict() + + + .. py:method:: from_dict(node) + :classmethod: + + + +.. py:class:: InputNode(name, input_mappings = None, output_mappings = None, input_schema = None, output_schema = None, description = None, function_name = None, source_code = None, uid = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents an input node in an agent workflow graph. + + Accepts multiple user inputs (text and file) and processes them into a single combined text output. + File inputs are processed using OCR/document extraction when applicable. + + :param name: The name of the input node. + :type name: str + :param input_mappings: The input mappings for the input node. If not provided, defaults to a text_input and file_input. + :type input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] + :param output_mappings: The output mappings for the input node. If not provided, defaults to a single 'answer' output. + :type output_mappings: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] + :param input_schema: The input schema for the input node. If not provided, will be generated from input_mappings. + :type input_schema: WorkflowNodeInputSchema + :param output_schema: The output schema for the input node. If not provided, will be generated from output_mappings. + :type output_schema: WorkflowNodeOutputSchema + :param description: The description of the input node. + :type description: str + :param uid: A unique identifier for the input node. Auto-generated if not provided. + :type uid: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: input_mappings + :type: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] + :value: None + + + + .. py:attribute:: output_mappings + :type: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] + :value: None + + + + .. py:attribute:: input_schema + :type: WorkflowNodeInputSchema + :value: None + + + + .. py:attribute:: output_schema + :type: WorkflowNodeOutputSchema + :value: None + + + + .. py:attribute:: description + :type: str + :value: None + + + + .. py:attribute:: uid + :type: str + :value: None + + + + .. py:method:: is_special_node_type() + :classmethod: + + + Input nodes skip source code validation. + + + + .. py:method:: _mark_file_inputs_in_schema(input_schema) + :staticmethod: + + + Mark file inputs in the schema based on format and ui:widget indicators. + + + + .. py:attribute:: node_type + :value: 'input_node' + + + + .. py:attribute:: source_code + :value: None + + + + .. py:attribute:: template_metadata + :value: None + + + + .. py:attribute:: trigger_config + :value: None + + + + .. py:method:: to_dict() + + Return snake_case keys to match return filter expectations. + (The base ApiClass.to_dict() camelCases keys, which causes the + WorkflowGraphNodeDetails return filter to miss fields.) + + + + .. py:method:: from_dict(node) + :classmethod: + + + + .. py:method:: get_function_name() + + + .. py:method:: get_source_code() + + Return the stored source code, if any. + + + + .. py:method:: get_input_schema() + + .. py:class:: WorkflowGraphEdge(source, target, details = None) Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -797,6 +1127,11 @@ Package Contents .. py:method:: to_nx_edge() + .. py:method:: from_dict(input_dict) + :classmethod: + + + .. py:class:: WorkflowGraph Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -804,20 +1139,16 @@ Package Contents Represents an Agent workflow graph. - The edges define the node invocation order. - :param nodes: A list of nodes in the workflow graph. - :type nodes: List[WorkflowGraphNode] - :param edges: A list of edges in the workflow graph, where each edge is a tuple of source, target, and details. - :type edges: List[WorkflowGraphEdge] + :type nodes: List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]] :param primary_start_node: The primary node to start the workflow from. - :type primary_start_node: Union[str, WorkflowGraphNode] + :type primary_start_node: Union[str, WorkflowGraphNode, LLMAgentNode] :param common_source_code: Common source code that can be used across all nodes. :type common_source_code: str .. py:attribute:: nodes - :type: List[WorkflowGraphNode] + :type: List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]] :value: [] @@ -829,7 +1160,7 @@ Package Contents .. py:attribute:: primary_start_node - :type: Union[str, WorkflowGraphNode] + :type: Union[str, WorkflowGraphNode, LLMAgentNode] :value: None @@ -851,11 +1182,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(graph) :classmethod: @@ -897,11 +1223,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: WorkflowNodeTemplateConfig @@ -944,11 +1265,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(mapping) :classmethod: @@ -968,6 +1284,8 @@ Package Contents :type is_required: bool :param description: The description of this input. :type description: str + :param long_description: The detailed description of this input. + :type long_description: str .. py:attribute:: name @@ -986,13 +1304,14 @@ Package Contents - .. py:method:: to_dict() + .. py:attribute:: long_description + :type: str + :value: '' - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: to_dict() + .. py:method:: from_dict(mapping) :classmethod: @@ -1012,6 +1331,8 @@ Package Contents :type variable_type: WorkflowNodeOutputType :param description: The description of this output. :type description: str + :param long_description: The detailed description of this output. + :type long_description: str .. py:attribute:: name @@ -1028,12 +1349,13 @@ Package Contents - .. py:method:: to_dict() + .. py:attribute:: long_description + :type: str + :value: '' + - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: to_dict() .. py:method:: from_dict(mapping) @@ -1515,6 +1837,8 @@ Package Contents :param for_eval: If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation. :type for_eval: bool + :param files_input_location: The input location for the files. + :type files_input_location: str :param files_output_location_prefix: The output location prefix for the files. :type files_output_location_prefix: str :param channel_id_to_label_map: JSON string for the map from channel ids to their labels. @@ -1527,6 +1851,12 @@ Package Contents + .. py:attribute:: files_input_location + :type: str + :value: None + + + .. py:attribute:: files_output_location_prefix :type: str :value: None @@ -1678,10 +2008,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -1909,10 +2235,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -2022,6 +2344,11 @@ Package Contents + .. py:attribute:: COMPREHENSIVE_MARKDOWN + :value: 'COMPREHENSIVE_MARKDOWN' + + + .. py:method:: is_ocr_forced(document_type) :classmethod: @@ -2457,6 +2784,8 @@ Package Contents :type pull_attachments: bool :param extract_bounding_boxes: Whether to extract bounding boxes from the documents :type extract_bounding_boxes: bool + :param location_type: The type of location to be fetched. Maps values in `location` to content type, example: 'spaceKey/folderTitle/*' -> 'folder' + :type location_type: str .. py:attribute:: location @@ -2483,6 +2812,12 @@ Package Contents + .. py:attribute:: location_type + :type: str + :value: None + + + .. py:method:: __post_init__() @@ -2572,6 +2907,8 @@ Package Contents :type extract_bounding_boxes: bool :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True :type merge_file_schemas: bool + :param location_type: The type of path to fetch. 'shared' for shared files. if not provided, it will fetch from the root folder. + :type location_type: str .. py:attribute:: location @@ -2598,6 +2935,12 @@ Package Contents + .. py:attribute:: location_type + :type: str + :value: None + + + .. py:method:: __post_init__() @@ -2704,6 +3047,8 @@ Package Contents :type extract_bounding_boxes: bool :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True :type merge_file_schemas: bool + :param add_file_metadata: Signifies if the file metadata should be added to the dataset + :type add_file_metadata: bool .. py:attribute:: location @@ -2730,6 +3075,12 @@ Package Contents + .. py:attribute:: add_file_metadata + :type: bool + :value: False + + + .. py:method:: __post_init__() @@ -2753,85 +3104,176 @@ Package Contents .. py:method:: __post_init__() -.. py:class:: AbacusUsageMetricsDatasetConfig +.. py:class:: AbacusUsageMetricsDatasetConfig + + Bases: :py:obj:`ApplicationConnectorDatasetConfig` + + + Dataset config for Abacus Usage Metrics Application Connector + + :param include_entire_conversation_history: Whether to show the entire history for this deployment conversation + :type include_entire_conversation_history: bool + :param include_all_feedback: Whether to include all feedback for this deployment conversation + :type include_all_feedback: bool + :param resolve_matching_documents: Whether to get matching document references for response instead of prompt. + Needs to recalculate them if highlights are unavailable in summary_info + :type resolve_matching_documents: bool + + + .. py:attribute:: include_entire_conversation_history + :type: bool + :value: False + + + + .. py:attribute:: include_all_feedback + :type: bool + :value: False + + + + .. py:attribute:: resolve_matching_documents + :type: bool + :value: False + + + + .. py:method:: __post_init__() + + +.. py:class:: TeamsScraperDatasetConfig + + Bases: :py:obj:`ApplicationConnectorDatasetConfig` + + + Dataset config for Teams Scraper Application Connector + + :param pull_chat_messages: Whether to pull teams chat messages + :type pull_chat_messages: bool + :param pull_channel_posts: Whether to pull posts for each channel + :type pull_channel_posts: bool + :param pull_transcripts: Whether to pull transcripts for calendar meetings + :type pull_transcripts: bool + :param max_days_to_lookback: The maximum number of days to look back for data + :type max_days_to_lookback: int + + + .. py:attribute:: pull_chat_messages + :type: bool + :value: False + + + + .. py:attribute:: pull_channel_posts + :type: bool + :value: False + + + + .. py:attribute:: pull_transcripts + :type: bool + :value: False + + + + .. py:attribute:: max_days_to_lookback + :type: int + :value: 365 + + + + .. py:method:: __post_init__() + + +.. py:class:: OutlookDatasetConfig + + Bases: :py:obj:`ApplicationConnectorDatasetConfig` + + + Dataset config for Outlook Application Connector + + + .. py:method:: __post_init__() + + +.. py:class:: AzureStorageDatasetConfig Bases: :py:obj:`ApplicationConnectorDatasetConfig` - Dataset config for Abacus Usage Metrics Application Connector + Dataset config for Azure Storage Application Connector - :param include_entire_conversation_history: Whether to show the entire history for this deployment conversation - :type include_entire_conversation_history: bool - :param include_all_feedback: Whether to include all feedback for this deployment conversation - :type include_all_feedback: bool - :param resolve_matching_documents: Whether to get matching document references for response instead of prompt. - Needs to recalculate them if highlights are unavailable in summary_info - :type resolve_matching_documents: bool + :param location: The location of the files to fetch + :type location: str + :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + :type merge_file_schemas: bool - .. py:attribute:: include_entire_conversation_history - :type: bool - :value: False + .. py:attribute:: location + :type: str + :value: None - .. py:attribute:: include_all_feedback + .. py:attribute:: merge_file_schemas :type: bool :value: False - .. py:attribute:: resolve_matching_documents - :type: bool - :value: False + .. py:method:: __post_init__() +.. py:class:: FreshserviceDatasetConfig - .. py:method:: __post_init__() + Bases: :py:obj:`ApplicationConnectorDatasetConfig` -.. py:class:: TeamsScraperDatasetConfig + Dataset config for Freshservice Application Connector - Bases: :py:obj:`ApplicationConnectorDatasetConfig` + .. py:method:: __post_init__() - Dataset config for Teams Scraper Application Connector - :param pull_chat_messages: Whether to pull teams chat messages - :type pull_chat_messages: bool - :param pull_channel_posts: Whether to pull posts for each channel - :type pull_channel_posts: bool - :param pull_transcripts: Whether to pull transcripts for calendar meetings - :type pull_transcripts: bool +.. py:class:: SftpDatasetConfig + Bases: :py:obj:`ApplicationConnectorDatasetConfig` - .. py:attribute:: pull_chat_messages - :type: bool - :value: False + Dataset config for SFTP Application Connector + :param location: The regex location of the files to fetch + :type location: str + :param csv_delimiter: If the file format is CSV, use a specific csv delimiter + :type csv_delimiter: str + :param extract_bounding_boxes: Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True + :type extract_bounding_boxes: bool + :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + :type merge_file_schemas: bool - .. py:attribute:: pull_channel_posts - :type: bool - :value: False + .. py:attribute:: location + :type: str + :value: None - .. py:attribute:: pull_transcripts - :type: bool - :value: False + .. py:attribute:: csv_delimiter + :type: str + :value: None - .. py:method:: __post_init__() + .. py:attribute:: extract_bounding_boxes + :type: bool + :value: False -.. py:class:: FreshserviceDatasetConfig - Bases: :py:obj:`ApplicationConnectorDatasetConfig` + .. py:attribute:: merge_file_schemas + :type: bool + :value: False - Dataset config for Freshservice Application Connector .. py:method:: __post_init__() @@ -2842,10 +3284,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -3325,10 +3763,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -4440,6 +4874,16 @@ Package Contents + .. py:attribute:: TS + :value: 'TS' + + + + .. py:attribute:: TSX + :value: 'TSX' + + + .. py:class:: ExperimentationMode Bases: :py:obj:`ApiEnum` @@ -5140,6 +5584,11 @@ Package Contents + .. py:attribute:: GOOGLECALENDAR + :value: 'GOOGLECALENDAR' + + + .. py:attribute:: GIT :value: 'GIT' @@ -5215,11 +5664,6 @@ Package Contents - .. py:attribute:: GOOGLECALENDAR - :value: 'GOOGLECALENDAR' - - - .. py:attribute:: GOOGLESHEETS :value: 'GOOGLESHEETS' @@ -5250,6 +5694,71 @@ Package Contents + .. py:attribute:: SFTPAPPLICATION + :value: 'SFTPAPPLICATION' + + + + .. py:attribute:: OAUTH + :value: 'OAUTH' + + + + .. py:attribute:: SALESFORCE + :value: 'SALESFORCE' + + + + .. py:attribute:: TWITTER + :value: 'TWITTER' + + + + .. py:attribute:: MCP + :value: 'MCP' + + + + .. py:attribute:: ODBC + :value: 'ODBC' + + + + .. py:attribute:: DBC + :value: 'DBC' + + + + .. py:attribute:: GENERIC_OAUTH + :value: 'GENERIC_OAUTH' + + + + .. py:attribute:: OUTLOOK + :value: 'OUTLOOK' + + + + .. py:attribute:: BIGQUERY + :value: 'BIGQUERY' + + + + .. py:attribute:: AZURESTORAGE + :value: 'AZURESTORAGE' + + + + .. py:method:: user_connectors() + :classmethod: + + + + .. py:method:: database_connectors() + :classmethod: + + + .. py:class:: StreamingConnectorType Bases: :py:obj:`ApiEnum` @@ -5340,6 +5849,16 @@ Package Contents + .. py:attribute:: ATTACHMENT + :value: 'ATTACHMENT' + + + + .. py:method:: to_json_type(type) + :staticmethod: + + + .. py:class:: PythonFunctionOutputArgumentType Bases: :py:obj:`ApiEnum` @@ -5415,6 +5934,11 @@ Package Contents + .. py:attribute:: ATTACHMENT + :value: 'ATTACHMENT' + + + .. py:class:: VectorStoreTextEncoder Bases: :py:obj:`ApiEnum` @@ -5462,126 +5986,261 @@ Package Contents .. py:class:: LLMName - Bases: :py:obj:`ApiEnum` + Bases: :py:obj:`ApiEnum` + + + Generic enumeration. + + Derive from this class to define new enumerations. + + + .. py:attribute:: OPENAI_GPT3_5 + :value: 'OPENAI_GPT3_5' + + + + .. py:attribute:: OPENAI_GPT3_5_TEXT + :value: 'OPENAI_GPT3_5_TEXT' + + + + .. py:attribute:: OPENAI_GPT4 + :value: 'OPENAI_GPT4' + + + + .. py:attribute:: OPENAI_GPT4_32K + :value: 'OPENAI_GPT4_32K' + + + + .. py:attribute:: OPENAI_GPT4_128K + :value: 'OPENAI_GPT4_128K' + + + + .. py:attribute:: OPENAI_GPT4_128K_LATEST + :value: 'OPENAI_GPT4_128K_LATEST' + + + + .. py:attribute:: OPENAI_GPT4O + :value: 'OPENAI_GPT4O' + + + + .. py:attribute:: OPENAI_GPT4O_MINI + :value: 'OPENAI_GPT4O_MINI' + + + + .. py:attribute:: OPENAI_O1_MINI + :value: 'OPENAI_O1_MINI' + + + + .. py:attribute:: OPENAI_O3 + :value: 'OPENAI_O3' + + + + .. py:attribute:: OPENAI_O3_HIGH + :value: 'OPENAI_O3_HIGH' + + + + .. py:attribute:: OPENAI_O4_MINI + :value: 'OPENAI_O4_MINI' + + + + .. py:attribute:: OPENAI_O4_MINI_HIGH + :value: 'OPENAI_O4_MINI_HIGH' + + + + .. py:attribute:: OPENAI_GPT4_1 + :value: 'OPENAI_GPT4_1' + + + + .. py:attribute:: OPENAI_GPT4_1_MINI + :value: 'OPENAI_GPT4_1_MINI' + + + + .. py:attribute:: OPENAI_GPT4_1_NANO + :value: 'OPENAI_GPT4_1_NANO' + + + + .. py:attribute:: OPENAI_GPT5 + :value: 'OPENAI_GPT5' + + + + .. py:attribute:: OPENAI_GPT5_MINI + :value: 'OPENAI_GPT5_MINI' + + + + .. py:attribute:: OPENAI_GPT5_MINI_HIGH + :value: 'OPENAI_GPT5_MINI_HIGH' + + + + .. py:attribute:: OPENAI_GPT5_MINI_LOW + :value: 'OPENAI_GPT5_MINI_LOW' + + + + .. py:attribute:: OPENAI_GPT5_NANO + :value: 'OPENAI_GPT5_NANO' + + + + .. py:attribute:: OPENAI_GPT5_NANO_HIGH + :value: 'OPENAI_GPT5_NANO_HIGH' + + + + .. py:attribute:: OPENAI_GPT5_1 + :value: 'OPENAI_GPT5_1' + + + + .. py:attribute:: OPENAI_GPT5_2 + :value: 'OPENAI_GPT5_2' + + + + .. py:attribute:: CLAUDE_V3_HAIKU + :value: 'CLAUDE_V3_HAIKU' + + + + .. py:attribute:: CLAUDE_V3_OPUS + :value: 'CLAUDE_V3_OPUS' + - Generic enumeration. + .. py:attribute:: CLAUDE_V3_5_HAIKU + :value: 'CLAUDE_V3_5_HAIKU' - Derive from this class to define new enumerations. - .. py:attribute:: OPENAI_GPT4 - :value: 'OPENAI_GPT4' + .. py:attribute:: CLAUDE_V3_5_SONNET + :value: 'CLAUDE_V3_5_SONNET' - .. py:attribute:: OPENAI_GPT4_32K - :value: 'OPENAI_GPT4_32K' + .. py:attribute:: CLAUDE_V3_7_SONNET + :value: 'CLAUDE_V3_7_SONNET' - .. py:attribute:: OPENAI_GPT4_128K - :value: 'OPENAI_GPT4_128K' + .. py:attribute:: CLAUDE_V4_SONNET + :value: 'CLAUDE_V4_SONNET' - .. py:attribute:: OPENAI_GPT4_128K_LATEST - :value: 'OPENAI_GPT4_128K_LATEST' + .. py:attribute:: CLAUDE_V4_OPUS + :value: 'CLAUDE_V4_OPUS' - .. py:attribute:: OPENAI_GPT4O - :value: 'OPENAI_GPT4O' + .. py:attribute:: CLAUDE_V4_5_SONNET + :value: 'CLAUDE_V4_5_SONNET' - .. py:attribute:: OPENAI_GPT4O_MINI - :value: 'OPENAI_GPT4O_MINI' + .. py:attribute:: GEMINI_1_5_PRO + :value: 'GEMINI_1_5_PRO' - .. py:attribute:: OPENAI_O1_MINI - :value: 'OPENAI_O1_MINI' + .. py:attribute:: GEMINI_1_5_FLASH + :value: 'GEMINI_1_5_FLASH' - .. py:attribute:: OPENAI_GPT3_5 - :value: 'OPENAI_GPT3_5' + .. py:attribute:: GEMINI_2_PRO + :value: 'GEMINI_2_PRO' - .. py:attribute:: OPENAI_GPT3_5_TEXT - :value: 'OPENAI_GPT3_5_TEXT' + .. py:attribute:: GEMINI_2_FLASH + :value: 'GEMINI_2_FLASH' - .. py:attribute:: LLAMA3_1_405B - :value: 'LLAMA3_1_405B' + .. py:attribute:: GEMINI_2_5_PRO + :value: 'GEMINI_2_5_PRO' - .. py:attribute:: LLAMA3_1_70B - :value: 'LLAMA3_1_70B' + .. py:attribute:: GEMINI_3_PRO + :value: 'GEMINI_3_PRO' - .. py:attribute:: LLAMA3_1_8B - :value: 'LLAMA3_1_8B' + .. py:attribute:: GEMINI_2_5_FLASH + :value: 'GEMINI_2_5_FLASH' - .. py:attribute:: LLAMA3_3_70B - :value: 'LLAMA3_3_70B' + .. py:attribute:: GEMINI_3_FLASH + :value: 'GEMINI_3_FLASH' - .. py:attribute:: LLAMA3_LARGE_CHAT - :value: 'LLAMA3_LARGE_CHAT' + .. py:attribute:: XAI_GROK + :value: 'XAI_GROK' - .. py:attribute:: CLAUDE_V3_OPUS - :value: 'CLAUDE_V3_OPUS' + .. py:attribute:: XAI_GROK_3 + :value: 'XAI_GROK_3' - .. py:attribute:: CLAUDE_V3_SONNET - :value: 'CLAUDE_V3_SONNET' + .. py:attribute:: XAI_GROK_3_MINI + :value: 'XAI_GROK_3_MINI' - .. py:attribute:: CLAUDE_V3_HAIKU - :value: 'CLAUDE_V3_HAIKU' + .. py:attribute:: XAI_GROK_4 + :value: 'XAI_GROK_4' - .. py:attribute:: CLAUDE_V3_5_SONNET - :value: 'CLAUDE_V3_5_SONNET' + .. py:attribute:: LLAMA4_MAVERICK + :value: 'LLAMA4_MAVERICK' - .. py:attribute:: CLAUDE_V3_5_HAIKU - :value: 'CLAUDE_V3_5_HAIKU' + .. py:attribute:: LLAMA3_1_405B + :value: 'LLAMA3_1_405B' - .. py:attribute:: GEMINI_1_5_PRO - :value: 'GEMINI_1_5_PRO' + .. py:attribute:: LLAMA3_1_70B + :value: 'LLAMA3_1_70B' - .. py:attribute:: GEMINI_2_FLASH - :value: 'GEMINI_2_FLASH' + .. py:attribute:: LLAMA3_1_8B + :value: 'LLAMA3_1_8B' - .. py:attribute:: GEMINI_2_FLASH_THINKING - :value: 'GEMINI_2_FLASH_THINKING' + .. py:attribute:: LLAMA3_3_70B + :value: 'LLAMA3_3_70B' - .. py:attribute:: GEMINI_2_PRO - :value: 'GEMINI_2_PRO' + .. py:attribute:: LLAMA3_LARGE_CHAT + :value: 'LLAMA3_LARGE_CHAT' @@ -5615,18 +6274,23 @@ Package Contents - .. py:attribute:: GEMINI_1_5_FLASH - :value: 'GEMINI_1_5_FLASH' + .. py:attribute:: QWEN3_32B + :value: 'QWEN3_32B' - .. py:attribute:: XAI_GROK - :value: 'XAI_GROK' + .. py:attribute:: QWEN3_235B_A22B + :value: 'QWEN3_235B_A22B' + + + + .. py:attribute:: QWEN3_CODER + :value: 'QWEN3_CODER' - .. py:attribute:: DEEPSEEK_V3 - :value: 'DEEPSEEK_V3' + .. py:attribute:: DEEPSEEK_V3_1 + :value: 'DEEPSEEK_V3_1' @@ -5830,6 +6494,11 @@ Package Contents + .. py:attribute:: CONNECTOR_TOOL + :value: 'CONNECTOR_TOOL' + + + .. py:class:: EvalArtifactType Bases: :py:obj:`ApiEnum` @@ -6095,6 +6764,11 @@ Package Contents + .. py:attribute:: COMPREHENSIVE_MARKDOWN + :value: 'COMPREHENSIVE_MARKDOWN' + + + .. py:method:: is_ocr_forced(document_type) :classmethod: @@ -6450,6 +7124,99 @@ Package Contents + .. py:attribute:: CODE_LLM_AGENT + :value: 'CODE_LLM_AGENT' + + + + .. py:attribute:: CHAT_LLM_TASK + :value: 'CHAT_LLM_TASK' + + + + .. py:attribute:: COMPUTER_AGENT + :value: 'COMPUTER_AGENT' + + + + .. py:attribute:: SEARCH_LLM + :value: 'SEARCH_LLM' + + + + .. py:attribute:: APP_LLM + :value: 'APP_LLM' + + + + .. py:attribute:: TEST_AGENT + :value: 'TEST_AGENT' + + + + .. py:attribute:: SUPER_AGENT + :value: 'SUPER_AGENT' + + + + .. py:attribute:: CODE_LLM_NON_INTERACTIVE + :value: 'CODE_LLM_NON_INTERACTIVE' + + + + .. py:attribute:: BROWSER_EXTENSION + :value: 'BROWSER_EXTENSION' + + + +.. py:class:: AgentClientType + + Bases: :py:obj:`ApiEnum` + + + Generic enumeration. + + Derive from this class to define new enumerations. + + + .. py:attribute:: CHAT_UI + :value: 'CHAT_UI' + + + + .. py:attribute:: MESSAGING_APP + :value: 'MESSAGING_APP' + + + + .. py:attribute:: API + :value: 'API' + + + +.. py:class:: OrganizationSecretType + + Bases: :py:obj:`ApiEnum` + + + Enum for organization secret types + + + .. py:attribute:: ORG_SECRET + :value: 'ORG_SECRET' + + + + .. py:attribute:: ORG_API_CREDENTIALS + :value: 'ORG_API_CREDENTIALS' + + + + .. py:attribute:: USER_API_CREDENTIALS + :value: 'USER_API_CREDENTIALS' + + + .. py:class:: ApiClass Bases: :py:obj:`abc.ABC` @@ -8716,6 +9483,29 @@ Package Contents .. py:method:: __post_init__() +.. py:class:: SystemConnectorTool + + Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` + + + System connector tool used to integrate chatbots with external services. + + :param value: The name of the tool. + :type value: str + :param configs: Optional. A dictionary of key-value pairs that are used to configure the tool. + :type configs: dict + + + .. py:attribute:: value + :type: str + + + .. py:attribute:: configs + :type: dict + :value: None + + + .. py:class:: ChatLLMTrainingConfig Bases: :py:obj:`TrainingConfig` @@ -8762,6 +9552,8 @@ Package Contents :type hide_sql_and_code: bool :param disable_data_summarization: After executing a query summarize the reponse and reply back with only the table and query run. :type disable_data_summarization: bool + :param disable_data_fetch_for_training: Train using only table and column schema metadata without fetching sample data. This speeds up training but may result in less context for the model. + :type disable_data_fetch_for_training: bool :param data_columns_to_ignore: Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format "." :type data_columns_to_ignore: List[str] :param search_score_cutoff: Minimum search score to consider a document as a valid search result. @@ -8770,6 +9562,8 @@ Package Contents :type include_bm25_retrieval: bool :param database_connector_id: Database connector ID to use for connecting external database that gives access to structured data to the LLM. :type database_connector_id: str + :param database_connector_ids: List of database connector IDs to use for connecting external databases that give access to structured data to the LLM. + :type database_connector_ids: List[str] :param database_connector_tables: List of tables to use from the database connector for the ChatLLM. :type database_connector_tables: List[str] :param enable_code_execution: Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed. @@ -8778,7 +9572,7 @@ Package Contents :type enable_response_caching: bool :param unknown_answer_phrase: Fallback response when the LLM can't find an answer. :type unknown_answer_phrase: str - :param enable_tool_bar: Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. + :param enable_tool_bar: Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. Enabling this requires enable_web_search to be enabled. :type enable_tool_bar: bool :param enable_inline_source_citations: Enable inline citations of the sources in the response. :type enable_inline_source_citations: bool @@ -8787,6 +9581,16 @@ Package Contents :type json_response_instructions: str :param json_response_schema: Specifies the JSON schema that the model should adhere to if `response_format` is set to "JSON". This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields 'type', 'required' and 'description'. For example - '{"sample_field": {"type": "integer", "required": true, "description": "Sample Field"}}' :type json_response_schema: str + :param mask_pii: Mask PII in the prompts and uploaded documents before sending it to the LLM. Only available for Enterprise users and will cause validation errors if set to True for ChatLLM Teams users. + :type mask_pii: bool + :param builtin_tools: List of builtin system connector tools to use in the ChatLLM. Using builtin tools does not require enabling tool bar (enable_tool_bar flag). + :type builtin_tools: List[SystemConnectorTool] + :param config_connectors: List of names of config connectors to use in the ChatLLM. This should not be used with document_retrievers. + :type config_connectors: List[str] + :param mcp_servers: List of names of MCP servers to use in the ChatLLM. This should not be used with document_retrievers. + :type mcp_servers: List[str] + :param agentic_loop_mode: Enables use of agentic loop that uses a series of tool calls when needed to respond. If set to False, the agentic loop will not be used. If not set or set to Auto, the agentic loop will be automatically used based on certain conditions like presence of tools in the model. + :type agentic_loop_mode: bool .. py:attribute:: document_retrievers @@ -8909,6 +9713,12 @@ Package Contents + .. py:attribute:: disable_data_fetch_for_training + :type: bool + :value: None + + + .. py:attribute:: data_columns_to_ignore :type: List[str] :value: None @@ -8933,6 +9743,12 @@ Package Contents + .. py:attribute:: database_connector_ids + :type: List[str] + :value: None + + + .. py:attribute:: database_connector_tables :type: List[str] :value: None @@ -8999,6 +9815,36 @@ Package Contents + .. py:attribute:: mask_pii + :type: bool + :value: None + + + + .. py:attribute:: builtin_tools + :type: List[SystemConnectorTool] + :value: None + + + + .. py:attribute:: config_connectors + :type: List[str] + :value: None + + + + .. py:attribute:: mcp_servers + :type: List[str] + :value: None + + + + .. py:attribute:: agentic_loop_mode + :type: bool + :value: None + + + .. py:method:: __post_init__() @@ -9587,10 +10433,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -10358,10 +11200,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -10430,10 +11268,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -10478,11 +11312,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: ApiClass @@ -10744,10 +11573,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -10841,6 +11666,8 @@ Package Contents :type pipeline_variable: str :param description: The description of the argument :type description: str + :param long_description: The detailed description of the argument + :type long_description: str :param item_type: Type of items when variable_type is LIST :type item_type: str @@ -10881,6 +11708,12 @@ Package Contents + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:attribute:: item_type :type: str :value: None @@ -10898,6 +11731,10 @@ Package Contents :type variable_type: PythonFunctionOutputArgumentType :param name: The name of the python function variable :type name: str + :param description: The description of the output + :type description: str + :param long_description: The detailed description of the output + :type long_description: str .. py:attribute:: variable_type @@ -10912,6 +11749,18 @@ Package Contents + .. py:attribute:: description + :type: str + :value: None + + + + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:class:: ApiClass Bases: :py:obj:`abc.ABC` @@ -11051,11 +11900,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: DatabaseConnectorExportConfig @@ -11119,21 +11963,12 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: _FeatureGroupExportConfigFactory Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -11234,11 +12069,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:data:: Segment @@ -11290,7 +12120,7 @@ Package Contents :type: int -.. py:class:: TextResponseSection(text, section_key = None) +.. py:class:: TextResponseSection(segment = None, section_key = None, text = None) Bases: :py:obj:`ResponseSection` @@ -11386,11 +12216,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: ListResponseSection(items, section_key = None) diff --git a/docs/_sources/autoapi/abacusai/api_class/model/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/model/index.rst.txt index 59e6fa3d5..ca1b77c4c 100644 --- a/docs/_sources/autoapi/abacusai/api_class/model/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/model/index.rst.txt @@ -15,6 +15,7 @@ Classes abacusai.api_class.model.ForecastingTrainingConfig abacusai.api_class.model.NamedEntityExtractionTrainingConfig abacusai.api_class.model.NaturalLanguageSearchTrainingConfig + abacusai.api_class.model.SystemConnectorTool abacusai.api_class.model.ChatLLMTrainingConfig abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig abacusai.api_class.model.SentimentDetectionTrainingConfig @@ -1424,6 +1425,29 @@ Module Contents .. py:method:: __post_init__() +.. py:class:: SystemConnectorTool + + Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` + + + System connector tool used to integrate chatbots with external services. + + :param value: The name of the tool. + :type value: str + :param configs: Optional. A dictionary of key-value pairs that are used to configure the tool. + :type configs: dict + + + .. py:attribute:: value + :type: str + + + .. py:attribute:: configs + :type: dict + :value: None + + + .. py:class:: ChatLLMTrainingConfig Bases: :py:obj:`TrainingConfig` @@ -1470,6 +1494,8 @@ Module Contents :type hide_sql_and_code: bool :param disable_data_summarization: After executing a query summarize the reponse and reply back with only the table and query run. :type disable_data_summarization: bool + :param disable_data_fetch_for_training: Train using only table and column schema metadata without fetching sample data. This speeds up training but may result in less context for the model. + :type disable_data_fetch_for_training: bool :param data_columns_to_ignore: Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format "." :type data_columns_to_ignore: List[str] :param search_score_cutoff: Minimum search score to consider a document as a valid search result. @@ -1478,6 +1504,8 @@ Module Contents :type include_bm25_retrieval: bool :param database_connector_id: Database connector ID to use for connecting external database that gives access to structured data to the LLM. :type database_connector_id: str + :param database_connector_ids: List of database connector IDs to use for connecting external databases that give access to structured data to the LLM. + :type database_connector_ids: List[str] :param database_connector_tables: List of tables to use from the database connector for the ChatLLM. :type database_connector_tables: List[str] :param enable_code_execution: Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed. @@ -1486,7 +1514,7 @@ Module Contents :type enable_response_caching: bool :param unknown_answer_phrase: Fallback response when the LLM can't find an answer. :type unknown_answer_phrase: str - :param enable_tool_bar: Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. + :param enable_tool_bar: Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. Enabling this requires enable_web_search to be enabled. :type enable_tool_bar: bool :param enable_inline_source_citations: Enable inline citations of the sources in the response. :type enable_inline_source_citations: bool @@ -1495,6 +1523,16 @@ Module Contents :type json_response_instructions: str :param json_response_schema: Specifies the JSON schema that the model should adhere to if `response_format` is set to "JSON". This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields 'type', 'required' and 'description'. For example - '{"sample_field": {"type": "integer", "required": true, "description": "Sample Field"}}' :type json_response_schema: str + :param mask_pii: Mask PII in the prompts and uploaded documents before sending it to the LLM. Only available for Enterprise users and will cause validation errors if set to True for ChatLLM Teams users. + :type mask_pii: bool + :param builtin_tools: List of builtin system connector tools to use in the ChatLLM. Using builtin tools does not require enabling tool bar (enable_tool_bar flag). + :type builtin_tools: List[SystemConnectorTool] + :param config_connectors: List of names of config connectors to use in the ChatLLM. This should not be used with document_retrievers. + :type config_connectors: List[str] + :param mcp_servers: List of names of MCP servers to use in the ChatLLM. This should not be used with document_retrievers. + :type mcp_servers: List[str] + :param agentic_loop_mode: Enables use of agentic loop that uses a series of tool calls when needed to respond. If set to False, the agentic loop will not be used. If not set or set to Auto, the agentic loop will be automatically used based on certain conditions like presence of tools in the model. + :type agentic_loop_mode: bool .. py:attribute:: document_retrievers @@ -1617,6 +1655,12 @@ Module Contents + .. py:attribute:: disable_data_fetch_for_training + :type: bool + :value: None + + + .. py:attribute:: data_columns_to_ignore :type: List[str] :value: None @@ -1641,6 +1685,12 @@ Module Contents + .. py:attribute:: database_connector_ids + :type: List[str] + :value: None + + + .. py:attribute:: database_connector_tables :type: List[str] :value: None @@ -1707,6 +1757,36 @@ Module Contents + .. py:attribute:: mask_pii + :type: bool + :value: None + + + + .. py:attribute:: builtin_tools + :type: List[SystemConnectorTool] + :value: None + + + + .. py:attribute:: config_connectors + :type: List[str] + :value: None + + + + .. py:attribute:: mcp_servers + :type: List[str] + :value: None + + + + .. py:attribute:: agentic_loop_mode + :type: bool + :value: None + + + .. py:method:: __post_init__() @@ -2295,10 +2375,6 @@ Module Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class diff --git a/docs/_sources/autoapi/abacusai/api_class/monitor_alert/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/monitor_alert/index.rst.txt index 89c20b1ae..33332fcf5 100644 --- a/docs/_sources/autoapi/abacusai/api_class/monitor_alert/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/monitor_alert/index.rst.txt @@ -270,10 +270,6 @@ Module Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -342,10 +338,6 @@ Module Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -390,9 +382,4 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - diff --git a/docs/_sources/autoapi/abacusai/api_class/project/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/project/index.rst.txt index 28eebb26c..2548738f2 100644 --- a/docs/_sources/autoapi/abacusai/api_class/project/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/project/index.rst.txt @@ -191,10 +191,6 @@ Module Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class diff --git a/docs/_sources/autoapi/abacusai/api_class/python_functions/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/python_functions/index.rst.txt index ffb796383..796e97954 100644 --- a/docs/_sources/autoapi/abacusai/api_class/python_functions/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/python_functions/index.rst.txt @@ -35,6 +35,8 @@ Module Contents :type pipeline_variable: str :param description: The description of the argument :type description: str + :param long_description: The detailed description of the argument + :type long_description: str :param item_type: Type of items when variable_type is LIST :type item_type: str @@ -75,6 +77,12 @@ Module Contents + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:attribute:: item_type :type: str :value: None @@ -92,6 +100,10 @@ Module Contents :type variable_type: PythonFunctionOutputArgumentType :param name: The name of the python function variable :type name: str + :param description: The description of the output + :type description: str + :param long_description: The detailed description of the output + :type long_description: str .. py:attribute:: variable_type @@ -106,3 +118,15 @@ Module Contents + .. py:attribute:: description + :type: str + :value: None + + + + .. py:attribute:: long_description + :type: str + :value: None + + + diff --git a/docs/_sources/autoapi/abacusai/api_class/refresh/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/refresh/index.rst.txt index a29a90d86..5229880aa 100644 --- a/docs/_sources/autoapi/abacusai/api_class/refresh/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/refresh/index.rst.txt @@ -67,11 +67,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: DatabaseConnectorExportConfig @@ -135,21 +130,12 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: _FeatureGroupExportConfigFactory Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class diff --git a/docs/_sources/autoapi/abacusai/api_class/segments/index.rst.txt b/docs/_sources/autoapi/abacusai/api_class/segments/index.rst.txt index f0b75709c..6f9ffc252 100644 --- a/docs/_sources/autoapi/abacusai/api_class/segments/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_class/segments/index.rst.txt @@ -59,11 +59,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:data:: Segment @@ -115,7 +110,7 @@ Module Contents :type: int -.. py:class:: TextResponseSection(text, section_key = None) +.. py:class:: TextResponseSection(segment = None, section_key = None, text = None) Bases: :py:obj:`ResponseSection` @@ -211,11 +206,6 @@ Module Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: ListResponseSection(items, section_key = None) diff --git a/docs/_sources/autoapi/abacusai/api_endpoint/index.rst.txt b/docs/_sources/autoapi/abacusai/api_endpoint/index.rst.txt index bb18e33db..8eaad6a0c 100644 --- a/docs/_sources/autoapi/abacusai/api_endpoint/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_endpoint/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None) +.. py:class:: ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None, hostingDomain=None, publicHostingDomain=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -36,6 +36,10 @@ Module Contents :type externalChatEndpoint: str :param dashboardEndpoint: The URI that the external chat will use to go back to the dashboard :type dashboardEndpoint: str + :param hostingDomain: The domain for hosted app deployments + :type hostingDomain: str + :param publicHostingDomain: The domain for publicly hosted app deployments + :type publicHostingDomain: str .. py:attribute:: api_endpoint @@ -68,6 +72,16 @@ Module Contents + .. py:attribute:: hosting_domain + :value: None + + + + .. py:attribute:: public_hosting_domain + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/api_key/index.rst.txt b/docs/_sources/autoapi/abacusai/api_key/index.rst.txt index c8dea7755..80714b5a2 100644 --- a/docs/_sources/autoapi/abacusai/api_key/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/api_key/index.rst.txt @@ -32,7 +32,7 @@ Module Contents :type apiKeySuffix: str :param tag: A user-friendly tag for the API key. :type tag: str - :param type: The type of the API key, either 'default', 'code-llm', or 'computer-use'. + :param type: The type of the API key, either 'default', 'code-llm', 'terminal', or 'computer-use'. :type type: str :param createdAt: The timestamp when the API key was created. :type createdAt: str diff --git a/docs/_sources/autoapi/abacusai/app_user_group/index.rst.txt b/docs/_sources/autoapi/abacusai/app_user_group/index.rst.txt index e4cb55aaf..ecdfe78af 100644 --- a/docs/_sources/autoapi/abacusai/app_user_group/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/app_user_group/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, users={}) +.. py:class:: AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, creationSource=None, users={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -40,6 +40,8 @@ Module Contents :type isExternalServiceGroup: bool :param externalServiceGroupId: The identifier that corresponds to the app user group's external service group representation :type externalServiceGroupId: str + :param creationSource: The source of the app user group + :type creationSource: str :param users: The users in the user group. :type users: User @@ -84,6 +86,11 @@ Module Contents + .. py:attribute:: creation_source + :value: None + + + .. py:attribute:: users diff --git a/docs/_sources/autoapi/abacusai/application_connector/index.rst.txt b/docs/_sources/autoapi/abacusai/application_connector/index.rst.txt index 4c94d6499..dc948b26b 100644 --- a/docs/_sources/autoapi/abacusai/application_connector/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/application_connector/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: ApplicationConnector(client, applicationConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None) +.. py:class:: ApplicationConnector(client, applicationConnectorId=None, service=None, serviceName=None, name=None, createdAt=None, status=None, auth=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -28,6 +28,8 @@ Module Contents :type applicationConnectorId: str :param service: The service this connection connects to :type service: str + :param serviceName: For OAuth services, the specific provider name (e.g., 'spotify') + :type serviceName: str :param name: A user-friendly name for the service :type name: str :param createdAt: When the API key was created @@ -48,6 +50,11 @@ Module Contents + .. py:attribute:: service_name + :value: None + + + .. py:attribute:: name :value: None diff --git a/docs/_sources/autoapi/abacusai/audio_gen_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/audio_gen_settings/index.rst.txt index 3a9fc53d3..ab5779b4c 100644 --- a/docs/_sources/autoapi/abacusai/audio_gen_settings/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/audio_gen_settings/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: AudioGenSettings(client, model=None) +.. py:class:: AudioGenSettings(client, model=None, settings=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -24,8 +24,10 @@ Module Contents :param client: An authenticated API Client instance :type client: ApiClient - :param model: Dropdown for models available for audio generation. + :param model: names of models available for audio generation. :type model: dict + :param settings: settings for each model. + :type settings: dict .. py:attribute:: model @@ -33,6 +35,11 @@ Module Contents + .. py:attribute:: settings + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/audio_url_result/index.rst.txt b/docs/_sources/autoapi/abacusai/audio_url_result/index.rst.txt new file mode 100644 index 000000000..45f034b3e --- /dev/null +++ b/docs/_sources/autoapi/abacusai/audio_url_result/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.audio_url_result +========================= + +.. py:module:: abacusai.audio_url_result + + +Classes +------- + +.. autoapisummary:: + + abacusai.audio_url_result.AudioUrlResult + + +Module Contents +--------------- + +.. py:class:: AudioUrlResult(client, audioUrl=None, creditsUsed=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + TTS result + + :param client: An authenticated API Client instance + :type client: ApiClient + :param audioUrl: The audio url. + :type audioUrl: str + :param creditsUsed: The credits used. + :type creditsUsed: float + + + .. py:attribute:: audio_url + :value: None + + + + .. py:attribute:: credits_used + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/audit_log/index.rst.txt b/docs/_sources/autoapi/abacusai/audit_log/index.rst.txt new file mode 100644 index 000000000..9a7925f05 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/audit_log/index.rst.txt @@ -0,0 +1,92 @@ +abacusai.audit_log +================== + +.. py:module:: abacusai.audit_log + + +Classes +------- + +.. autoapisummary:: + + abacusai.audit_log.AuditLog + + +Module Contents +--------------- + +.. py:class:: AuditLog(client, createdAt=None, userId=None, objectId=None, action=None, source=None, refreshPolicyId=None, pipelineId=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + An audit log entry + + :param client: An authenticated API Client instance + :type client: ApiClient + :param createdAt: The timestamp when the audit log entry was created + :type createdAt: str + :param userId: The hashed ID of the user who performed the action + :type userId: str + :param objectId: The hashed ID of the object that was affected by the action + :type objectId: str + :param action: The action performed (create, modify, start, stop, delete, share, hide, credential_change, login) + :type action: str + :param source: The source of the action (api, ui, pipeline, cli, system) + :type source: str + :param refreshPolicyId: The hashed ID of the refresh policy if applicable + :type refreshPolicyId: str + :param pipelineId: The hashed ID of the pipeline if applicable + :type pipelineId: str + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: user_id + :value: None + + + + .. py:attribute:: object_id + :value: None + + + + .. py:attribute:: action + :value: None + + + + .. py:attribute:: source + :value: None + + + + .. py:attribute:: refresh_policy_id + :value: None + + + + .. py:attribute:: pipeline_id + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/chat_message/index.rst.txt b/docs/_sources/autoapi/abacusai/chat_message/index.rst.txt index 1750c3fc8..51923a730 100644 --- a/docs/_sources/autoapi/abacusai/chat_message/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/chat_message/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: ChatMessage(client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None) +.. py:class:: ChatMessage(client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None, computePointsUsed=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -42,6 +42,8 @@ Module Contents :type tasks: list[str] :param keywordArguments: A dict of kwargs used to generate the response. :type keywordArguments: dict + :param computePointsUsed: The number of compute points used for the message. + :type computePointsUsed: int .. py:attribute:: role @@ -89,6 +91,11 @@ Module Contents + .. py:attribute:: compute_points_used + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/chatllm_computer_status/index.rst.txt b/docs/_sources/autoapi/abacusai/chatllm_computer_status/index.rst.txt new file mode 100644 index 000000000..fb5e52442 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/chatllm_computer_status/index.rst.txt @@ -0,0 +1,71 @@ +abacusai.chatllm_computer_status +================================ + +.. py:module:: abacusai.chatllm_computer_status + + +Classes +------- + +.. autoapisummary:: + + abacusai.chatllm_computer_status.ChatllmComputerStatus + + +Module Contents +--------------- + +.. py:class:: ChatllmComputerStatus(client, computerId=None, vncEndpoint=None, computerStarted=None, restartRequired=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + ChatLLM Computer Status + + :param client: An authenticated API Client instance + :type client: ApiClient + :param computerId: The ID of the computer, it can be a deployment_conversation_id or a computer_id (TODO: add separate field for deployment_conversation_id) + :type computerId: str + :param vncEndpoint: The VNC endpoint of the computer + :type vncEndpoint: str + :param computerStarted: Whether the computer has started + :type computerStarted: bool + :param restartRequired: Whether the computer needs to be restarted + :type restartRequired: bool + + + .. py:attribute:: computer_id + :value: None + + + + .. py:attribute:: vnc_endpoint + :value: None + + + + .. py:attribute:: computer_started + :value: None + + + + .. py:attribute:: restart_required + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/chatllm_memory/index.rst.txt b/docs/_sources/autoapi/abacusai/chatllm_memory/index.rst.txt new file mode 100644 index 000000000..9edbf2c66 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/chatllm_memory/index.rst.txt @@ -0,0 +1,64 @@ +abacusai.chatllm_memory +======================= + +.. py:module:: abacusai.chatllm_memory + + +Classes +------- + +.. autoapisummary:: + + abacusai.chatllm_memory.ChatllmMemory + + +Module Contents +--------------- + +.. py:class:: ChatllmMemory(client, chatllmMemoryId=None, memory=None, sourceDeploymentConversationId=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + An LLM created memory in ChatLLM + + :param client: An authenticated API Client instance + :type client: ApiClient + :param chatllmMemoryId: The ID of the chatllm memory. + :type chatllmMemoryId: str + :param memory: The text of the ChatLLM memory. + :type memory: str + :param sourceDeploymentConversationId: The deployment conversation where this memory was created. + :type sourceDeploymentConversationId: str + + + .. py:attribute:: chatllm_memory_id + :value: None + + + + .. py:attribute:: memory + :value: None + + + + .. py:attribute:: source_deployment_conversation_id + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/chatllm_project/index.rst.txt b/docs/_sources/autoapi/abacusai/chatllm_project/index.rst.txt new file mode 100644 index 000000000..4d111e02a --- /dev/null +++ b/docs/_sources/autoapi/abacusai/chatllm_project/index.rst.txt @@ -0,0 +1,85 @@ +abacusai.chatllm_project +======================== + +.. py:module:: abacusai.chatllm_project + + +Classes +------- + +.. autoapisummary:: + + abacusai.chatllm_project.ChatllmProject + + +Module Contents +--------------- + +.. py:class:: ChatllmProject(client, chatllmProjectId=None, name=None, description=None, customInstructions=None, createdAt=None, updatedAt=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + ChatLLM Project + + :param client: An authenticated API Client instance + :type client: ApiClient + :param chatllmProjectId: The ID of the chatllm project. + :type chatllmProjectId: id + :param name: The name of the chatllm project. + :type name: str + :param description: The description of the chatllm project. + :type description: str + :param customInstructions: The custom instructions of the chatllm project. + :type customInstructions: str + :param createdAt: The creation time of the chatllm project. + :type createdAt: str + :param updatedAt: The update time of the chatllm project. + :type updatedAt: str + + + .. py:attribute:: chatllm_project_id + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: custom_instructions + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/chatllm_project_permissions/index.rst.txt b/docs/_sources/autoapi/abacusai/chatllm_project_permissions/index.rst.txt new file mode 100644 index 000000000..1e0c2c3fb --- /dev/null +++ b/docs/_sources/autoapi/abacusai/chatllm_project_permissions/index.rst.txt @@ -0,0 +1,71 @@ +abacusai.chatllm_project_permissions +==================================== + +.. py:module:: abacusai.chatllm_project_permissions + + +Classes +------- + +.. autoapisummary:: + + abacusai.chatllm_project_permissions.ChatllmProjectPermissions + + +Module Contents +--------------- + +.. py:class:: ChatllmProjectPermissions(client, chatllmProjectId=None, accessLevel=None, userPermissions=None, userGroupPermissions=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + ChatLLM Project Permissions + + :param client: An authenticated API Client instance + :type client: ApiClient + :param chatllmProjectId: The ID of the chatllm project. + :type chatllmProjectId: id + :param accessLevel: The access level of the chatllm project. + :type accessLevel: str + :param userPermissions: List of tuples containing (user_id, permission). + :type userPermissions: list + :param userGroupPermissions: List of tuples containing (user_group_id, permission). + :type userGroupPermissions: list + + + .. py:attribute:: chatllm_project_id + :value: None + + + + .. py:attribute:: access_level + :value: None + + + + .. py:attribute:: user_permissions + :value: None + + + + .. py:attribute:: user_group_permissions + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/chatllm_task/index.rst.txt b/docs/_sources/autoapi/abacusai/chatllm_task/index.rst.txt index 54c8f6bb7..f95282486 100644 --- a/docs/_sources/autoapi/abacusai/chatllm_task/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/chatllm_task/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: ChatllmTask(client, chatllmTaskId=None, name=None, instructions=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, enableEmailAlerts=None, email=None) +.. py:class:: ChatllmTask(client, chatllmTaskId=None, daemonTaskId=None, taskType=None, name=None, instructions=None, description=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, sourceDeploymentConversationId=None, enableEmailAlerts=None, email=None, numUnreadTaskInstances=None, computePointsUsed=None, displayMarkdown=None, requiresNewConversation=None, executionMode=None, taskDefinition=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -26,10 +26,16 @@ Module Contents :type client: ApiClient :param chatllmTaskId: The id of the chatllm task. :type chatllmTaskId: str + :param daemonTaskId: The id of the daemon task. + :type daemonTaskId: str + :param taskType: The type of task ('chatllm' or 'daemon'). + :type taskType: str :param name: The name of the chatllm task. :type name: str :param instructions: The instructions of the chatllm task. :type instructions: str + :param description: The description of the chatllm task. + :type description: str :param lifecycle: The lifecycle of the chatllm task. :type lifecycle: str :param scheduleInfo: The schedule info of the chatllm task. @@ -38,10 +44,24 @@ Module Contents :type externalApplicationId: str :param deploymentConversationId: The deployment conversation id associated with the chatllm task. :type deploymentConversationId: str + :param sourceDeploymentConversationId: The source deployment conversation id associated with the chatllm task. + :type sourceDeploymentConversationId: str :param enableEmailAlerts: Whether email alerts are enabled for the chatllm task. :type enableEmailAlerts: bool :param email: The email to send alerts to. :type email: str + :param numUnreadTaskInstances: The number of unread task instances for the chatllm task. + :type numUnreadTaskInstances: int + :param computePointsUsed: The compute points used for the chatllm task. + :type computePointsUsed: int + :param displayMarkdown: The display markdown for the chatllm task. + :type displayMarkdown: str + :param requiresNewConversation: Whether a new conversation is required for the chatllm task. + :type requiresNewConversation: bool + :param executionMode: The execution mode of the chatllm task. + :type executionMode: str + :param taskDefinition: The task definition (for web_service_trigger tasks). + :type taskDefinition: dict .. py:attribute:: chatllm_task_id @@ -49,6 +69,16 @@ Module Contents + .. py:attribute:: daemon_task_id + :value: None + + + + .. py:attribute:: task_type + :value: None + + + .. py:attribute:: name :value: None @@ -59,6 +89,11 @@ Module Contents + .. py:attribute:: description + :value: None + + + .. py:attribute:: lifecycle :value: None @@ -79,6 +114,11 @@ Module Contents + .. py:attribute:: source_deployment_conversation_id + :value: None + + + .. py:attribute:: enable_email_alerts :value: None @@ -89,6 +129,36 @@ Module Contents + .. py:attribute:: num_unread_task_instances + :value: None + + + + .. py:attribute:: compute_points_used + :value: None + + + + .. py:attribute:: display_markdown + :value: None + + + + .. py:attribute:: requires_new_conversation + :value: None + + + + .. py:attribute:: execution_mode + :value: None + + + + .. py:attribute:: task_definition + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/client/index.rst.txt b/docs/_sources/autoapi/abacusai/client/index.rst.txt index 83a92e1ad..21772be5c 100644 --- a/docs/_sources/autoapi/abacusai/client/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/client/index.rst.txt @@ -49,6 +49,7 @@ Classes .. autoapisummary:: abacusai.client.AgentResponse + abacusai.client.ToolResponse abacusai.client.ClientOptions abacusai.client._ApiExceptionFactory abacusai.client.BaseApiClient @@ -136,6 +137,14 @@ Module Contents .. py:method:: __getattr__(item) +.. py:class:: ToolResponse(*args, **kwargs) + + Bases: :py:obj:`AgentResponse` + + + Response object for tool to support non-text response sections + + .. py:class:: ClientOptions(exception_on_404 = True, server = DEFAULT_SERVER) Options for configuring the ApiClient @@ -584,7 +593,7 @@ Module Contents .. py:attribute:: client_version - :value: '1.4.31' + :value: '1.4.76' @@ -655,7 +664,7 @@ Module Contents .. py:method:: _call_api(action, method, query_params=None, body=None, files=None, parse_type=None, streamable_response=False, server_override=None, timeout=None, retry_500 = False, data=None) - .. py:method:: _proxy_request(name, method = 'POST', query_params = None, body = None, data = None, files=None, parse_type=None, is_sync = False, streamable_response = False) + .. py:method:: _proxy_request(name, method = 'POST', query_params = None, body = None, data = None, files=None, parse_type=None, is_sync = False, streamable_response = False, timeout=None) .. py:method:: _build_class(return_class, values) @@ -693,10 +702,13 @@ Module Contents :type skip_version_check: bool - .. py:method:: list_api_keys() + .. py:method:: list_api_keys(type = 'default') Lists all of the user's API keys + :param type: The type of API keys to list. + :type type: str + :returns: List of API Keys for the current user's organization. :rtype: list[ApiKey] @@ -1373,6 +1385,32 @@ Module Contents + .. py:method:: query_database_connector_datallm(database_connector_id, query) + + Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM + + and enforces read-only access with user-specific access control. + + + :param database_connector_id: A unique string identifier for the database connector. + :type database_connector_id: str + :param query: The query to be run in the database connector (must be read-only). + :type query: str + + + + .. py:method:: get_database_connector_auth(database_connector_id) + + Get the authentication details for a given database connector. + + :param database_connector_id: The unique ID associated with the database connector. + :type database_connector_id: str + + :returns: The database connector with the authentication details. + :rtype: DatabaseConnector + + + .. py:method:: list_application_connectors() Retrieves a list of all application connectors along with their associated attributes. @@ -1391,7 +1429,7 @@ Module Contents - .. py:method:: get_connector_auth(service = None, application_connector_id = None, scopes = None) + .. py:method:: get_connector_auth(service = None, application_connector_id = None, scopes = None, generic_oauth_service = None) Get the authentication details for a given connector. For user level connectors, the service is required. For org level connectors, the application_connector_id is required. @@ -1401,8 +1439,40 @@ Module Contents :type application_connector_id: str :param scopes: The scopes to request for the connector. :type scopes: List + :param generic_oauth_service: For GENERIC_OAUTH service, specify the OAuth provider (e.g., 'spotify'). + :type generic_oauth_service: str :returns: The application connector with the authentication details. + :rtype: UnifiedConnector + + + + .. py:method:: get_user_connector_auth(service, scopes = None, generic_oauth_service = None, config_connector = None) + + Get the authentication details for a given user level connector. + + :param service: The service name. + :type service: ApplicationConnectorType + :param scopes: The scopes to request for the connector. + :type scopes: List + :param generic_oauth_service: For GENERIC_OAUTH service, specify the OAuth provider (e.g., 'spotify'). + :type generic_oauth_service: str + :param config_connector: The config connector id. + :type config_connector: str + + :returns: The application connector with the authentication details. + :rtype: UnifiedConnector + + + + .. py:method:: get_user_mcp_connector_auth(mcp_server_name = None) + + Get the auth for a MCP connector + + :param mcp_server_name: The name of the MCP server + :type mcp_server_name: str + + :returns: The MCP connector :rtype: ApplicationConnector @@ -1720,12 +1790,14 @@ Module Contents - .. py:method:: list_model_monitors(project_id) + .. py:method:: list_model_monitors(project_id, limit = None) Retrieves the list of model monitors in the specified project. :param project_id: Unique string identifier associated with the project. :type project_id: str + :param limit: Maximum number of model monitors to return. We'll have internal limit if not set. + :type limit: int :returns: A list of model monitors. :rtype: list[ModelMonitor] @@ -2344,12 +2416,14 @@ Module Contents - .. py:method:: list_batch_predictions(project_id) + .. py:method:: list_batch_predictions(project_id, limit = None) Retrieves a list of batch predictions in the project. :param project_id: Unique string identifier of the project. :type project_id: str + :param limit: Maximum number of batch predictions to return. We'll have internal limit if not set. + :type limit: int :returns: List of batch prediction jobs. :rtype: list[BatchPrediction] @@ -2713,11 +2787,16 @@ Module Contents - .. py:method:: list_organization_secrets() + .. py:method:: list_organization_secrets(decrypt_value = False, secret_type = OrganizationSecretType.ORG_SECRET) Lists all secrets for an organization. - :returns: list of secrets belonging to the organization. + :param decrypt_value: Whether to decrypt the secret values. + :type decrypt_value: bool + :param secret_type: Filter secrets by type. Use OrganizationSecretType enum values. + :type secret_type: OrganizationSecretType + + :returns: List of secrets. :rtype: list[OrganizationSecret] @@ -2810,7 +2889,7 @@ Module Contents - .. py:method:: get_deployment_conversation(deployment_conversation_id = None, external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False) + .. py:method:: get_deployment_conversation(deployment_conversation_id = None, external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False, start = None, limit = None, include_all_versions = False) Gets a deployment conversation. @@ -2824,13 +2903,30 @@ Module Contents :type filter_intermediate_conversation_events: bool :param get_unused_document_uploads: If true, unused document uploads will be returned. Default is false. :type get_unused_document_uploads: bool + :param start: The start index of the conversation. + :type start: int + :param limit: The limit of the conversation. + :type limit: int + :param include_all_versions: If True, includes all versions of the last bot message for version switching functionality. + :type include_all_versions: bool :returns: The deployment conversation. :rtype: DeploymentConversation - .. py:method:: list_deployment_conversations(deployment_id = None, external_application_id = None, conversation_type = None, fetch_last_llm_info = False) + .. py:method:: get_deployment_conversation_file(deployment_conversation_id, file_path) + + Gets a deployment conversation file. + + :param deployment_conversation_id: Unique ID of the conversation. + :type deployment_conversation_id: str + :param file_path: The path of the file to get. + :type file_path: str + + + + .. py:method:: list_deployment_conversations(deployment_id = None, external_application_id = None, conversation_type = None, fetch_last_llm_info = False, limit = None, search = None) Lists all conversations for the given deployment and current user. @@ -2842,6 +2938,10 @@ Module Contents :type conversation_type: DeploymentConversationType :param fetch_last_llm_info: If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots. :type fetch_last_llm_info: bool + :param limit: The number of conversations to return. Defaults to 600. + :type limit: int + :param search: The search query to filter conversations by title. + :type search: str :returns: The deployment conversations. :rtype: list[DeploymentConversation] @@ -2862,6 +2962,18 @@ Module Contents + .. py:method:: list_user_group_object_permissions() + + List all user groups permissions associated with the objects in the organization. + + If no associated user groups, the object is public among developers and admins. + + + :returns: List of user group object permissions in the organization. + :rtype: list[UserGroupObjectPermission] + + + .. py:method:: get_app_user_group(user_group_id) Gets an App User Group. @@ -2874,6 +2986,18 @@ Module Contents + .. py:method:: get_app_user_group_from_name(name = None) + + Gets an App User Group by name. + + :param name: The name of the app user group to retrieve. + :type name: str + + :returns: The app user group with the specified name. + :rtype: AppUserGroup + + + .. py:method:: describe_external_application(external_application_id) Describes an External Application. @@ -3067,6 +3191,14 @@ Module Contents + .. py:method:: list_route_llm_models() + + This function is used to list all the models and their rates, for routellm api. + + :returns: list of dicts, each dict contains the model name, description, id, and api price info. + + + .. py:function:: get_source_code_info(train_function, predict_function = None, predict_many_function = None, initialize_function = None, common_functions = None) .. py:function:: get_module_code_from_notebook(file_path) @@ -3107,6 +3239,47 @@ Module Contents + .. py:method:: get_assignments_online_with_new_inputs(deployment_token, deployment_id, assignments_df = None, constraints_df = None, constraint_equations_df = None, feature_mapping_dict = None, solve_time_limit_seconds = None, optimality_gap_limit = None) + + Get alternative positive assignments for given query. Optimal assignments are ignored and the alternative assignments are returned instead. + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: ID + :param assignments_df: A dataframe with all the variables involved in the optimization problem + :type assignments_df: pd.DataFrame + :param constraints_df: A dataframe of individual constraints, and variables in them + :type constraints_df: pd.DataFrame + :param constraint_equations_df: A dataframe which tells us about the operator / constant / penalty etc of a constraint + This gives us some data which is needed to make sense of the constraints_df. + :type constraint_equations_df: pd.DataFrame + :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. + :type solve_time_limit_seconds: float + :param optimality_gap_limit: Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found) + :type optimality_gap_limit: float + + :returns: The assignments for a given query. + :rtype: Dict + + + + .. py:method:: get_optimization_input_dataframes_with_new_inputs(deployment_token, deployment_id, query_data) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. values are dataframes and keys are their names. Names should be same as the ones used during training. + :type query_data: dict + + :returns: The output dataframes for a given query. These will be in serialized form. So, effectively we would have a dict of keys, and serialized dataframes. + :rtype: Dict + + + .. py:method:: create_dataset_version_from_pandas(table_name_or_id, df, clean_column_names = False) [Deprecated] @@ -3370,7 +3543,7 @@ Module Contents - .. py:method:: create_python_function_from_function(name, function, function_variable_mappings = None, package_requirements = None, function_type = PythonFunctionType.FEATURE_GROUP.value) + .. py:method:: create_python_function_from_function(name, function, function_variable_mappings = None, package_requirements = None, function_type = PythonFunctionType.FEATURE_GROUP.value, description = None) Creates a custom Python function @@ -3384,6 +3557,8 @@ Module Contents :type package_requirements: List :param function_type: Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG. :type function_type: PythonFunctionType + :param description: Description of the Python function. + :type description: str @@ -3677,7 +3852,7 @@ Module Contents .. py:method:: execute_workflow_node(node, inputs) - Execute the workflow node given input arguments. + Execute the workflow node given input arguments. This is to be used for testing purposes only. :param node: The workflow node to be executed. :type node: WorkflowGraphNode @@ -3754,6 +3929,15 @@ Module Contents + .. py:method:: _get_agent_client_type() + + Returns the client type for the current request context. + + :returns: The client type for the current request context. + :rtype: AgentClientType + + + .. py:method:: get_agent_context_chat_history() Gets a history of chat messages from the current request context. Applicable within a AIAgent @@ -3871,7 +4055,7 @@ Module Contents .. py:method:: get_agent_context_user_info() - Gets information about the user interacting with the agent. + Gets information about the user interacting with the agent and user action if applicable. Applicable within a AIAgent execute function. :returns: Containing email and name of the end user. @@ -3879,14 +4063,16 @@ Module Contents - .. py:method:: get_agent_runtime_config(key) + .. py:method:: get_runtime_config(key) - Gets the deployment level runtime config for the agent + Retrieve the value of a specified configuration key from the deployment's runtime settings. + These settings can be configured in the deployment details page in the UI. + Currently supported for AI Agents, Custom Python Model and Prediction Operators. - :param key: Key for which the config value is to be fetched + :param key: The configuration key whose value is to be fetched. :type key: str - :returns: Config value for the input key + :returns: The value associated with the specified configuration key, or None if the key does not exist. :rtype: str @@ -3970,9 +4156,9 @@ Module Contents - .. py:method:: _get_agent_async_app_caller() + .. py:method:: _get_agent_caller() - Gets the caller for the current request context of async app. Applicable within a AIAgent execute function. + Gets the caller for the current request context. Applicable within a AIAgent execute function. :returns: The caller for the current request being processed by the Agent. :rtype: str @@ -3981,9 +4167,18 @@ Module Contents .. py:method:: _is_proxy_app_caller() - Gets the caller for the current request context of async app. Applicable within a AIAgent execute function. + Checks if the caller is cluster-proxy app. + + :returns: True if the caller is cluster-proxy app. + :rtype: bool + + + + .. py:method:: _is_async_app_caller() - :returns: True if the caller is proxy app. + Checks if the caller is async app. + + :returns: True if the caller is async app. :rtype: bool @@ -4192,7 +4387,7 @@ Module Contents - .. py:method:: get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False) + .. py:method:: get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False, user_info = None) Return an asynchronous generator which continues the conversation based on the input messages and search results. @@ -4220,10 +4415,12 @@ Module Contents :type ignore_documents: bool :param include_search_results: If True, will also return search results, if relevant. :type include_search_results: bool + :param user_info: The information of the user to act on behalf of for user restricted data sources. + :type user_info: dict - .. py:method:: get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False) + .. py:method:: get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False, user_info = None) Return an asynchronous generator which continues the conversation based on the input messages and search results. @@ -4255,6 +4452,8 @@ Module Contents :type ignore_documents: bool :param include_search_results: If True, will also return search results, if relevant. :type include_search_results: bool + :param user_info: The information of the user to act on behalf of for user restricted data sources. + :type user_info: dict @@ -4363,6 +4562,30 @@ Module Contents + .. py:method:: execute_agent_with_binary_data(deployment_token, deployment_id, arguments = None, keyword_arguments = None, deployment_conversation_id = None, external_session_id = None, blobs = None) + + Executes a deployed AI agent function with binary data as inputs. + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. + :type deployment_token: str + :param deployment_id: A unique string identifier for the deployment created under the project. + :type deployment_id: str + :param arguments: Positional arguments to the agent execute function. + :type arguments: list + :param keyword_arguments: A dictionary where each 'key' represents the parameter name and its corresponding 'value' represents the value of that parameter for the agent execute function. + :type keyword_arguments: dict + :param deployment_conversation_id: A unique string identifier for the deployment conversation used for the conversation. + :type deployment_conversation_id: str + :param external_session_id: A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. + :type external_session_id: str + :param blobs: A dictionary of binary data to use as inputs to the agent execute function. + :type blobs: None + + :returns: The result of the agent execution + :rtype: AgentDataExecutionResult + + + .. py:method:: add_user_to_organization(email) Invite a user to your organization. This method will send the specified email address an invitation link to join your organization. @@ -4485,6 +4708,17 @@ Module Contents + .. py:method:: set_user_role_to_platform(workspace, email) + + Set the user's role to have the Abacus.AI platform access. + + :param workspace: The workspace for the user that's getting platform access. + :type workspace: str + :param email: The email for the user that's getting platform access. + :type email: str + + + .. py:method:: create_deployment_webhook(deployment_id, endpoint, webhook_event_type, payload_template = None) Create a webhook attached to a given deployment ID. @@ -4533,7 +4767,7 @@ Module Contents :param name: The project's name. :type name: str - :param use_case: The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION. + :param use_case: The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/developer-platform/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION. :type use_case: str :returns: This object represents the newly created project. @@ -4541,6 +4775,27 @@ Module Contents + .. py:method:: list_projects_dashboard(updated_filter = None, limit = 50, since_project_id = None, search = None, starred = None, tag = None, tags = None) + + Retrieves a list of projects for dashboard display with filtering and pagination support. + + :param updated_filter: Unix timestamp to filter projects updated after this time. + :type updated_filter: int + :param limit: The maximum number of projects to return (default: 50). + :type limit: int + :param since_project_id: The ID of the project after which the list starts for pagination. + :type since_project_id: str + :param search: Search term to filter projects by name, creator email, or use case. + :type search: str + :param starred: Filter by starred status (True for starred, False for non-starred). + :type starred: bool + :param tag: Filter by a single tag (deprecated, use tags instead). + :type tag: str + :param tags: List of tags to filter projects by. + :type tags: list + + + .. py:method:: rename_project(project_id, name) This method renames a project after it is created. @@ -4592,6 +4847,23 @@ Module Contents + .. py:method:: get_raw_data_from_realtime_dataset(dataset_id, check_permissions = False, start_time = None, end_time = None, column_filter = None) + + Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets. + + :param dataset_id: The unique ID associated with the dataset. + :type dataset_id: str + :param check_permissions: If True, checks user permissions using session email. + :type check_permissions: bool + :param start_time: Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type start_time: str + :param end_time: End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type end_time: str + :param column_filter: Dictionary mapping column names to filter values. Only rows matching all column filters will be returned. + :type column_filter: dict + + + .. py:method:: add_feature_group_to_project(feature_group_id, project_id, feature_group_type = 'CUSTOM_TABLE') Adds a feature group to a project. @@ -4662,6 +4934,19 @@ Module Contents + .. py:method:: add_project_scope_for_user(project_id, email, scope) + + Add a user to a project. + + :param project_id: The project's id. + :type project_id: str + :param email: The user's email. + :type email: str + :param scope: The list of project scopes. + :type scope: list + + + .. py:method:: add_annotation(annotation, feature_group_id, feature_name, doc_id = None, feature_group_row_identifier = None, annotation_source = 'ui', status = None, comments = None, project_id = None, save_metadata = False, pages = None) Add an annotation entry to the database. @@ -4876,16 +5161,17 @@ Module Contents Creates a new feature group defined as the union of other feature group versions. - Args: - source_feature_group_id (str): Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group. - table_name (str): Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores. - merge_config (MergeConfig): JSON object defining the merging method and its parameters. - description (str): Human-readable description of this feature group. + :param source_feature_group_id: Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group. + :type source_feature_group_id: str + :param table_name: Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores. + :type table_name: str + :param merge_config: JSON object defining the merging method and its parameters. + :type merge_config: MergeConfig + :param description: Human-readable description of this feature group. + :type description: str - Returns: - FeatureGroup: The created feature group. - Description: - Creates a new feature group defined as the union of other feature group versions. + :returns: The created feature group. + :rtype: FeatureGroup @@ -5652,7 +5938,7 @@ Module Contents :type database_connector_id: str :param object_name: Name of the database object to write to. :type object_name: str - :param write_mode: Enum string indicating whether to use INSERT or UPSERT. + :param write_mode: Enum string indicating whether to use INSERT or UPSERT or REPLACE. :type write_mode: str :param database_feature_mapping: Key/value pair JSON object of "database connector column" -> "feature name" pairs. :type database_feature_mapping: dict @@ -6019,7 +6305,7 @@ Module Contents - .. py:method:: create_dataset_from_application_connector(table_name, application_connector_id, dataset_config = None, refresh_schedule = None, version_limit = 30) + .. py:method:: create_dataset_from_application_connector(table_name, application_connector_id, dataset_config = None, refresh_schedule = None, version_limit = 30, incremental = False) Creates a dataset from an Application Connector. @@ -6033,6 +6319,8 @@ Module Contents :type refresh_schedule: str :param version_limit: The number of recent versions to preserve for the dataset (minimum 30). :type version_limit: int + :param incremental: Signifies if the dataset is an incremental dataset. + :type incremental: bool :returns: The created dataset. :rtype: Dataset @@ -8079,7 +8367,7 @@ Module Contents - .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None) + .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, user_info = None) Return a chat response which continues the conversation based on the input messages and search results. @@ -8135,7 +8423,7 @@ Module Contents - .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None) + .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None, user_info = None, execute_usercode_tool = False) Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -8165,6 +8453,8 @@ Module Contents :type chat_config: dict :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. :type doc_infos: list + :param execute_usercode_tool: If True, will return the tool output in the response. + :type execute_usercode_tool: bool @@ -8201,6 +8491,17 @@ Module Contents + .. py:method:: get_deep_agent_response(message, deployment_conversation_id = None) + + Return a DeepAgent response with generated files if any, based on the input message. + + :param message: The user's message/task for DeepAgent to complete + :type message: str + :param deployment_conversation_id: The unique identifier of a deployment conversation to continue. If not specified, a new one will be created. + :type deployment_conversation_id: str + + + .. py:method:: get_search_results(deployment_token, deployment_id, query_data, num = 15) Return the most relevant search results to the search query from the uploaded documents. @@ -8319,6 +8620,36 @@ Module Contents + .. py:method:: get_optimization_inputs_from_serialized(deployment_token, deployment_id, query_data = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes) + :type query_data: dict + + + + .. py:method:: get_assignments_online_with_new_serialized_inputs(deployment_token, deployment_id, query_data = None, solve_time_limit_seconds = None, optimality_gap_limit = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with assignment, constraint and constraint_equations_df (under these specific keys) + :type query_data: dict + :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. + :type solve_time_limit_seconds: float + :param optimality_gap_limit: Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found) + :type optimality_gap_limit: float + + + .. py:method:: check_constraints(deployment_token, deployment_id, query_data) Check for any constraints violated by the overrides. @@ -8476,19 +8807,6 @@ Module Contents - .. py:method:: generate_image(deployment_token, deployment_id, query_data) - - Generate an image from text prompt. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website. - :type deployment_token: str - :param deployment_id: A unique identifier to a deployment created under the project. - :type deployment_id: str - :param query_data: Specifies the text prompt. For example, {'prompt': 'a cat'} - :type query_data: dict - - - .. py:method:: execute_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None) Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. @@ -8606,30 +8924,6 @@ Module Contents - .. py:method:: execute_agent_with_binary_data(deployment_token, deployment_id, arguments = None, keyword_arguments = None, deployment_conversation_id = None, external_session_id = None, blobs = None) - - Executes a deployed AI agent function with binary data as inputs. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - :type deployment_token: str - :param deployment_id: A unique string identifier for the deployment created under the project. - :type deployment_id: str - :param arguments: Positional arguments to the agent execute function. - :type arguments: list - :param keyword_arguments: A dictionary where each 'key' represents the parameter name and its corresponding 'value' represents the value of that parameter for the agent execute function. - :type keyword_arguments: dict - :param deployment_conversation_id: A unique string identifier for the deployment conversation used for the conversation. - :type deployment_conversation_id: str - :param external_session_id: A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. - :type external_session_id: str - :param blobs: A dictionary of binary data to use as inputs to the agent execute function. - :type blobs: None - - :returns: The result of the agent execution - :rtype: AgentDataExecutionResult - - - .. py:method:: start_autonomous_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None, save_conversations = True) Starts a deployed Autonomous agent associated with the given deployment_conversation_id using the arguments and keyword arguments as inputs for execute function of trigger node. @@ -9011,7 +9305,7 @@ Module Contents - .. py:method:: create_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, function_type = 'FEATURE_GROUP', description = None, examples = None) + .. py:method:: create_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, function_type = 'FEATURE_GROUP', description = None, examples = None, user_level_connectors = None, org_level_connectors = None, output_variable_mappings = None) Creates a custom Python function that is reusable. @@ -9029,15 +9323,21 @@ Module Contents :type function_type: str :param description: Description of the Python function. This should include details about the function's purpose, expected inputs and outputs, and any important usage considerations or limitations. :type description: str - :param examples: Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid. + :param examples: Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid.]) :type examples: dict + :param user_level_connectors: Dictionary containing user level connectors. + :type user_level_connectors: Dict + :param org_level_connectors: List containing organization level connectors. + :type org_level_connectors: List + :param output_variable_mappings: List of output variable mappings that defines the elements of the function's return value. + :type output_variable_mappings: List :returns: The Python function that can be used (e.g. for feature group transform). :rtype: PythonFunction - .. py:method:: update_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, description = None, examples = None) + .. py:method:: update_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, description = None, examples = None, user_level_connectors = None, org_level_connectors = None, output_variable_mappings = None) Update custom python function with user inputs for the given python function. @@ -9055,6 +9355,12 @@ Module Contents :type description: str :param examples: Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid. :type examples: dict + :param user_level_connectors: Dictionary containing user level connectors. + :type user_level_connectors: Dict + :param org_level_connectors: List of organization level connectors. + :type org_level_connectors: List + :param output_variable_mappings: List of output variable mappings that defines the elements of the function's return value. + :type output_variable_mappings: List :returns: The Python function object. :rtype: PythonFunction @@ -9636,7 +9942,7 @@ Module Contents - .. py:method:: create_organization_secret(secret_key, value) + .. py:method:: create_organization_secret(secret_key, value, secret_type = OrganizationSecretType.ORG_SECRET, metadata = None) Creates a secret which can be accessed in functions and notebooks. @@ -9644,6 +9950,10 @@ Module Contents :type secret_key: str :param value: The secret value. :type value: str + :param secret_type: The type of secret. Use OrganizationSecretType enum values. + :type secret_type: OrganizationSecretType + :param metadata: Additional metadata for the secret. + :type metadata: dict :returns: The created secret. :rtype: OrganizationSecret @@ -9829,6 +10139,49 @@ Module Contents + .. py:method:: add_user_group_object_permission(object_id, user_group_id, object_type, permission = 'ALL') + + Add user group object permission for any object type. + + :param object_id: The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + :type object_id: str + :param user_group_id: The ID of the user group + :type user_group_id: str + :param object_type: The type of object ('dataset', 'project', 'external_connection', 'feature_group') + :type object_type: str + :param permission: The permission to grant (default: 'ALL') + :type permission: str + + + + .. py:method:: update_user_group_object_permission(object_id, user_group_id, object_type, permission = 'ALL') + + Update user group object permission for any object type. + + :param object_id: The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + :type object_id: str + :param user_group_id: The ID of the user group + :type user_group_id: str + :param object_type: The type of object ('dataset', 'project', 'external_connection', 'feature_group') + :type object_type: str + :param permission: The permission to grant (default: 'ALL') + :type permission: str + + + + .. py:method:: remove_user_group_object_permission(object_id, user_group_id, object_type) + + Remove user group object permission for any object type. + + :param object_id: The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + :type object_id: str + :param user_group_id: The ID of the user group + :type user_group_id: str + :param object_type: The type of object ('dataset', 'project', 'external_connection', 'feature_group') + :type object_type: str + + + .. py:method:: create_app_user_group(name) Creates a new App User Group. This User Group is used to have permissions to access the external chatbots. @@ -9929,6 +10282,24 @@ Module Contents + .. py:method:: add_developers_to_external_application(external_application_id) + + Adds a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + + .. py:method:: remove_developers_from_external_application(external_application_id) + + Removes a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + .. py:method:: create_external_application(deployment_id, name = None, description = None, logo = None, theme = None) Creates a new External Application from an existing ChatLLM Deployment. @@ -10388,3 +10759,22 @@ Module Contents + .. py:method:: query_mcp_server(task, server_name = None, mcp_server_connection_id = None) + + Query a Remote MCP server. For a given task, it runs the required tools of the MCP + + server with appropriate arguments and returns the output. + + + :param task: a comprehensive description of the task to perform using the MCP server tools. + :type task: str + :param server_name: The name of the MCP server. + :type server_name: str + :param mcp_server_connection_id: connection id of the MCP server to query. + :type mcp_server_connection_id: str + + :returns: The execution logs as well as the final output of the task execution. + :rtype: McpServerQueryResult + + + diff --git a/docs/_sources/autoapi/abacusai/code_autocomplete_edit_prediction_response/index.rst.txt b/docs/_sources/autoapi/abacusai/code_autocomplete_edit_prediction_response/index.rst.txt new file mode 100644 index 000000000..6fb4f96ef --- /dev/null +++ b/docs/_sources/autoapi/abacusai/code_autocomplete_edit_prediction_response/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.code_autocomplete_edit_prediction_response +=================================================== + +.. py:module:: abacusai.code_autocomplete_edit_prediction_response + + +Classes +------- + +.. autoapisummary:: + + abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse + + +Module Contents +--------------- + +.. py:class:: CodeAutocompleteEditPredictionResponse(client, autocompleteResponse=None, showAutocomplete=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A autocomplete response from an LLM + + :param client: An authenticated API Client instance + :type client: ApiClient + :param autocompleteResponse: autocomplete code + :type autocompleteResponse: str + :param showAutocomplete: Whether to show autocomplete in the client + :type showAutocomplete: bool + + + .. py:attribute:: autocomplete_response + :value: None + + + + .. py:attribute:: show_autocomplete + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/code_bot/index.rst.txt b/docs/_sources/autoapi/abacusai/code_bot/index.rst.txt index 0808b7def..e19509f75 100644 --- a/docs/_sources/autoapi/abacusai/code_bot/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/code_bot/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: CodeBot(client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, isPremium=None) +.. py:class:: CodeBot(client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, codeEditSupported=None, isPremium=None, llmBotIcon=None, provider=None, isUserApiKeyAllowed=None, isRateLimited=None, apiKeyUrl=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -32,8 +32,20 @@ Module Contents :type imageUploadSupported: bool :param codeAgentSupported: Whether the LLM supports code agent. :type codeAgentSupported: bool + :param codeEditSupported: Whether the LLM supports code edit. + :type codeEditSupported: bool :param isPremium: Whether the LLM is a premium LLM. :type isPremium: bool + :param llmBotIcon: The icon of the LLM bot. + :type llmBotIcon: str + :param provider: The provider of the LLM. + :type provider: str + :param isUserApiKeyAllowed: Whether the LLM supports user API key. + :type isUserApiKeyAllowed: bool + :param isRateLimited: Whether the LLM is rate limited. + :type isRateLimited: bool + :param apiKeyUrl: The URL to get the API key. + :type apiKeyUrl: str .. py:attribute:: llm_name @@ -56,11 +68,41 @@ Module Contents + .. py:attribute:: code_edit_supported + :value: None + + + .. py:attribute:: is_premium :value: None + .. py:attribute:: llm_bot_icon + :value: None + + + + .. py:attribute:: provider + :value: None + + + + .. py:attribute:: is_user_api_key_allowed + :value: None + + + + .. py:attribute:: is_rate_limited + :value: None + + + + .. py:attribute:: api_key_url + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/code_embeddings/index.rst.txt b/docs/_sources/autoapi/abacusai/code_embeddings/index.rst.txt new file mode 100644 index 000000000..4778aae1d --- /dev/null +++ b/docs/_sources/autoapi/abacusai/code_embeddings/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.code_embeddings +======================== + +.. py:module:: abacusai.code_embeddings + + +Classes +------- + +.. autoapisummary:: + + abacusai.code_embeddings.CodeEmbeddings + + +Module Contents +--------------- + +.. py:class:: CodeEmbeddings(client, embeddings=None, chunkingScheme=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Code embeddings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param embeddings: A dictionary mapping the file name to its embeddings. + :type embeddings: dict + :param chunkingScheme: The scheme used for chunking the embeddings. + :type chunkingScheme: str + + + .. py:attribute:: embeddings + :value: None + + + + .. py:attribute:: chunking_scheme + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/code_llm_changed_files/index.rst.txt b/docs/_sources/autoapi/abacusai/code_llm_changed_files/index.rst.txt new file mode 100644 index 000000000..f6ea174ed --- /dev/null +++ b/docs/_sources/autoapi/abacusai/code_llm_changed_files/index.rst.txt @@ -0,0 +1,64 @@ +abacusai.code_llm_changed_files +=============================== + +.. py:module:: abacusai.code_llm_changed_files + + +Classes +------- + +.. autoapisummary:: + + abacusai.code_llm_changed_files.CodeLlmChangedFiles + + +Module Contents +--------------- + +.. py:class:: CodeLlmChangedFiles(client, addedFiles=None, updatedFiles=None, deletedFiles=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Code changed files + + :param client: An authenticated API Client instance + :type client: ApiClient + :param addedFiles: A list of added file paths. + :type addedFiles: list + :param updatedFiles: A list of updated file paths. + :type updatedFiles: list + :param deletedFiles: A list of deleted file paths. + :type deletedFiles: list + + + .. py:attribute:: added_files + :value: None + + + + .. py:attribute:: updated_files + :value: None + + + + .. py:attribute:: deleted_files + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/code_suggestion_validation_response/index.rst.txt b/docs/_sources/autoapi/abacusai/code_suggestion_validation_response/index.rst.txt new file mode 100644 index 000000000..bbcf41cdc --- /dev/null +++ b/docs/_sources/autoapi/abacusai/code_suggestion_validation_response/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.code_suggestion_validation_response +============================================ + +.. py:module:: abacusai.code_suggestion_validation_response + + +Classes +------- + +.. autoapisummary:: + + abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse + + +Module Contents +--------------- + +.. py:class:: CodeSuggestionValidationResponse(client, isValid=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A response from an LLM to validate a code suggestion. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param isValid: Whether the code suggestion is valid. + :type isValid: bool + + + .. py:attribute:: is_valid + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/code_summary_response/index.rst.txt b/docs/_sources/autoapi/abacusai/code_summary_response/index.rst.txt new file mode 100644 index 000000000..7327aa747 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/code_summary_response/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.code_summary_response +============================== + +.. py:module:: abacusai.code_summary_response + + +Classes +------- + +.. autoapisummary:: + + abacusai.code_summary_response.CodeSummaryResponse + + +Module Contents +--------------- + +.. py:class:: CodeSummaryResponse(client, summary=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A summary response from an LLM + + :param client: An authenticated API Client instance + :type client: ApiClient + :param summary: The summary of the code. + :type summary: str + + + .. py:attribute:: summary + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/codellm_embedding_constants/index.rst.txt b/docs/_sources/autoapi/abacusai/codellm_embedding_constants/index.rst.txt new file mode 100644 index 000000000..116f7fd8f --- /dev/null +++ b/docs/_sources/autoapi/abacusai/codellm_embedding_constants/index.rst.txt @@ -0,0 +1,78 @@ +abacusai.codellm_embedding_constants +==================================== + +.. py:module:: abacusai.codellm_embedding_constants + + +Classes +------- + +.. autoapisummary:: + + abacusai.codellm_embedding_constants.CodellmEmbeddingConstants + + +Module Contents +--------------- + +.. py:class:: CodellmEmbeddingConstants(client, maxSupportedWorkspaceFiles=None, maxSupportedWorkspaceChunks=None, maxConcurrentRequests=None, fileExtensionToChunkingScheme=None, idleTimeoutSeconds=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A dictionary of constants to be used in the autocomplete. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param maxSupportedWorkspaceFiles: Max supported workspace files + :type maxSupportedWorkspaceFiles: int + :param maxSupportedWorkspaceChunks: Max supported workspace chunks + :type maxSupportedWorkspaceChunks: int + :param maxConcurrentRequests: Max concurrent requests + :type maxConcurrentRequests: int + :param fileExtensionToChunkingScheme: Map between the file extensions and their chunking schema + :type fileExtensionToChunkingScheme: dict + :param idleTimeoutSeconds: The idle timeout without any activity before the workspace is refreshed. + :type idleTimeoutSeconds: int + + + .. py:attribute:: max_supported_workspace_files + :value: None + + + + .. py:attribute:: max_supported_workspace_chunks + :value: None + + + + .. py:attribute:: max_concurrent_requests + :value: None + + + + .. py:attribute:: file_extension_to_chunking_scheme + :value: None + + + + .. py:attribute:: idle_timeout_seconds + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/compute_point_info/index.rst.txt b/docs/_sources/autoapi/abacusai/compute_point_info/index.rst.txt index c4f78b8b9..30d5bade3 100644 --- a/docs/_sources/autoapi/abacusai/compute_point_info/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/compute_point_info/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None) +.. py:class:: ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None, alwaysDisplay=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -36,6 +36,8 @@ Module Contents :type currMonthUsage: int :param lastThrottlePopUp: The last time the organization was throttled :type lastThrottlePopUp: str + :param alwaysDisplay: Whether to always display the compute point toggle + :type alwaysDisplay: bool .. py:attribute:: updated_at @@ -68,6 +70,11 @@ Module Contents + .. py:attribute:: always_display + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/constants_autocomplete_response/index.rst.txt b/docs/_sources/autoapi/abacusai/constants_autocomplete_response/index.rst.txt new file mode 100644 index 000000000..2bc1601b7 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/constants_autocomplete_response/index.rst.txt @@ -0,0 +1,316 @@ +abacusai.constants_autocomplete_response +======================================== + +.. py:module:: abacusai.constants_autocomplete_response + + +Classes +------- + +.. autoapisummary:: + + abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse + + +Module Contents +--------------- + +.. py:class:: ConstantsAutocompleteResponse(client, maxPendingRequests=None, acceptanceDelay=None, debounceDelay=None, recordUserAction=None, validateSuggestion=None, validationLinesThreshold=None, maxTrackedRecentChanges=None, diffThreshold=None, derivativeThreshold=None, defaultSurroundingLines=None, maxTrackedVisitChanges=None, selectionCooldownMs=None, viewingCooldownMs=None, maxLines=None, editCooldownMs=None, scrollDebounceMs=None, lspDeadline=None, diagnosticsThreshold=None, diagnosticEachThreshold=None, numVsCodeSuggestions=None, minReindexingInterval=None, minRefreshSummaryInterval=None, summaryBatchSize=None, jobReorderInterval=None, stopRapidChanges=None, delaySummaryBatches=None, delaySummaryBatchesRateLimit=None, maxSymbolsFuzzyMatch=None, fuzzySymbolMatchThreshold=None, symbolsCacheUpdateInterval=None, symbolsStorageUpdateInterval=None, editPredictionSimilarityThreshold=None, minSearchWordLength=None, maxOccurrencesPerWord=None, maxWordsContentMatches=None, editPredictionEnabled=None, snapshotIntervalMs=None, linesForSnapshot=None, embeddingConstants=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A dictionary of constants to be used in the autocomplete. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param maxPendingRequests: The maximum number of pending requests. + :type maxPendingRequests: int + :param acceptanceDelay: The acceptance delay. + :type acceptanceDelay: int + :param debounceDelay: The debounce delay. + :type debounceDelay: int + :param recordUserAction: Whether to record user action. + :type recordUserAction: bool + :param validateSuggestion: Whether to validate the suggestion. + :type validateSuggestion: bool + :param validationLinesThreshold: The number of lines to validate the suggestion. + :type validationLinesThreshold: int + :param maxTrackedRecentChanges: The maximum number of recent file changes to track. + :type maxTrackedRecentChanges: int + :param diffThreshold: The diff operations threshold. + :type diffThreshold: int + :param derivativeThreshold: The derivative threshold for deletions + :type derivativeThreshold: int + :param defaultSurroundingLines: The default number of surrounding lines to include in the recently visited context. + :type defaultSurroundingLines: int + :param maxTrackedVisitChanges: The maximum number of recently visited ranges to track. + :type maxTrackedVisitChanges: int + :param selectionCooldownMs: The cooldown time in milliseconds for selection changes. + :type selectionCooldownMs: int + :param viewingCooldownMs: The cooldown time in milliseconds for viewing changes. + :type viewingCooldownMs: int + :param maxLines: The maximum number of lines to include in recently visited context. + :type maxLines: int + :param editCooldownMs: The cooldown time in milliseconds after last edit. + :type editCooldownMs: int + :param scrollDebounceMs: The debounce time in milliseconds for scroll events. + :type scrollDebounceMs: int + :param lspDeadline: The deadline in milliseconds for LSP context. + :type lspDeadline: int + :param diagnosticsThreshold: The max number of diagnostics to show. + :type diagnosticsThreshold: int + :param diagnosticEachThreshold: The max number of characters to show for each diagnostic type. + :type diagnosticEachThreshold: int + :param numVsCodeSuggestions: The number of VS Code suggestions to show. + :type numVsCodeSuggestions: int + :param minReindexingInterval: The minimum interval between reindexes in ms. + :type minReindexingInterval: int + :param minRefreshSummaryInterval: The minimum interval between refresh summary in ms. + :type minRefreshSummaryInterval: int + :param summaryBatchSize: The batch size for code summary in autocomplete. + :type summaryBatchSize: int + :param jobReorderInterval: The interval in ms to reorder jobs in the job queue for summary. + :type jobReorderInterval: int + :param stopRapidChanges: Whether to stop rapid changes in autocomplete. + :type stopRapidChanges: bool + :param delaySummaryBatches: The delay in ms between summary batches. + :type delaySummaryBatches: int + :param delaySummaryBatchesRateLimit: The delay in ms in case of rate limit for delay summary batches. + :type delaySummaryBatchesRateLimit: int + :param maxSymbolsFuzzyMatch: The max number of symbols to fuzzy match. + :type maxSymbolsFuzzyMatch: int + :param fuzzySymbolMatchThreshold: The threshold for fuzzy symbol match. + :type fuzzySymbolMatchThreshold: int + :param symbolsCacheUpdateInterval: The interval in ms to update the symbols cache. + :type symbolsCacheUpdateInterval: int + :param symbolsStorageUpdateInterval: The interval in ms to update the symbols storage. + :type symbolsStorageUpdateInterval: int + :param editPredictionSimilarityThreshold: The threshold for edit prediction similarity. + :type editPredictionSimilarityThreshold: int + :param minSearchWordLength: The minimum length of the word to be searched. + :type minSearchWordLength: int + :param maxOccurrencesPerWord: The maximum occurrences of a particular search word present in the file. + :type maxOccurrencesPerWord: int + :param maxWordsContentMatches: The maximum number of content matches from the client. + :type maxWordsContentMatches: int + :param editPredictionEnabled: Whether to enable edit prediction. + :type editPredictionEnabled: bool + :param snapshotIntervalMs: The interval in ms to snapshot the file for recent file changes. + :type snapshotIntervalMs: int + :param linesForSnapshot: Limit of max number of lines to snapshot for recent file changes. + :type linesForSnapshot: int + :param embeddingConstants: Embedding constants + :type embeddingConstants: codellmembeddingconstants + + + .. py:attribute:: max_pending_requests + :value: None + + + + .. py:attribute:: acceptance_delay + :value: None + + + + .. py:attribute:: debounce_delay + :value: None + + + + .. py:attribute:: record_user_action + :value: None + + + + .. py:attribute:: validate_suggestion + :value: None + + + + .. py:attribute:: validation_lines_threshold + :value: None + + + + .. py:attribute:: max_tracked_recent_changes + :value: None + + + + .. py:attribute:: diff_threshold + :value: None + + + + .. py:attribute:: derivative_threshold + :value: None + + + + .. py:attribute:: default_surrounding_lines + :value: None + + + + .. py:attribute:: max_tracked_visit_changes + :value: None + + + + .. py:attribute:: selection_cooldown_ms + :value: None + + + + .. py:attribute:: viewing_cooldown_ms + :value: None + + + + .. py:attribute:: max_lines + :value: None + + + + .. py:attribute:: edit_cooldown_ms + :value: None + + + + .. py:attribute:: scroll_debounce_ms + :value: None + + + + .. py:attribute:: lsp_deadline + :value: None + + + + .. py:attribute:: diagnostics_threshold + :value: None + + + + .. py:attribute:: diagnostic_each_threshold + :value: None + + + + .. py:attribute:: num_vs_code_suggestions + :value: None + + + + .. py:attribute:: min_reindexing_interval + :value: None + + + + .. py:attribute:: min_refresh_summary_interval + :value: None + + + + .. py:attribute:: summary_batch_size + :value: None + + + + .. py:attribute:: job_reorder_interval + :value: None + + + + .. py:attribute:: stop_rapid_changes + :value: None + + + + .. py:attribute:: delay_summary_batches + :value: None + + + + .. py:attribute:: delay_summary_batches_rate_limit + :value: None + + + + .. py:attribute:: max_symbols_fuzzy_match + :value: None + + + + .. py:attribute:: fuzzy_symbol_match_threshold + :value: None + + + + .. py:attribute:: symbols_cache_update_interval + :value: None + + + + .. py:attribute:: symbols_storage_update_interval + :value: None + + + + .. py:attribute:: edit_prediction_similarity_threshold + :value: None + + + + .. py:attribute:: min_search_word_length + :value: None + + + + .. py:attribute:: max_occurrences_per_word + :value: None + + + + .. py:attribute:: max_words_content_matches + :value: None + + + + .. py:attribute:: edit_prediction_enabled + :value: None + + + + .. py:attribute:: snapshot_interval_ms + :value: None + + + + .. py:attribute:: lines_for_snapshot + :value: None + + + + .. py:attribute:: embedding_constants + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/custom_chat_instructions/index.rst.txt b/docs/_sources/autoapi/abacusai/custom_chat_instructions/index.rst.txt index 657d8c906..fe8e15150 100644 --- a/docs/_sources/autoapi/abacusai/custom_chat_instructions/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/custom_chat_instructions/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, experimentalFeatures=None) +.. py:class:: CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, enableMemories=None, experimentalFeatures=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -36,6 +36,8 @@ Module Contents :type enableWebSearch: bool :param enablePlayground: Whether or not playground is enabled. :type enablePlayground: bool + :param enableMemories: Whether or not memories are enabled. + :type enableMemories: bool :param experimentalFeatures: Experimental features. :type experimentalFeatures: dict @@ -70,6 +72,11 @@ Module Contents + .. py:attribute:: enable_memories + :value: None + + + .. py:attribute:: experimental_features :value: None diff --git a/docs/_sources/autoapi/abacusai/custom_domain/index.rst.txt b/docs/_sources/autoapi/abacusai/custom_domain/index.rst.txt new file mode 100644 index 000000000..bcf22b7d8 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/custom_domain/index.rst.txt @@ -0,0 +1,71 @@ +abacusai.custom_domain +====================== + +.. py:module:: abacusai.custom_domain + + +Classes +------- + +.. autoapisummary:: + + abacusai.custom_domain.CustomDomain + + +Module Contents +--------------- + +.. py:class:: CustomDomain(client, status=None, message=None, expectedNameservers=None, currentNameservers=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Result of adding a custom domain to a hosted app + + :param client: An authenticated API Client instance + :type client: ApiClient + :param status: Whether the custom domain was added successfully + :type status: bool + :param message: The message from the custom domain + :type message: str + :param expectedNameservers: The expected nameservers for the custom domain + :type expectedNameservers: list + :param currentNameservers: The current nameservers for the custom domain + :type currentNameservers: list + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: message + :value: None + + + + .. py:attribute:: expected_nameservers + :value: None + + + + .. py:attribute:: current_nameservers + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/daemon_task_conversation/index.rst.txt b/docs/_sources/autoapi/abacusai/daemon_task_conversation/index.rst.txt new file mode 100644 index 000000000..0f708ebcf --- /dev/null +++ b/docs/_sources/autoapi/abacusai/daemon_task_conversation/index.rst.txt @@ -0,0 +1,78 @@ +abacusai.daemon_task_conversation +================================= + +.. py:module:: abacusai.daemon_task_conversation + + +Classes +------- + +.. autoapisummary:: + + abacusai.daemon_task_conversation.DaemonTaskConversation + + +Module Contents +--------------- + +.. py:class:: DaemonTaskConversation(client, deploymentConversationId=None, createdAt=None, updatedAt=None, deploymentConversationName=None, externalApplicationId=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Daemon Task Conversation + + :param client: An authenticated API Client instance + :type client: ApiClient + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param createdAt: The creation timestamp + :type createdAt: str + :param updatedAt: The last update timestamp + :type updatedAt: str + :param deploymentConversationName: The name of the conversation + :type deploymentConversationName: str + :param externalApplicationId: The external application ID + :type externalApplicationId: str + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: deployment_conversation_name + :value: None + + + + .. py:attribute:: external_application_id + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/database_connector/index.rst.txt b/docs/_sources/autoapi/abacusai/database_connector/index.rst.txt index f58cee495..3f6ae9b19 100644 --- a/docs/_sources/autoapi/abacusai/database_connector/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/database_connector/index.rst.txt @@ -142,3 +142,27 @@ Module Contents + .. py:method:: query_datallm(query) + + Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM + + and enforces read-only access with user-specific access control. + + + :param query: The query to be run in the database connector (must be read-only). + :type query: str + + + + .. py:method:: get_auth() + + Get the authentication details for a given database connector. + + :param database_connector_id: The unique ID associated with the database connector. + :type database_connector_id: str + + :returns: The database connector with the authentication details. + :rtype: DatabaseConnector + + + diff --git a/docs/_sources/autoapi/abacusai/dataset/index.rst.txt b/docs/_sources/autoapi/abacusai/dataset/index.rst.txt index a7d055668..2373b1881 100644 --- a/docs/_sources/autoapi/abacusai/dataset/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/dataset/index.rst.txt @@ -204,6 +204,21 @@ Module Contents + .. py:method:: get_raw_data_from_realtime(check_permissions = False, start_time = None, end_time = None, column_filter = None) + + Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets. + + :param check_permissions: If True, checks user permissions using session email. + :type check_permissions: bool + :param start_time: Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type start_time: str + :param end_time: End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type end_time: str + :param column_filter: Dictionary mapping column names to filter values. Only rows matching all column filters will be returned. + :type column_filter: dict + + + .. py:method:: create_version_from_file_connector(location = None, file_format = None, csv_delimiter = None, merge_file_schemas = None, parsing_config = None, sql_query = None) Creates a new version of the specified dataset. diff --git a/docs/_sources/autoapi/abacusai/default_llm/index.rst.txt b/docs/_sources/autoapi/abacusai/default_llm/index.rst.txt new file mode 100644 index 000000000..313f1e573 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/default_llm/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.default_llm +==================== + +.. py:module:: abacusai.default_llm + + +Classes +------- + +.. autoapisummary:: + + abacusai.default_llm.DefaultLlm + + +Module Contents +--------------- + +.. py:class:: DefaultLlm(client, name=None, enum=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A default LLM. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The name of the LLM. + :type name: str + :param enum: The enum of the LLM. + :type enum: str + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: enum + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/deployment/index.rst.txt b/docs/_sources/autoapi/abacusai/deployment/index.rst.txt index c0688686a..ffa225e48 100644 --- a/docs/_sources/autoapi/abacusai/deployment/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/deployment/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: Deployment(client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={}) +.. py:class:: Deployment(client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, isSystemCreated=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -80,6 +80,8 @@ Module Contents :type realtimeMonitorId: id :param runtimeConfigs: The runtime configurations of a deployment which is used by some of the usecases during prediction. :type runtimeConfigs: dict + :param isSystemCreated: Whether the deployment is system created. + :type isSystemCreated: bool :param refreshSchedules: A list of refresh schedules that indicate when the deployment will be updated to the latest model version. :type refreshSchedules: RefreshSchedule :param featureGroupExportConfig: The export config (file connector or database connector information) for feature group deployment exports. @@ -228,6 +230,11 @@ Module Contents + .. py:attribute:: is_system_created + :value: None + + + .. py:attribute:: refresh_schedules @@ -507,7 +514,7 @@ Module Contents - .. py:method:: get_conversation_response(message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None) + .. py:method:: get_conversation_response(message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None, user_info = None, execute_usercode_tool = False) Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -535,6 +542,8 @@ Module Contents :type chat_config: dict :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. :type doc_infos: list + :param execute_usercode_tool: If True, will return the tool output in the response. + :type execute_usercode_tool: bool @@ -697,7 +706,7 @@ Module Contents - .. py:method:: list_conversations(external_application_id = None, conversation_type = None, fetch_last_llm_info = False) + .. py:method:: list_conversations(external_application_id = None, conversation_type = None, fetch_last_llm_info = False, limit = None, search = None) Lists all conversations for the given deployment and current user. @@ -707,6 +716,10 @@ Module Contents :type conversation_type: DeploymentConversationType :param fetch_last_llm_info: If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots. :type fetch_last_llm_info: bool + :param limit: The number of conversations to return. Defaults to 600. + :type limit: int + :param search: The search query to filter conversations by title. + :type search: str :returns: The deployment conversations. :rtype: list[DeploymentConversation] diff --git a/docs/_sources/autoapi/abacusai/deployment_conversation/index.rst.txt b/docs/_sources/autoapi/abacusai/deployment_conversation/index.rst.txt index 2f05519a7..bea9f7549 100644 --- a/docs/_sources/autoapi/abacusai/deployment_conversation/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/deployment_conversation/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: DeploymentConversation(client, deploymentConversationId=None, name=None, deploymentId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, history={}) +.. py:class:: DeploymentConversation(client, deploymentConversationId=None, name=None, deploymentId=None, ownerUserId=None, ownerOrgId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, conversationStatus=None, computerStatus=None, filesystemStatus=None, totalEvents=None, contestNames=None, daemonTaskId=None, parentDeploymentConversationId=None, introMessage=None, previewInfo=None, latestContext=None, shareType=None, history={}, hostedArtifacts={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -30,6 +30,10 @@ Module Contents :type name: str :param deploymentId: The deployment id associated with the deployment conversation. :type deploymentId: str + :param ownerUserId: The user id of the owner of the deployment conversation. + :type ownerUserId: str + :param ownerOrgId: The organization id of the owner of the deployment conversation. + :type ownerOrgId: str :param createdAt: The timestamp at which the deployment conversation was created. :type createdAt: str :param lastEventCreatedAt: The timestamp at which the most recent corresponding deployment conversation event was created at. @@ -60,8 +64,32 @@ Module Contents :type searchSuggestions: list :param chatllmTaskId: The chatllm task id associated with the deployment conversation. :type chatllmTaskId: str + :param conversationStatus: The status of the deployment conversation (used for deep agent conversations). + :type conversationStatus: str + :param computerStatus: The status of the computer associated with the deployment conversation (used for deep agent conversations). + :type computerStatus: str + :param filesystemStatus: The status of the filesystem associated with the deployment conversation (used for deep agent conversations). + :type filesystemStatus: str + :param totalEvents: The total number of events in the deployment conversation. + :type totalEvents: int + :param contestNames: Names of contests that this deployment is a part of. + :type contestNames: list[str] + :param daemonTaskId: The daemon task id associated with the deployment conversation. + :type daemonTaskId: str + :param parentDeploymentConversationId: The parent deployment conversation id associated with the deployment conversation. + :type parentDeploymentConversationId: str + :param introMessage: The intro message for the deployment conversation. + :type introMessage: str + :param previewInfo: App preview info. + :type previewInfo: dict + :param latestContext: dict containing a list of important segments for pagination in deepagent. + :type latestContext: dict + :param shareType: The sharing status of the deployment conversation (PUBLIC or PRIVATE). + :type shareType: str :param history: The history of the deployment conversation. :type history: DeploymentConversationEvent + :param hostedArtifacts: Artifacts that have been deployed by this conversation. + :type hostedArtifacts: HostedArtifact .. py:attribute:: deployment_conversation_id @@ -79,6 +107,16 @@ Module Contents + .. py:attribute:: owner_user_id + :value: None + + + + .. py:attribute:: owner_org_id + :value: None + + + .. py:attribute:: created_at :value: None @@ -154,9 +192,67 @@ Module Contents + .. py:attribute:: conversation_status + :value: None + + + + .. py:attribute:: computer_status + :value: None + + + + .. py:attribute:: filesystem_status + :value: None + + + + .. py:attribute:: total_events + :value: None + + + + .. py:attribute:: contest_names + :value: None + + + + .. py:attribute:: daemon_task_id + :value: None + + + + .. py:attribute:: parent_deployment_conversation_id + :value: None + + + + .. py:attribute:: intro_message + :value: None + + + + .. py:attribute:: preview_info + :value: None + + + + .. py:attribute:: latest_context + :value: None + + + + .. py:attribute:: share_type + :value: None + + + .. py:attribute:: history + .. py:attribute:: hosted_artifacts + + .. py:attribute:: deprecated_keys @@ -172,7 +268,7 @@ Module Contents - .. py:method:: get(external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False) + .. py:method:: get(external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False, start = None, limit = None, include_all_versions = False) Gets a deployment conversation. @@ -184,12 +280,27 @@ Module Contents :type filter_intermediate_conversation_events: bool :param get_unused_document_uploads: If true, unused document uploads will be returned. Default is false. :type get_unused_document_uploads: bool + :param start: The start index of the conversation. + :type start: int + :param limit: The limit of the conversation. + :type limit: int + :param include_all_versions: If True, includes all versions of the last bot message for version switching functionality. + :type include_all_versions: bool :returns: The deployment conversation. :rtype: DeploymentConversation + .. py:method:: get_file(file_path) + + Gets a deployment conversation file. + + :param file_path: The path of the file to get. + :type file_path: str + + + .. py:method:: delete(deployment_id = None) Delete a Deployment Conversation. diff --git a/docs/_sources/autoapi/abacusai/deployment_conversation_event/index.rst.txt b/docs/_sources/autoapi/abacusai/deployment_conversation_event/index.rst.txt index 9021b2544..27e41116f 100644 --- a/docs/_sources/autoapi/abacusai/deployment_conversation_event/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/deployment_conversation_event/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: DeploymentConversationEvent(client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, verificationSummary=None) +.. py:class:: DeploymentConversationEvent(client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, deepagentMode=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, toolUseResult=None, verificationSummary=None, attachedUserFileNames=None, oldFileContent=None, allVersions=None, selectedVersionIndex=None, totalVersions=None, isLastMessage=None, allowTaskAutomation=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -74,6 +74,8 @@ Module Contents :type highlights: dict :param llmDisplayName: The display name of the LLM model used to generate the response. Only used for system-created bots. :type llmDisplayName: str + :param deepagentMode: The Deep Agent run mode (e.g. normal or high) associated with the message. + :type deepagentMode: str :param llmBotIcon: The icon location of the LLM model used to generate the response. Only used for system-created bots. :type llmBotIcon: str :param formResponse: Contains form data response from the user when a Form Segment is given out by the bot. @@ -86,8 +88,24 @@ Module Contents :type computerFiles: list :param toolUseRequest: The tool use request for the message. :type toolUseRequest: dict + :param toolUseResult: The tool use response for the message. + :type toolUseResult: dict :param verificationSummary: The summary of the verification process for the message. :type verificationSummary: str + :param attachedUserFileNames: The list of files attached by the user on the message. + :type attachedUserFileNames: list + :param oldFileContent: The content of the file associated with an edit tool request before the file was edited + :type oldFileContent: str + :param allVersions: All versions of the last bot message for version switching functionality. + :type allVersions: list + :param selectedVersionIndex: The index of the currently selected version of the last bot message. + :type selectedVersionIndex: int + :param totalVersions: The total number of versions available for the last bot message. + :type totalVersions: int + :param isLastMessage: Whether this message is the last message in the conversation. + :type isLastMessage: bool + :param allowTaskAutomation: Whether to show the automate task button. Only set for the last message in the conversation. + :type allowTaskAutomation: bool .. py:attribute:: role @@ -215,6 +233,11 @@ Module Contents + .. py:attribute:: deepagent_mode + :value: None + + + .. py:attribute:: llm_bot_icon :value: None @@ -245,11 +268,51 @@ Module Contents + .. py:attribute:: tool_use_result + :value: None + + + .. py:attribute:: verification_summary :value: None + .. py:attribute:: attached_user_file_names + :value: None + + + + .. py:attribute:: old_file_content + :value: None + + + + .. py:attribute:: all_versions + :value: None + + + + .. py:attribute:: selected_version_index + :value: None + + + + .. py:attribute:: total_versions + :value: None + + + + .. py:attribute:: is_last_message + :value: None + + + + .. py:attribute:: allow_task_automation + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/document_retriever_lookup_result/index.rst.txt b/docs/_sources/autoapi/abacusai/document_retriever_lookup_result/index.rst.txt index b35968f7f..0be63c7d6 100644 --- a/docs/_sources/autoapi/abacusai/document_retriever_lookup_result/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/document_retriever_lookup_result/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: DocumentRetrieverLookupResult(client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None) +.. py:class:: DocumentRetrieverLookupResult(client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None, metadata=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -38,6 +38,8 @@ Module Contents :type documentSource: str :param imageIds: List of Image IDs for all the pages. :type imageIds: list + :param metadata: Metadata column values for the retrieved documents. + :type metadata: dict .. py:attribute:: document @@ -75,6 +77,11 @@ Module Contents + .. py:attribute:: metadata + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/document_retriever_version_logs/index.rst.txt b/docs/_sources/autoapi/abacusai/document_retriever_version_logs/index.rst.txt new file mode 100644 index 000000000..120ae59f3 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/document_retriever_version_logs/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.document_retriever_version_logs +======================================== + +.. py:module:: abacusai.document_retriever_version_logs + + +Classes +------- + +.. autoapisummary:: + + abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs + + +Module Contents +--------------- + +.. py:class:: DocumentRetrieverVersionLogs(client, logs=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Logs from document retriever version. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param logs: List of logs from document retriever version. + :type logs: list[str] + + + .. py:attribute:: logs + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/domain_purchase_result/index.rst.txt b/docs/_sources/autoapi/abacusai/domain_purchase_result/index.rst.txt new file mode 100644 index 000000000..3b4e210d9 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/domain_purchase_result/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.domain_purchase_result +=============================== + +.. py:module:: abacusai.domain_purchase_result + + +Classes +------- + +.. autoapisummary:: + + abacusai.domain_purchase_result.DomainPurchaseResult + + +Module Contents +--------------- + +.. py:class:: DomainPurchaseResult(client, domain=None, billedCredits=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Domain purchase result + + :param client: An authenticated API Client instance + :type client: ApiClient + :param domain: The domain name being purchased. + :type domain: str + :param billedCredits: The total credits used for the purchase. + :type billedCredits: int + + + .. py:attribute:: domain + :value: None + + + + .. py:attribute:: billed_credits + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/domain_search_result/index.rst.txt b/docs/_sources/autoapi/abacusai/domain_search_result/index.rst.txt new file mode 100644 index 000000000..274732ccd --- /dev/null +++ b/docs/_sources/autoapi/abacusai/domain_search_result/index.rst.txt @@ -0,0 +1,78 @@ +abacusai.domain_search_result +============================= + +.. py:module:: abacusai.domain_search_result + + +Classes +------- + +.. autoapisummary:: + + abacusai.domain_search_result.DomainSearchResult + + +Module Contents +--------------- + +.. py:class:: DomainSearchResult(client, domain=None, registerCredits=None, registerYears=None, renewalCredits=None, renewalYears=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Domain search result + + :param client: An authenticated API Client instance + :type client: ApiClient + :param domain: name of the domain in a search result + :type domain: str + :param registerCredits: number of credits required for registration + :type registerCredits: int + :param registerYears: number of years the domain will get registered for + :type registerYears: int + :param renewalCredits: number of credits required for renewal + :type renewalCredits: int + :param renewalYears: number of years the domain will be renewed for + :type renewalYears: int + + + .. py:attribute:: domain + :value: None + + + + .. py:attribute:: register_credits + :value: None + + + + .. py:attribute:: register_years + :value: None + + + + .. py:attribute:: renewal_credits + :value: None + + + + .. py:attribute:: renewal_years + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/edit_image_models/index.rst.txt b/docs/_sources/autoapi/abacusai/edit_image_models/index.rst.txt new file mode 100644 index 000000000..2447ef8d3 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/edit_image_models/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.edit_image_models +========================== + +.. py:module:: abacusai.edit_image_models + + +Classes +------- + +.. autoapisummary:: + + abacusai.edit_image_models.EditImageModels + + +Module Contents +--------------- + +.. py:class:: EditImageModels(client, models=None, default=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Edit image models + + :param client: An authenticated API Client instance + :type client: ApiClient + :param models: The models available for edit image. + :type models: list + :param default: The default model for edit image. + :type default: str + + + .. py:attribute:: models + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/entri_auth_token/index.rst.txt b/docs/_sources/autoapi/abacusai/entri_auth_token/index.rst.txt new file mode 100644 index 000000000..6e8ee4ca6 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/entri_auth_token/index.rst.txt @@ -0,0 +1,64 @@ +abacusai.entri_auth_token +========================= + +.. py:module:: abacusai.entri_auth_token + + +Classes +------- + +.. autoapisummary:: + + abacusai.entri_auth_token.EntriAuthToken + + +Module Contents +--------------- + +.. py:class:: EntriAuthToken(client, token=None, applicationId=None, ttl=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Entri Auth Token + + :param client: An authenticated API Client instance + :type client: ApiClient + :param token: The authentication token for Entri + :type token: str + :param applicationId: application Id from Entri dashboard + :type applicationId: str + :param ttl: The duration in milliseconds for which the token is valid + :type ttl: int + + + .. py:attribute:: token + :value: None + + + + .. py:attribute:: application_id + :value: None + + + + .. py:attribute:: ttl + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/external_application/index.rst.txt b/docs/_sources/autoapi/abacusai/external_application/index.rst.txt index 767ce4bdd..df953fc9e 100644 --- a/docs/_sources/autoapi/abacusai/external_application/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/external_application/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: ExternalApplication(client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None) +.. py:class:: ExternalApplication(client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None, hasThinkingOption=None, hasFastMode=None, onlyImageGenEnabled=None, projectId=None, isCodellmChatmodeSupported=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -58,6 +58,16 @@ Module Contents :type isDeprecated: bool :param isVisible: Whether the external application should be shown in the dropdown. :type isVisible: bool + :param hasThinkingOption: Whether to show the thinking option in the toolbar. + :type hasThinkingOption: bool + :param hasFastMode: Whether the external application has fast mode. + :type hasFastMode: bool + :param onlyImageGenEnabled: Whether to LLM only allows image generation. + :type onlyImageGenEnabled: bool + :param projectId: The project id associated with the external application. + :type projectId: str + :param isCodellmChatmodeSupported: Whether the external application is codellm chatmode supported + :type isCodellmChatmodeSupported: bool .. py:attribute:: name @@ -145,6 +155,31 @@ Module Contents + .. py:attribute:: has_thinking_option + :value: None + + + + .. py:attribute:: has_fast_mode + :value: None + + + + .. py:attribute:: only_image_gen_enabled + :value: None + + + + .. py:attribute:: project_id + :value: None + + + + .. py:attribute:: is_codellm_chatmode_supported + :value: None + + + .. py:attribute:: deprecated_keys @@ -160,6 +195,24 @@ Module Contents + .. py:method:: add_developers_to() + + Adds a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + + .. py:method:: remove_developers_from() + + Removes a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + .. py:method:: update(name = None, description = None, theme = None, deployment_id = None, deployment_conversation_retention_hours = None, reset_retention_policy = False) Updates an External Application. diff --git a/docs/_sources/autoapi/abacusai/feature_group_version/index.rst.txt b/docs/_sources/autoapi/abacusai/feature_group_version/index.rst.txt index f65135758..2e37af8a1 100644 --- a/docs/_sources/autoapi/abacusai/feature_group_version/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/feature_group_version/index.rst.txt @@ -228,7 +228,7 @@ Module Contents :type database_connector_id: str :param object_name: Name of the database object to write to. :type object_name: str - :param write_mode: Enum string indicating whether to use INSERT or UPSERT. + :param write_mode: Enum string indicating whether to use INSERT or UPSERT or REPLACE. :type write_mode: str :param database_feature_mapping: Key/value pair JSON object of "database connector column" -> "feature name" pairs. :type database_feature_mapping: dict diff --git a/docs/_sources/autoapi/abacusai/feature_mapping/index.rst.txt b/docs/_sources/autoapi/abacusai/feature_mapping/index.rst.txt index 0495bb3b2..c061f1dc1 100644 --- a/docs/_sources/autoapi/abacusai/feature_mapping/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/feature_mapping/index.rst.txt @@ -24,7 +24,7 @@ Module Contents :param client: An authenticated API Client instance :type client: ApiClient - :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details. + :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details. :type featureMapping: str :param featureName: The unique name of the feature. :type featureName: str diff --git a/docs/_sources/autoapi/abacusai/file_connector/index.rst.txt b/docs/_sources/autoapi/abacusai/file_connector/index.rst.txt index 943532113..a3eb42c71 100644 --- a/docs/_sources/autoapi/abacusai/file_connector/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/file_connector/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: FileConnector(client, bucket=None, verified=None, writePermission=None, authExpiresAt=None) +.. py:class:: FileConnector(client, bucket=None, verified=None, writePermission=None, authExpiresAt=None, createdAt=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -32,6 +32,8 @@ Module Contents :type writePermission: bool :param authExpiresAt: The time when the file connector's auth expires, if applicable :type authExpiresAt: str + :param createdAt: The timestamp at which the file connector was created + :type createdAt: str .. py:attribute:: bucket @@ -54,6 +56,11 @@ Module Contents + .. py:attribute:: created_at + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/fs_entry/index.rst.txt b/docs/_sources/autoapi/abacusai/fs_entry/index.rst.txt new file mode 100644 index 000000000..583244da0 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/fs_entry/index.rst.txt @@ -0,0 +1,92 @@ +abacusai.fs_entry +================= + +.. py:module:: abacusai.fs_entry + + +Classes +------- + +.. autoapisummary:: + + abacusai.fs_entry.FsEntry + + +Module Contents +--------------- + +.. py:class:: FsEntry(client, name=None, type=None, path=None, size=None, modified=None, isFolderEmpty=None, children=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + File system entry. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The name of the file/folder + :type name: str + :param type: The type of entry (file/folder) + :type type: str + :param path: The path of the entry + :type path: str + :param size: The size of the entry in bytes + :type size: int + :param modified: The last modified timestamp + :type modified: int + :param isFolderEmpty: Whether the folder is empty (only for folders) + :type isFolderEmpty: bool + :param children: List of child FSEntry objects (only for folders) + :type children: list + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: path + :value: None + + + + .. py:attribute:: size + :value: None + + + + .. py:attribute:: modified + :value: None + + + + .. py:attribute:: isFolderEmpty + :value: None + + + + .. py:attribute:: children + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/hosted_app/index.rst.txt b/docs/_sources/autoapi/abacusai/hosted_app/index.rst.txt new file mode 100644 index 000000000..9e0f8ef0b --- /dev/null +++ b/docs/_sources/autoapi/abacusai/hosted_app/index.rst.txt @@ -0,0 +1,71 @@ +abacusai.hosted_app +=================== + +.. py:module:: abacusai.hosted_app + + +Classes +------- + +.. autoapisummary:: + + abacusai.hosted_app.HostedApp + + +Module Contents +--------------- + +.. py:class:: HostedApp(client, hostedAppId=None, deploymentConversationId=None, name=None, createdAt=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hosted App + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostedAppId: The ID of the hosted app + :type hostedAppId: id + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param name: The name of the hosted app + :type name: str + :param createdAt: The creation timestamp + :type createdAt: str + + + .. py:attribute:: hosted_app_id + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/hosted_app_container/index.rst.txt b/docs/_sources/autoapi/abacusai/hosted_app_container/index.rst.txt new file mode 100644 index 000000000..104a674a3 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/hosted_app_container/index.rst.txt @@ -0,0 +1,239 @@ +abacusai.hosted_app_container +============================= + +.. py:module:: abacusai.hosted_app_container + + +Classes +------- + +.. autoapisummary:: + + abacusai.hosted_app_container.HostedAppContainer + + +Module Contents +--------------- + +.. py:class:: HostedAppContainer(client, hostedAppContainerId=None, hostedAppId=None, deploymentConversationId=None, hostedAppVersion=None, name=None, userId=None, email=None, createdAt=None, updatedAt=None, containerImage=None, route=None, appConfig=None, isDev=None, isDeployable=None, isPreviewAvailable=None, lifecycle=None, status=None, deployedStatus=None, accessLevel=None, hostname=None, llmArtifactId=None, artifactType=None, deployedLlmArtifactId=None, hasDatabase=None, hasStorage=None, webAppProjectId=None, parentConversationId=None, projectMetadata=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hosted app + Deep agent container information. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostedAppContainerId: The ID of the hosted app container + :type hostedAppContainerId: id + :param hostedAppId: The ID of the hosted app + :type hostedAppId: id + :param deploymentConversationId: The deployment conversation ID + :type deploymentConversationId: id + :param hostedAppVersion: The instance of the hosted app + :type hostedAppVersion: id + :param name: The name of the hosted app + :type name: str + :param userId: The ID of the creation user + :type userId: id + :param email: The email of the creation user + :type email: str + :param createdAt: Creation timestamp + :type createdAt: str + :param updatedAt: Last update timestamp + :type updatedAt: str + :param containerImage: Container image name + :type containerImage: str + :param route: Container route + :type route: str + :param appConfig: App configuration + :type appConfig: dict + :param isDev: Whether this is a dev container + :type isDev: bool + :param isDeployable: Can this version be deployed + :type isDeployable: bool + :param isPreviewAvailable: Is the dev preview available on the container + :type isPreviewAvailable: bool + :param lifecycle: Container lifecycle status (PENDING/DEPLOYING/ACTIVE/FAILED/STOPPED/DELETING) + :type lifecycle: str + :param status: Container status (RUNNING/STOPPED/DEPLOYING/FAILED) + :type status: str + :param deployedStatus: Deployment status (PENDING/ACTIVE/STOPPED/NOT_DEPLOYED) + :type deployedStatus: str + :param accessLevel: Access Level (PUBLIC/PRIVATE/DEDICATED) + :type accessLevel: str + :param hostname: Hostname of the deployed app + :type hostname: str + :param llmArtifactId: The ID of the LLM artifact + :type llmArtifactId: id + :param artifactType: The type of the artifact + :type artifactType: str + :param deployedLlmArtifactId: The ID of the deployed LLM artifact + :type deployedLlmArtifactId: id + :param hasDatabase: Whether the app has a database associated to it + :type hasDatabase: bool + :param hasStorage: Whether the app has a cloud storage associated to it + :type hasStorage: bool + :param webAppProjectId: The ID of the web app project + :type webAppProjectId: id + :param parentConversationId: The ID of the parent conversation + :type parentConversationId: id + :param projectMetadata: The metadata of the web app project + :type projectMetadata: dict + + + .. py:attribute:: hosted_app_container_id + :value: None + + + + .. py:attribute:: hosted_app_id + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: hosted_app_version + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: user_id + :value: None + + + + .. py:attribute:: email + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: container_image + :value: None + + + + .. py:attribute:: route + :value: None + + + + .. py:attribute:: app_config + :value: None + + + + .. py:attribute:: is_dev + :value: None + + + + .. py:attribute:: is_deployable + :value: None + + + + .. py:attribute:: is_preview_available + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: deployed_status + :value: None + + + + .. py:attribute:: access_level + :value: None + + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: artifact_type + :value: None + + + + .. py:attribute:: deployed_llm_artifact_id + :value: None + + + + .. py:attribute:: has_database + :value: None + + + + .. py:attribute:: has_storage + :value: None + + + + .. py:attribute:: web_app_project_id + :value: None + + + + .. py:attribute:: parent_conversation_id + :value: None + + + + .. py:attribute:: project_metadata + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/hosted_app_file_read/index.rst.txt b/docs/_sources/autoapi/abacusai/hosted_app_file_read/index.rst.txt new file mode 100644 index 000000000..4c96a7960 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/hosted_app_file_read/index.rst.txt @@ -0,0 +1,71 @@ +abacusai.hosted_app_file_read +============================= + +.. py:module:: abacusai.hosted_app_file_read + + +Classes +------- + +.. autoapisummary:: + + abacusai.hosted_app_file_read.HostedAppFileRead + + +Module Contents +--------------- + +.. py:class:: HostedAppFileRead(client, content=None, start=None, end=None, retcode=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Result of reading file content from a hosted app container. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param content: The contents of the file or a portion of it. + :type content: str + :param start: If present, the starting position of the read. + :type start: int + :param end: If present, the last position in the file returned in this read. + :type end: int + :param retcode: If the read is associated with a log the return code of the command. + :type retcode: int + + + .. py:attribute:: content + :value: None + + + + .. py:attribute:: start + :value: None + + + + .. py:attribute:: end + :value: None + + + + .. py:attribute:: retcode + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/hosted_artifact/index.rst.txt b/docs/_sources/autoapi/abacusai/hosted_artifact/index.rst.txt new file mode 100644 index 000000000..c8eb7406e --- /dev/null +++ b/docs/_sources/autoapi/abacusai/hosted_artifact/index.rst.txt @@ -0,0 +1,92 @@ +abacusai.hosted_artifact +======================== + +.. py:module:: abacusai.hosted_artifact + + +Classes +------- + +.. autoapisummary:: + + abacusai.hosted_artifact.HostedArtifact + + +Module Contents +--------------- + +.. py:class:: HostedArtifact(client, hostname=None, artifactType=None, llmArtifactId=None, lifecycle=None, externalApplicationId=None, deploymentConversationId=None, conversationSequenceNumber=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A hosted artifact being served by the platform. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostname: The url at which the application is being hosted. + :type hostname: str + :param artifactType: The type of artifact being hosted. + :type artifactType: str + :param llmArtifactId: The artifact id being hosted. + :type llmArtifactId: str + :param lifecycle: The lifecycle of the artifact. + :type lifecycle: str + :param externalApplicationId: Agent that deployed this application. + :type externalApplicationId: str + :param deploymentConversationId: Conversation that created deployed this artifact, null if not applicable. + :type deploymentConversationId: str + :param conversationSequenceNumber: Conversation event associated with this artifact, null if not applicable. + :type conversationSequenceNumber: number(integer) + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: artifact_type + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: external_application_id + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: conversation_sequence_number + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/hosted_database/index.rst.txt b/docs/_sources/autoapi/abacusai/hosted_database/index.rst.txt new file mode 100644 index 000000000..b917a4dea --- /dev/null +++ b/docs/_sources/autoapi/abacusai/hosted_database/index.rst.txt @@ -0,0 +1,78 @@ +abacusai.hosted_database +======================== + +.. py:module:: abacusai.hosted_database + + +Classes +------- + +.. autoapisummary:: + + abacusai.hosted_database.HostedDatabase + + +Module Contents +--------------- + +.. py:class:: HostedDatabase(client, hostedDatabaseId=None, displayName=None, createdAt=None, updatedAt=None, lifecycle=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hosted Database + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostedDatabaseId: The ID of the hosted database + :type hostedDatabaseId: id + :param displayName: The name of the hosted database + :type displayName: str + :param createdAt: The creation timestamp + :type createdAt: str + :param updatedAt: The last update timestamp + :type updatedAt: str + :param lifecycle: The lifecycle of the hosted database + :type lifecycle: str + + + .. py:attribute:: hosted_database_id + :value: None + + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/hosted_database_snapshot/index.rst.txt b/docs/_sources/autoapi/abacusai/hosted_database_snapshot/index.rst.txt new file mode 100644 index 000000000..261653bc5 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/hosted_database_snapshot/index.rst.txt @@ -0,0 +1,78 @@ +abacusai.hosted_database_snapshot +================================= + +.. py:module:: abacusai.hosted_database_snapshot + + +Classes +------- + +.. autoapisummary:: + + abacusai.hosted_database_snapshot.HostedDatabaseSnapshot + + +Module Contents +--------------- + +.. py:class:: HostedDatabaseSnapshot(client, hostedDatabaseSnapshotId=None, srcHostedDatabaseId=None, createdAt=None, updatedAt=None, lifecycle=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hosted Database Snapshot + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostedDatabaseSnapshotId: The ID of the hosted database snapshot + :type hostedDatabaseSnapshotId: id + :param srcHostedDatabaseId: The ID of the source hosted database + :type srcHostedDatabaseId: id + :param createdAt: The creation timestamp + :type createdAt: str + :param updatedAt: The last update timestamp + :type updatedAt: str + :param lifecycle: The lifecycle of the hosted database snapshot + :type lifecycle: str + + + .. py:attribute:: hosted_database_snapshot_id + :value: None + + + + .. py:attribute:: src_hosted_database_id + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/hostname_info/index.rst.txt b/docs/_sources/autoapi/abacusai/hostname_info/index.rst.txt new file mode 100644 index 000000000..801802345 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/hostname_info/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.hostname_info +====================== + +.. py:module:: abacusai.hostname_info + + +Classes +------- + +.. autoapisummary:: + + abacusai.hostname_info.HostnameInfo + + +Module Contents +--------------- + +.. py:class:: HostnameInfo(client, isRootDomain=None, hasRootNameserversConfigured=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hostname Info + + :param client: An authenticated API Client instance + :type client: ApiClient + :param isRootDomain: Whether the hostname is a root domain + :type isRootDomain: bool + :param hasRootNameserversConfigured: Whether the root domain has Abacus nameservers configured. + :type hasRootNameserversConfigured: bool + + + .. py:attribute:: is_root_domain + :value: None + + + + .. py:attribute:: has_root_nameservers_configured + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/image_gen_model/index.rst.txt b/docs/_sources/autoapi/abacusai/image_gen_model/index.rst.txt new file mode 100644 index 000000000..2872f4a98 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/image_gen_model/index.rst.txt @@ -0,0 +1,90 @@ +abacusai.image_gen_model +======================== + +.. py:module:: abacusai.image_gen_model + + +Classes +------- + +.. autoapisummary:: + + abacusai.image_gen_model.ImageGenModel + + +Module Contents +--------------- + +.. py:class:: ImageGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Image generation model + + :param client: An authenticated API Client instance + :type client: ApiClient + :param displayName: The display name for the UI component. + :type displayName: str + :param type: The type of the UI component. + :type type: str + :param valueType: The data type of the values within the UI component. + :type valueType: str + :param optional: Whether the selection of a value is optional. + :type optional: bool + :param default: The default value for the image generation model. + :type default: str + :param helptext: The helptext for the UI component. + :type helptext: str + :param options: The options of models available for image generation. + :type options: ImageGenModelOptions + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: value_type + :value: None + + + + .. py:attribute:: optional + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: helptext + :value: None + + + + .. py:attribute:: options + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/image_gen_model_options/index.rst.txt b/docs/_sources/autoapi/abacusai/image_gen_model_options/index.rst.txt new file mode 100644 index 000000000..1a008f0b1 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/image_gen_model_options/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.image_gen_model_options +================================ + +.. py:module:: abacusai.image_gen_model_options + + +Classes +------- + +.. autoapisummary:: + + abacusai.image_gen_model_options.ImageGenModelOptions + + +Module Contents +--------------- + +.. py:class:: ImageGenModelOptions(client, keys=None, values=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Image generation model options + + :param client: An authenticated API Client instance + :type client: ApiClient + :param keys: The keys of the image generation model options represented as the enum values. + :type keys: list + :param values: The display names of the image generation model options. + :type values: list + + + .. py:attribute:: keys + :value: None + + + + .. py:attribute:: values + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/image_gen_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/image_gen_settings/index.rst.txt index a672af67b..77060aafb 100644 --- a/docs/_sources/autoapi/abacusai/image_gen_settings/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/image_gen_settings/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: ImageGenSettings(client, model=None, settings=None) +.. py:class:: ImageGenSettings(client, settings=None, warnings=None, model={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -24,22 +24,27 @@ Module Contents :param client: An authenticated API Client instance :type client: ApiClient - :param model: Dropdown for models available for image generation. - :type model: dict :param settings: The settings for each model. :type settings: dict + :param warnings: The warnings for each model. + :type warnings: dict + :param model: Dropdown for models available for image generation. + :type model: ImageGenModel - .. py:attribute:: model + .. py:attribute:: settings :value: None - .. py:attribute:: settings + .. py:attribute:: warnings :value: None + .. py:attribute:: model + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/index.rst.txt b/docs/_sources/autoapi/abacusai/index.rst.txt index a2c056bce..4f67c260e 100644 --- a/docs/_sources/autoapi/abacusai/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/index.rst.txt @@ -33,6 +33,8 @@ Submodules /autoapi/abacusai/app_user_group_sign_in_token/index /autoapi/abacusai/application_connector/index /autoapi/abacusai/audio_gen_settings/index + /autoapi/abacusai/audio_url_result/index + /autoapi/abacusai/audit_log/index /autoapi/abacusai/batch_prediction/index /autoapi/abacusai/batch_prediction_version/index /autoapi/abacusai/batch_prediction_version_logs/index @@ -41,25 +43,38 @@ Submodules /autoapi/abacusai/chat_message/index /autoapi/abacusai/chat_session/index /autoapi/abacusai/chatllm_computer/index + /autoapi/abacusai/chatllm_computer_status/index + /autoapi/abacusai/chatllm_memory/index + /autoapi/abacusai/chatllm_project/index + /autoapi/abacusai/chatllm_project_permissions/index /autoapi/abacusai/chatllm_referral_invite/index /autoapi/abacusai/chatllm_task/index /autoapi/abacusai/client/index /autoapi/abacusai/code_agent_response/index + /autoapi/abacusai/code_autocomplete_edit_prediction_response/index /autoapi/abacusai/code_autocomplete_response/index /autoapi/abacusai/code_bot/index /autoapi/abacusai/code_edit/index /autoapi/abacusai/code_edit_response/index /autoapi/abacusai/code_edits/index + /autoapi/abacusai/code_embeddings/index + /autoapi/abacusai/code_llm_changed_files/index /autoapi/abacusai/code_source/index + /autoapi/abacusai/code_suggestion_validation_response/index + /autoapi/abacusai/code_summary_response/index + /autoapi/abacusai/codellm_embedding_constants/index /autoapi/abacusai/compute_point_info/index /autoapi/abacusai/concatenation_config/index + /autoapi/abacusai/constants_autocomplete_response/index /autoapi/abacusai/cpu_gpu_memory_specs/index /autoapi/abacusai/cryptography/index /autoapi/abacusai/custom_chat_instructions/index + /autoapi/abacusai/custom_domain/index /autoapi/abacusai/custom_loss_function/index /autoapi/abacusai/custom_metric/index /autoapi/abacusai/custom_metric_version/index /autoapi/abacusai/custom_train_function_info/index + /autoapi/abacusai/daemon_task_conversation/index /autoapi/abacusai/data_consistency_duplication/index /autoapi/abacusai/data_metrics/index /autoapi/abacusai/data_prep_logs/index @@ -73,6 +88,7 @@ Submodules /autoapi/abacusai/dataset_column/index /autoapi/abacusai/dataset_version/index /autoapi/abacusai/dataset_version_logs/index + /autoapi/abacusai/default_llm/index /autoapi/abacusai/deployment/index /autoapi/abacusai/deployment_auth_token/index /autoapi/abacusai/deployment_conversation/index @@ -83,6 +99,9 @@ Submodules /autoapi/abacusai/document_retriever/index /autoapi/abacusai/document_retriever_lookup_result/index /autoapi/abacusai/document_retriever_version/index + /autoapi/abacusai/document_retriever_version_logs/index + /autoapi/abacusai/domain_purchase_result/index + /autoapi/abacusai/domain_search_result/index /autoapi/abacusai/drift_distribution/index /autoapi/abacusai/drift_distributions/index /autoapi/abacusai/eda/index @@ -93,7 +112,9 @@ Submodules /autoapi/abacusai/eda_feature_collinearity/index /autoapi/abacusai/eda_forecasting_analysis/index /autoapi/abacusai/eda_version/index + /autoapi/abacusai/edit_image_models/index /autoapi/abacusai/embedding_feature_drift_distribution/index + /autoapi/abacusai/entri_auth_token/index /autoapi/abacusai/execute_feature_group_operation/index /autoapi/abacusai/external_application/index /autoapi/abacusai/external_invite/index @@ -120,7 +141,6 @@ Submodules /autoapi/abacusai/feature_importance/index /autoapi/abacusai/feature_mapping/index /autoapi/abacusai/feature_performance_analysis/index - /autoapi/abacusai/feature_record/index /autoapi/abacusai/file_connector/index /autoapi/abacusai/file_connector_instructions/index /autoapi/abacusai/file_connector_verification/index @@ -128,20 +148,32 @@ Submodules /autoapi/abacusai/forecasting_analysis_graph_data/index /autoapi/abacusai/forecasting_monitor_item_analysis/index /autoapi/abacusai/forecasting_monitor_summary/index + /autoapi/abacusai/fs_entry/index /autoapi/abacusai/function_logs/index /autoapi/abacusai/generated_pit_feature_config_option/index /autoapi/abacusai/global_context/index /autoapi/abacusai/graph_dashboard/index /autoapi/abacusai/holdout_analysis/index /autoapi/abacusai/holdout_analysis_version/index + /autoapi/abacusai/hosted_app/index + /autoapi/abacusai/hosted_app_container/index + /autoapi/abacusai/hosted_app_file_read/index + /autoapi/abacusai/hosted_artifact/index + /autoapi/abacusai/hosted_database/index + /autoapi/abacusai/hosted_database_snapshot/index /autoapi/abacusai/hosted_model_token/index + /autoapi/abacusai/hostname_info/index /autoapi/abacusai/hume_voice/index + /autoapi/abacusai/image_gen_model/index + /autoapi/abacusai/image_gen_model_options/index /autoapi/abacusai/image_gen_settings/index /autoapi/abacusai/indexing_config/index /autoapi/abacusai/inferred_database_column_to_feature_mappings/index /autoapi/abacusai/inferred_feature_mappings/index /autoapi/abacusai/item_statistics/index + /autoapi/abacusai/lip_sync_gen_settings/index /autoapi/abacusai/llm_app/index + /autoapi/abacusai/llm_artifact/index /autoapi/abacusai/llm_code_block/index /autoapi/abacusai/llm_execution_preview/index /autoapi/abacusai/llm_execution_result/index @@ -149,6 +181,10 @@ Submodules /autoapi/abacusai/llm_input/index /autoapi/abacusai/llm_parameters/index /autoapi/abacusai/llm_response/index + /autoapi/abacusai/mcp_config/index + /autoapi/abacusai/mcp_server/index + /autoapi/abacusai/mcp_server_connection/index + /autoapi/abacusai/mcp_server_query_result/index /autoapi/abacusai/memory_options/index /autoapi/abacusai/messaging_connector_response/index /autoapi/abacusai/model/index @@ -203,6 +239,8 @@ Submodules /autoapi/abacusai/prediction_log_record/index /autoapi/abacusai/prediction_operator/index /autoapi/abacusai/prediction_operator_version/index + /autoapi/abacusai/presentation_export_result/index + /autoapi/abacusai/private_web_app_deployment/index /autoapi/abacusai/problem_type/index /autoapi/abacusai/project/index /autoapi/abacusai/project_config/index @@ -219,33 +257,51 @@ Submodules /autoapi/abacusai/refresh_policy/index /autoapi/abacusai/refresh_schedule/index /autoapi/abacusai/regenerate_llm_external_application/index + /autoapi/abacusai/regenerate_llm_option/index /autoapi/abacusai/resolved_feature_group_template/index /autoapi/abacusai/return_class/index /autoapi/abacusai/routing_action/index /autoapi/abacusai/schema/index + /autoapi/abacusai/session_summary/index + /autoapi/abacusai/session_transcript/index + /autoapi/abacusai/session_transcripts/index /autoapi/abacusai/sftp_key/index /autoapi/abacusai/streaming_auth_token/index /autoapi/abacusai/streaming_client/index /autoapi/abacusai/streaming_connector/index /autoapi/abacusai/streaming_row_count/index /autoapi/abacusai/streaming_sample_code/index + /autoapi/abacusai/sts_gen_settings/index + /autoapi/abacusai/stt_gen_model/index + /autoapi/abacusai/stt_gen_model_options/index + /autoapi/abacusai/stt_gen_settings/index /autoapi/abacusai/template_node_details/index /autoapi/abacusai/test_point_predictions/index /autoapi/abacusai/tone_details/index /autoapi/abacusai/training_config_options/index + /autoapi/abacusai/tts_gen_settings/index /autoapi/abacusai/twitter_search_result/index + /autoapi/abacusai/unified_connector/index /autoapi/abacusai/upload/index /autoapi/abacusai/upload_part/index /autoapi/abacusai/use_case/index /autoapi/abacusai/use_case_requirements/index /autoapi/abacusai/user/index /autoapi/abacusai/user_exception/index + /autoapi/abacusai/user_group_object_permission/index + /autoapi/abacusai/video_gen_costs/index + /autoapi/abacusai/video_gen_model/index + /autoapi/abacusai/video_gen_model_options/index /autoapi/abacusai/video_gen_settings/index /autoapi/abacusai/video_search_result/index /autoapi/abacusai/voice_gen_details/index + /autoapi/abacusai/web_app_conversation/index + /autoapi/abacusai/web_app_deployment_permission_dict/index + /autoapi/abacusai/web_app_domain/index /autoapi/abacusai/web_page_response/index /autoapi/abacusai/web_search_response/index /autoapi/abacusai/web_search_result/index + /autoapi/abacusai/web_service_trigger_run/index /autoapi/abacusai/webhook/index /autoapi/abacusai/workflow_graph_node_details/index /autoapi/abacusai/workflow_node_template/index @@ -256,6 +312,7 @@ Attributes .. autoapisummary:: + abacusai.MIN_AGENT_SLEEP_TIME abacusai.DocumentRetrieverConfig abacusai.Segment abacusai._request_context @@ -299,6 +356,9 @@ Classes abacusai.WorkflowNodeOutputSchema abacusai.TriggerConfig abacusai.WorkflowGraphNode + abacusai.DecisionNode + abacusai.LLMAgentNode + abacusai.InputNode abacusai.WorkflowGraphEdge abacusai.WorkflowGraph abacusai.AgentConversationMessage @@ -343,7 +403,10 @@ Classes abacusai.ZendeskDatasetConfig abacusai.AbacusUsageMetricsDatasetConfig abacusai.TeamsScraperDatasetConfig + abacusai.OutlookDatasetConfig + abacusai.AzureStorageDatasetConfig abacusai.FreshserviceDatasetConfig + abacusai.SftpDatasetConfig abacusai._ApplicationConnectorDatasetConfigFactory abacusai.PredictionArguments abacusai.OptimizationPredictionArguments @@ -420,6 +483,8 @@ Classes abacusai.ResponseSectionType abacusai.CodeLanguage abacusai.DeploymentConversationType + abacusai.AgentClientType + abacusai.OrganizationSecretType abacusai.SamplingConfig abacusai.NSamplingConfig abacusai.PercentSamplingConfig @@ -442,6 +507,7 @@ Classes abacusai.ForecastingTrainingConfig abacusai.NamedEntityExtractionTrainingConfig abacusai.NaturalLanguageSearchTrainingConfig + abacusai.SystemConnectorTool abacusai.ChatLLMTrainingConfig abacusai.SentenceBoundaryDetectionTrainingConfig abacusai.SentimentDetectionTrainingConfig @@ -509,6 +575,8 @@ Classes abacusai.AppUserGroupSignInToken abacusai.ApplicationConnector abacusai.AudioGenSettings + abacusai.AudioUrlResult + abacusai.AuditLog abacusai.BatchPrediction abacusai.BatchPredictionVersion abacusai.BatchPredictionVersionLogs @@ -517,27 +585,41 @@ Classes abacusai.ChatMessage abacusai.ChatSession abacusai.ChatllmComputer + abacusai.ChatllmComputerStatus + abacusai.ChatllmMemory + abacusai.ChatllmProject + abacusai.ChatllmProjectPermissions abacusai.ChatllmReferralInvite abacusai.ChatllmTask abacusai.AgentResponse abacusai.ApiClient abacusai.ClientOptions abacusai.ReadOnlyClient + abacusai.ToolResponse abacusai.CodeAgentResponse + abacusai.CodeAutocompleteEditPredictionResponse abacusai.CodeAutocompleteResponse abacusai.CodeBot abacusai.CodeEdit abacusai.CodeEditResponse abacusai.CodeEdits + abacusai.CodeEmbeddings + abacusai.CodeLlmChangedFiles abacusai.CodeSource + abacusai.CodeSuggestionValidationResponse + abacusai.CodeSummaryResponse + abacusai.CodellmEmbeddingConstants abacusai.ComputePointInfo abacusai.ConcatenationConfig + abacusai.ConstantsAutocompleteResponse abacusai.CpuGpuMemorySpecs abacusai.CustomChatInstructions + abacusai.CustomDomain abacusai.CustomLossFunction abacusai.CustomMetric abacusai.CustomMetricVersion abacusai.CustomTrainFunctionInfo + abacusai.DaemonTaskConversation abacusai.DataConsistencyDuplication abacusai.DataMetrics abacusai.DataPrepLogs @@ -551,6 +633,7 @@ Classes abacusai.DatasetColumn abacusai.DatasetVersion abacusai.DatasetVersionLogs + abacusai.DefaultLlm abacusai.Deployment abacusai.DeploymentAuthToken abacusai.DeploymentConversation @@ -561,6 +644,9 @@ Classes abacusai.DocumentRetriever abacusai.DocumentRetrieverLookupResult abacusai.DocumentRetrieverVersion + abacusai.DocumentRetrieverVersionLogs + abacusai.DomainPurchaseResult + abacusai.DomainSearchResult abacusai.DriftDistribution abacusai.DriftDistributions abacusai.Eda @@ -571,7 +657,9 @@ Classes abacusai.EdaFeatureCollinearity abacusai.EdaForecastingAnalysis abacusai.EdaVersion + abacusai.EditImageModels abacusai.EmbeddingFeatureDriftDistribution + abacusai.EntriAuthToken abacusai.ExecuteFeatureGroupOperation abacusai.ExternalApplication abacusai.ExternalInvite @@ -598,7 +686,6 @@ Classes abacusai.FeatureImportance abacusai.FeatureMapping abacusai.FeaturePerformanceAnalysis - abacusai.FeatureRecord abacusai.FileConnector abacusai.FileConnectorInstructions abacusai.FileConnectorVerification @@ -606,19 +693,31 @@ Classes abacusai.ForecastingAnalysisGraphData abacusai.ForecastingMonitorItemAnalysis abacusai.ForecastingMonitorSummary + abacusai.FsEntry abacusai.FunctionLogs abacusai.GeneratedPitFeatureConfigOption abacusai.GraphDashboard abacusai.HoldoutAnalysis abacusai.HoldoutAnalysisVersion + abacusai.HostedApp + abacusai.HostedAppContainer + abacusai.HostedAppFileRead + abacusai.HostedArtifact + abacusai.HostedDatabase + abacusai.HostedDatabaseSnapshot abacusai.HostedModelToken + abacusai.HostnameInfo abacusai.HumeVoice + abacusai.ImageGenModel + abacusai.ImageGenModelOptions abacusai.ImageGenSettings abacusai.IndexingConfig abacusai.InferredDatabaseColumnToFeatureMappings abacusai.InferredFeatureMappings abacusai.ItemStatistics + abacusai.LipSyncGenSettings abacusai.LlmApp + abacusai.LlmArtifact abacusai.LlmCodeBlock abacusai.LlmExecutionPreview abacusai.LlmExecutionResult @@ -626,6 +725,10 @@ Classes abacusai.LlmInput abacusai.LlmParameters abacusai.LlmResponse + abacusai.McpConfig + abacusai.McpServer + abacusai.McpServerConnection + abacusai.McpServerQueryResult abacusai.MemoryOptions abacusai.MessagingConnectorResponse abacusai.Model @@ -680,6 +783,8 @@ Classes abacusai.PredictionLogRecord abacusai.PredictionOperator abacusai.PredictionOperatorVersion + abacusai.PresentationExportResult + abacusai.PrivateWebAppDeployment abacusai.ProblemType abacusai.Project abacusai.ProjectConfig @@ -695,32 +800,50 @@ Classes abacusai.RefreshPolicy abacusai.RefreshSchedule abacusai.RegenerateLlmExternalApplication + abacusai.RegenerateLlmOption abacusai.ResolvedFeatureGroupTemplate abacusai.RoutingAction abacusai.Schema + abacusai.SessionSummary + abacusai.SessionTranscript + abacusai.SessionTranscripts abacusai.SftpKey abacusai.StreamingAuthToken abacusai.StreamingClient abacusai.StreamingConnector abacusai.StreamingRowCount abacusai.StreamingSampleCode + abacusai.StsGenSettings + abacusai.SttGenModel + abacusai.SttGenModelOptions + abacusai.SttGenSettings abacusai.TemplateNodeDetails abacusai.TestPointPredictions abacusai.ToneDetails abacusai.TrainingConfigOptions + abacusai.TtsGenSettings abacusai.TwitterSearchResult + abacusai.UnifiedConnector abacusai.Upload abacusai.UploadPart abacusai.UseCase abacusai.UseCaseRequirements abacusai.User abacusai.UserException + abacusai.UserGroupObjectPermission + abacusai.VideoGenCosts + abacusai.VideoGenModel + abacusai.VideoGenModelOptions abacusai.VideoGenSettings abacusai.VideoSearchResult abacusai.VoiceGenDetails + abacusai.WebAppConversation + abacusai.WebAppDeploymentPermissionDict + abacusai.WebAppDomain abacusai.WebPageResponse abacusai.WebSearchResponse abacusai.WebSearchResult + abacusai.WebServiceTriggerRun abacusai.Webhook abacusai.WorkflowGraphNodeDetails abacusai.WorkflowNodeTemplate @@ -2037,7 +2160,11 @@ Package Contents .. py:function:: validate_constructor_arg_types(friendly_class_name=None) -.. py:function:: validate_input_dict_param(dict_object, friendly_class_name, must_contain=[]) +.. py:data:: MIN_AGENT_SLEEP_TIME + :value: 300 + + +.. py:function:: validate_input_dict_param(dict_object, friendly_class_name, must_contain=[], schema={}) .. py:class:: FieldDescriptor @@ -2108,6 +2235,8 @@ Package Contents :type is_required: bool :param description: The description of this input. :type description: str + :param long_description: The detailed description of this input. + :type long_description: str :param constant_value: The constant value of this input if variable type is CONSTANT. Only applicable for template nodes. :type constant_value: str @@ -2144,6 +2273,12 @@ Package Contents + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:attribute:: constant_value :type: str :value: None @@ -2155,11 +2290,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(mapping) :classmethod: @@ -2209,11 +2339,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(schema) :classmethod: @@ -2244,6 +2369,17 @@ Package Contents + .. py:method:: from_tool_variable_mappings(tool_variable_mappings) + :classmethod: + + + Creates a WorkflowNodeInputSchema for the given tool variable mappings. + + :param tool_variable_mappings: The tool variable mappings for the node. + :type tool_variable_mappings: List[dict] + + + .. py:class:: WorkflowNodeOutputMapping Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -2257,6 +2393,8 @@ Package Contents :type variable_type: Union[WorkflowNodeOutputType, str] :param description: The description of this output. :type description: str + :param long_description: The detailed description of this output. + :type long_description: str .. py:attribute:: name @@ -2273,16 +2411,17 @@ Package Contents - .. py:method:: __post_init__() + .. py:attribute:: long_description + :type: str + :value: None - .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: __post_init__() + .. py:method:: to_dict() + .. py:method:: from_dict(mapping) :classmethod: @@ -2306,11 +2445,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(schema) :classmethod: @@ -2336,18 +2470,13 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(configs) :classmethod: -.. py:class:: WorkflowGraphNode(name, function = None, input_mappings = None, output_mappings = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None) +.. py:class:: WorkflowGraphNode(name, function = None, input_mappings = None, output_mappings = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None, description = None) Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -2358,14 +2487,16 @@ Package Contents :type name: str :param input_mappings: List of input mappings for the node. Each arg/kwarg of the node function should have a corresponding input mapping. :type input_mappings: List[WorkflowNodeInputMapping] - :param output_mappings: List of output mappings for the node. Each field in the returned dict/AgentResponse must have a corresponding output mapping. - :type output_mappings: List[WorkflowNodeOutputMapping] + :param output_mappings: List of outputs for the node. Each field in the returned dict/AgentResponse must have a corresponding output in the list. + :type output_mappings: List[str] :param function: The callable node function reference. :type function: callable - :param input_schema: The react json schema for the user input variables. + :param input_schema: The react json schema for the user input variables. This should be empty for CHAT interface. :type input_schema: WorkflowNodeInputSchema - :param output_schema: The react json schema for the output to be shown on UI. - :type output_schema: WorkflowNodeOutputSchema + :param output_schema: The list of outputs to be shown on UI. Each output corresponds to a field in the output mappings of the node. + :type output_schema: List[str] + :param description: A description of the workflow node. + :type description: str Additional Attributes: function_name (str): The name of the function. @@ -2373,6 +2504,17 @@ Package Contents trigger_config (TriggerConfig): The configuration for a trigger workflow node. + .. py:method:: is_special_node_type() + :classmethod: + + + Returns True if this node type skips source code validation. + + Special node types (like InputNode and LLMAgentNode) are executed + directly without source code validation. + + + .. py:attribute:: template_metadata :value: None @@ -2383,7 +2525,17 @@ Package Contents - .. py:method:: _raw_init(name, input_mappings = None, output_mappings = None, function = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None) + .. py:attribute:: node_type + :value: 'workflow_node' + + + + .. py:attribute:: description + :value: None + + + + .. py:method:: _raw_init(name, input_mappings = None, output_mappings = None, function = None, function_name = None, source_code = None, input_schema = None, output_schema = None, template_metadata = None, trigger_config = None, description = None) :classmethod: @@ -2393,12 +2545,47 @@ Package Contents - .. py:method:: to_dict() + .. py:method:: from_tool(tool_name, name, configs = None, input_mappings = None, input_schema = None, output_schema = None) + :classmethod: + + + Creates and returns a WorkflowGraphNode based on an available user created tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + + :param tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + :param name: The name to assign to the WorkflowGraphNode instance. + :param configs: The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + :type configs: optional + :param input_mappings: The WorkflowNodeInputMappings for this node. + :type input_mappings: optional + :param input_schema: The WorkflowNodeInputSchema for this node. + :type input_schema: optional + :param output_schema: The WorkflowNodeOutputSchema for this node. + :type output_schema: optional + + + + .. py:method:: from_system_tool(tool_name, name, configs = None, input_mappings = None, input_schema = None, output_schema = None) + :classmethod: - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + Creates and returns a WorkflowGraphNode based on the name of an available system tool. + Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error. + + :param tool_name: The name of the tool. There should already be a tool created in the platform with tool_name. + :param name: The name to assign to the WorkflowGraphNode instance. + :param configs: The configuration state of the tool to use (if necessary). If not specified, will use the tool's default configuration. + :type configs: optional + :param input_mappings: The WorkflowNodeInputMappings for this node. + :type input_mappings: optional + :param input_schema: The WorkflowNodeInputSchema for this node. + :type input_schema: optional + :param output_schema: The WorkflowNodeOutputSchema for this node. + :type output_schema: optional + + + + .. py:method:: to_dict() .. py:method:: is_template_node() @@ -2430,6 +2617,262 @@ Package Contents .. py:property:: outputs +.. py:class:: DecisionNode(name, condition, input_mappings, description = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed. + + + .. py:attribute:: node_type + :value: 'decision_node' + + + + .. py:attribute:: name + + + .. py:attribute:: source_code + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: output_mappings + + + .. py:attribute:: template_metadata + :value: None + + + + .. py:attribute:: trigger_config + :value: None + + + + .. py:attribute:: input_schema + :value: None + + + + .. py:attribute:: output_schema + :value: None + + + + .. py:attribute:: function_name + :value: None + + + + .. py:method:: to_dict() + + + .. py:method:: from_dict(node) + :classmethod: + + + +.. py:class:: LLMAgentNode(name, chatbot_deployment_id = None, chatbot_parameters = None, input_schema = None, output_schema = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters. + + :param name: A unique name for the LLM agent node. + :type name: str + :param chatbot_deployment_id: The deployment ID of the chatbot to use for this node. If not provided, a new chatbot will be created. + :type chatbot_deployment_id: str + :param chatbot_parameters: Parameters for configuring the chatbot, such as data_feature_group_ids and document_retrievers. + :type chatbot_parameters: dict + :param uid: A unique identifier for the LLM agent node. If not provided, a unique ID will be auto-generated. + :type uid: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: chatbot_deployment_id + :type: str + :value: None + + + + .. py:attribute:: chatbot_parameters + :type: dict + + + .. py:attribute:: uid + :type: str + :value: None + + + + .. py:method:: is_special_node_type() + :classmethod: + + + LLM agent nodes skip source code validation. + + + + .. py:attribute:: node_type + :value: 'llm_agent_node' + + + + .. py:attribute:: source_code + :value: None + + + + .. py:method:: get_source_code() + + + .. py:method:: get_function_name() + + + .. py:method:: to_dict() + + + .. py:method:: from_dict(node) + :classmethod: + + + +.. py:class:: InputNode(name, input_mappings = None, output_mappings = None, input_schema = None, output_schema = None, description = None, function_name = None, source_code = None, uid = None) + + Bases: :py:obj:`WorkflowGraphNode` + + + Represents an input node in an agent workflow graph. + + Accepts multiple user inputs (text and file) and processes them into a single combined text output. + File inputs are processed using OCR/document extraction when applicable. + + :param name: The name of the input node. + :type name: str + :param input_mappings: The input mappings for the input node. If not provided, defaults to a text_input and file_input. + :type input_mappings: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] + :param output_mappings: The output mappings for the input node. If not provided, defaults to a single 'answer' output. + :type output_mappings: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] + :param input_schema: The input schema for the input node. If not provided, will be generated from input_mappings. + :type input_schema: WorkflowNodeInputSchema + :param output_schema: The output schema for the input node. If not provided, will be generated from output_mappings. + :type output_schema: WorkflowNodeOutputSchema + :param description: The description of the input node. + :type description: str + :param uid: A unique identifier for the input node. Auto-generated if not provided. + :type uid: str + + + .. py:attribute:: name + :type: str + + + .. py:attribute:: input_mappings + :type: Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]] + :value: None + + + + .. py:attribute:: output_mappings + :type: Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]] + :value: None + + + + .. py:attribute:: input_schema + :type: WorkflowNodeInputSchema + :value: None + + + + .. py:attribute:: output_schema + :type: WorkflowNodeOutputSchema + :value: None + + + + .. py:attribute:: description + :type: str + :value: None + + + + .. py:attribute:: uid + :type: str + :value: None + + + + .. py:method:: is_special_node_type() + :classmethod: + + + Input nodes skip source code validation. + + + + .. py:method:: _mark_file_inputs_in_schema(input_schema) + :staticmethod: + + + Mark file inputs in the schema based on format and ui:widget indicators. + + + + .. py:attribute:: node_type + :value: 'input_node' + + + + .. py:attribute:: source_code + :value: None + + + + .. py:attribute:: template_metadata + :value: None + + + + .. py:attribute:: trigger_config + :value: None + + + + .. py:method:: to_dict() + + Return snake_case keys to match return filter expectations. + (The base ApiClass.to_dict() camelCases keys, which causes the + WorkflowGraphNodeDetails return filter to miss fields.) + + + + .. py:method:: from_dict(node) + :classmethod: + + + + .. py:method:: get_function_name() + + + .. py:method:: get_source_code() + + Return the stored source code, if any. + + + + .. py:method:: get_input_schema() + + .. py:class:: WorkflowGraphEdge(source, target, details = None) Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -2463,6 +2906,11 @@ Package Contents .. py:method:: to_nx_edge() + .. py:method:: from_dict(input_dict) + :classmethod: + + + .. py:class:: WorkflowGraph Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -2470,20 +2918,16 @@ Package Contents Represents an Agent workflow graph. - The edges define the node invocation order. - :param nodes: A list of nodes in the workflow graph. - :type nodes: List[WorkflowGraphNode] - :param edges: A list of edges in the workflow graph, where each edge is a tuple of source, target, and details. - :type edges: List[WorkflowGraphEdge] + :type nodes: List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]] :param primary_start_node: The primary node to start the workflow from. - :type primary_start_node: Union[str, WorkflowGraphNode] + :type primary_start_node: Union[str, WorkflowGraphNode, LLMAgentNode] :param common_source_code: Common source code that can be used across all nodes. :type common_source_code: str .. py:attribute:: nodes - :type: List[WorkflowGraphNode] + :type: List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]] :value: [] @@ -2495,7 +2939,7 @@ Package Contents .. py:attribute:: primary_start_node - :type: Union[str, WorkflowGraphNode] + :type: Union[str, WorkflowGraphNode, LLMAgentNode] :value: None @@ -2517,11 +2961,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(graph) :classmethod: @@ -2563,11 +3002,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: WorkflowNodeTemplateConfig @@ -2610,11 +3044,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:method:: from_dict(mapping) :classmethod: @@ -2634,6 +3063,8 @@ Package Contents :type is_required: bool :param description: The description of this input. :type description: str + :param long_description: The detailed description of this input. + :type long_description: str .. py:attribute:: name @@ -2652,12 +3083,13 @@ Package Contents - .. py:method:: to_dict() + .. py:attribute:: long_description + :type: str + :value: '' + - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: to_dict() .. py:method:: from_dict(mapping) @@ -2678,6 +3110,8 @@ Package Contents :type variable_type: WorkflowNodeOutputType :param description: The description of this output. :type description: str + :param long_description: The detailed description of this output. + :type long_description: str .. py:attribute:: name @@ -2694,12 +3128,13 @@ Package Contents - .. py:method:: to_dict() + .. py:attribute:: long_description + :type: str + :value: '' + - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. + .. py:method:: to_dict() .. py:method:: from_dict(mapping) @@ -3055,6 +3490,8 @@ Package Contents :param for_eval: If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation. :type for_eval: bool + :param files_input_location: The input location for the files. + :type files_input_location: str :param files_output_location_prefix: The output location prefix for the files. :type files_output_location_prefix: str :param channel_id_to_label_map: JSON string for the map from channel ids to their labels. @@ -3067,6 +3504,12 @@ Package Contents + .. py:attribute:: files_input_location + :type: str + :value: None + + + .. py:attribute:: files_output_location_prefix :type: str :value: None @@ -3218,10 +3661,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -3359,10 +3798,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -3409,6 +3844,11 @@ Package Contents + .. py:attribute:: COMPREHENSIVE_MARKDOWN + :value: 'COMPREHENSIVE_MARKDOWN' + + + .. py:method:: is_ocr_forced(document_type) :classmethod: @@ -3754,6 +4194,8 @@ Package Contents :type pull_attachments: bool :param extract_bounding_boxes: Whether to extract bounding boxes from the documents :type extract_bounding_boxes: bool + :param location_type: The type of location to be fetched. Maps values in `location` to content type, example: 'spaceKey/folderTitle/*' -> 'folder' + :type location_type: str .. py:attribute:: location @@ -3780,6 +4222,12 @@ Package Contents + .. py:attribute:: location_type + :type: str + :value: None + + + .. py:method:: __post_init__() @@ -3869,6 +4317,8 @@ Package Contents :type extract_bounding_boxes: bool :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True :type merge_file_schemas: bool + :param location_type: The type of path to fetch. 'shared' for shared files. if not provided, it will fetch from the root folder. + :type location_type: str .. py:attribute:: location @@ -3895,6 +4345,12 @@ Package Contents + .. py:attribute:: location_type + :type: str + :value: None + + + .. py:method:: __post_init__() @@ -4001,6 +4457,8 @@ Package Contents :type extract_bounding_boxes: bool :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True :type merge_file_schemas: bool + :param add_file_metadata: Signifies if the file metadata should be added to the dataset + :type add_file_metadata: bool .. py:attribute:: location @@ -4027,6 +4485,12 @@ Package Contents + .. py:attribute:: add_file_metadata + :type: bool + :value: False + + + .. py:method:: __post_init__() @@ -4100,6 +4564,8 @@ Package Contents :type pull_channel_posts: bool :param pull_transcripts: Whether to pull transcripts for calendar meetings :type pull_transcripts: bool + :param max_days_to_lookback: The maximum number of days to look back for data + :type max_days_to_lookback: int .. py:attribute:: pull_chat_messages @@ -4120,273 +4586,182 @@ Package Contents - .. py:method:: __post_init__() - - -.. py:class:: FreshserviceDatasetConfig - - Bases: :py:obj:`ApplicationConnectorDatasetConfig` - + .. py:attribute:: max_days_to_lookback + :type: int + :value: 365 - Dataset config for Freshservice Application Connector .. py:method:: __post_init__() -.. py:class:: _ApplicationConnectorDatasetConfigFactory - - Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - - - Helper class that provides a standard way to create an ABC using - inheritance. - - - .. py:attribute:: config_abstract_class - - - .. py:attribute:: config_class_key - :value: 'application_connector_type' +.. py:class:: OutlookDatasetConfig + Bases: :py:obj:`ApplicationConnectorDatasetConfig` - .. py:attribute:: config_class_map + Dataset config for Outlook Application Connector -.. py:class:: PredictionArguments - - Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` - + .. py:method:: __post_init__() - An abstract class for prediction arguments specific to problem type. +.. py:class:: AzureStorageDatasetConfig - .. py:attribute:: _support_kwargs - :type: bool - :value: True + Bases: :py:obj:`ApplicationConnectorDatasetConfig` + Dataset config for Azure Storage Application Connector - .. py:attribute:: kwargs - :type: dict + :param location: The location of the files to fetch + :type location: str + :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + :type merge_file_schemas: bool - .. py:attribute:: problem_type - :type: abacusai.api_class.enums.ProblemType + .. py:attribute:: location + :type: str :value: None - .. py:method:: _get_builder() - :classmethod: - - - -.. py:class:: OptimizationPredictionArguments - - Bases: :py:obj:`PredictionArguments` - - - Prediction arguments for the OPTIMIZATION problem type - - :param forced_assignments: Set of assignments to force and resolve before returning query results. - :type forced_assignments: dict - :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. - :type solve_time_limit_seconds: float - :param include_all_assignments: If True, will return all assignments, including assignments with value 0. Default is False. - :type include_all_assignments: bool + .. py:attribute:: merge_file_schemas + :type: bool + :value: False - .. py:attribute:: forced_assignments - :type: dict - :value: None + .. py:method:: __post_init__() - .. py:attribute:: solve_time_limit_seconds - :type: float - :value: None - +.. py:class:: FreshserviceDatasetConfig + Bases: :py:obj:`ApplicationConnectorDatasetConfig` - .. py:attribute:: include_all_assignments - :type: bool - :value: None + Dataset config for Freshservice Application Connector .. py:method:: __post_init__() -.. py:class:: TimeseriesAnomalyPredictionArguments +.. py:class:: SftpDatasetConfig - Bases: :py:obj:`PredictionArguments` + Bases: :py:obj:`ApplicationConnectorDatasetConfig` - Prediction arguments for the TS_ANOMALY problem type + Dataset config for SFTP Application Connector - :param start_timestamp: Timestamp from which anomalies have to be detected in the training data - :type start_timestamp: str - :param end_timestamp: Timestamp to which anomalies have to be detected in the training data - :type end_timestamp: str - :param get_all_item_data: If True, anomaly detection has to be performed on all the data related to input ids - :type get_all_item_data: bool + :param location: The regex location of the files to fetch + :type location: str + :param csv_delimiter: If the file format is CSV, use a specific csv delimiter + :type csv_delimiter: str + :param extract_bounding_boxes: Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True + :type extract_bounding_boxes: bool + :param merge_file_schemas: Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True + :type merge_file_schemas: bool - .. py:attribute:: start_timestamp + .. py:attribute:: location :type: str :value: None - .. py:attribute:: end_timestamp + .. py:attribute:: csv_delimiter :type: str :value: None - .. py:attribute:: get_all_item_data + .. py:attribute:: extract_bounding_boxes :type: bool - :value: None - - - - .. py:method:: __post_init__() + :value: False -.. py:class:: ChatLLMPredictionArguments - Bases: :py:obj:`PredictionArguments` + .. py:attribute:: merge_file_schemas + :type: bool + :value: False - Prediction arguments for the CHAT_LLM problem type - :param llm_name: Name of the specific LLM backend to use to power the chat experience. - :type llm_name: str - :param num_completion_tokens: Default for maximum number of tokens for chat answers. - :type num_completion_tokens: int - :param system_message: The generative LLM system message. - :type system_message: str - :param temperature: The generative LLM temperature. - :type temperature: float - :param search_score_cutoff: Cutoff for the document retriever score. Matching search results below this score will be ignored. - :type search_score_cutoff: float - :param ignore_documents: If True, will ignore any documents and search results, and only use the messages to generate a response. - :type ignore_documents: bool + .. py:method:: __post_init__() - .. py:attribute:: llm_name - :type: str - :value: None +.. py:class:: _ApplicationConnectorDatasetConfigFactory + Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - .. py:attribute:: num_completion_tokens - :type: int - :value: None + .. py:attribute:: config_abstract_class + .. py:attribute:: config_class_key + :value: 'application_connector_type' - .. py:attribute:: system_message - :type: str - :value: None + .. py:attribute:: config_class_map - .. py:attribute:: temperature - :type: float - :value: None +.. py:class:: PredictionArguments + Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` - .. py:attribute:: search_score_cutoff - :type: float - :value: None + An abstract class for prediction arguments specific to problem type. - .. py:attribute:: ignore_documents + .. py:attribute:: _support_kwargs :type: bool - :value: None - - - - .. py:method:: __post_init__() - - -.. py:class:: RegressionPredictionArguments - - Bases: :py:obj:`PredictionArguments` + :value: True - Prediction arguments for the PREDICTIVE_MODELING problem type - :param explain_predictions: If true, will explain predictions. - :type explain_predictions: bool - :param explainer_type: Type of explainer to use for explanations. - :type explainer_type: str + .. py:attribute:: kwargs + :type: dict - .. py:attribute:: explain_predictions - :type: bool + .. py:attribute:: problem_type + :type: abacusai.api_class.enums.ProblemType :value: None - .. py:attribute:: explainer_type - :type: str - :value: None - - + .. py:method:: _get_builder() + :classmethod: - .. py:method:: __post_init__() -.. py:class:: ForecastingPredictionArguments +.. py:class:: OptimizationPredictionArguments Bases: :py:obj:`PredictionArguments` - Prediction arguments for the FORECASTING problem type - - :param num_predictions: The number of timestamps to predict in the future. - :type num_predictions: int - :param prediction_start: The start date for predictions (e.g., "2015-08-01T00:00:00" as input for mid-night of 2015-08-01). - :type prediction_start: str - :param explain_predictions: If True, explain predictions for forecasting. - :type explain_predictions: bool - :param explainer_type: Type of explainer to use for explanations. - :type explainer_type: str - :param get_item_data: If True, will return the data corresponding to items as well. - :type get_item_data: bool - - - .. py:attribute:: num_predictions - :type: int - :value: None - - - - .. py:attribute:: prediction_start - :type: str - :value: None + Prediction arguments for the OPTIMIZATION problem type + :param forced_assignments: Set of assignments to force and resolve before returning query results. + :type forced_assignments: dict + :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. + :type solve_time_limit_seconds: float + :param include_all_assignments: If True, will return all assignments, including assignments with value 0. Default is False. + :type include_all_assignments: bool - .. py:attribute:: explain_predictions - :type: bool + .. py:attribute:: forced_assignments + :type: dict :value: None - .. py:attribute:: explainer_type - :type: str + .. py:attribute:: solve_time_limit_seconds + :type: float :value: None - .. py:attribute:: get_item_data + .. py:attribute:: include_all_assignments :type: bool :value: None @@ -4395,50 +4770,34 @@ Package Contents .. py:method:: __post_init__() -.. py:class:: CumulativeForecastingPredictionArguments +.. py:class:: TimeseriesAnomalyPredictionArguments Bases: :py:obj:`PredictionArguments` - Prediction arguments for the CUMULATIVE_FORECASTING problem type - - :param num_predictions: The number of timestamps to predict in the future. - :type num_predictions: int - :param prediction_start: The start date for predictions (e.g., "2015-08-01T00:00:00" as input for mid-night of 2015-08-01). - :type prediction_start: str - :param explain_predictions: If True, explain predictions for forecasting. - :type explain_predictions: bool - :param explainer_type: Type of explainer to use for explanations. - :type explainer_type: str - :param get_item_data: If True, will return the data corresponding to items as well. - :type get_item_data: bool - - - .. py:attribute:: num_predictions - :type: int - :value: None + Prediction arguments for the TS_ANOMALY problem type + :param start_timestamp: Timestamp from which anomalies have to be detected in the training data + :type start_timestamp: str + :param end_timestamp: Timestamp to which anomalies have to be detected in the training data + :type end_timestamp: str + :param get_all_item_data: If True, anomaly detection has to be performed on all the data related to input ids + :type get_all_item_data: bool - .. py:attribute:: prediction_start + .. py:attribute:: start_timestamp :type: str :value: None - .. py:attribute:: explain_predictions - :type: bool - :value: None - - - - .. py:attribute:: explainer_type + .. py:attribute:: end_timestamp :type: str :value: None - .. py:attribute:: get_item_data + .. py:attribute:: get_all_item_data :type: bool :value: None @@ -4447,12 +4806,204 @@ Package Contents .. py:method:: __post_init__() -.. py:class:: NaturalLanguageSearchPredictionArguments +.. py:class:: ChatLLMPredictionArguments Bases: :py:obj:`PredictionArguments` - Prediction arguments for the NATURAL_LANGUAGE_SEARCH problem type + Prediction arguments for the CHAT_LLM problem type + + :param llm_name: Name of the specific LLM backend to use to power the chat experience. + :type llm_name: str + :param num_completion_tokens: Default for maximum number of tokens for chat answers. + :type num_completion_tokens: int + :param system_message: The generative LLM system message. + :type system_message: str + :param temperature: The generative LLM temperature. + :type temperature: float + :param search_score_cutoff: Cutoff for the document retriever score. Matching search results below this score will be ignored. + :type search_score_cutoff: float + :param ignore_documents: If True, will ignore any documents and search results, and only use the messages to generate a response. + :type ignore_documents: bool + + + .. py:attribute:: llm_name + :type: str + :value: None + + + + .. py:attribute:: num_completion_tokens + :type: int + :value: None + + + + .. py:attribute:: system_message + :type: str + :value: None + + + + .. py:attribute:: temperature + :type: float + :value: None + + + + .. py:attribute:: search_score_cutoff + :type: float + :value: None + + + + .. py:attribute:: ignore_documents + :type: bool + :value: None + + + + .. py:method:: __post_init__() + + +.. py:class:: RegressionPredictionArguments + + Bases: :py:obj:`PredictionArguments` + + + Prediction arguments for the PREDICTIVE_MODELING problem type + + :param explain_predictions: If true, will explain predictions. + :type explain_predictions: bool + :param explainer_type: Type of explainer to use for explanations. + :type explainer_type: str + + + .. py:attribute:: explain_predictions + :type: bool + :value: None + + + + .. py:attribute:: explainer_type + :type: str + :value: None + + + + .. py:method:: __post_init__() + + +.. py:class:: ForecastingPredictionArguments + + Bases: :py:obj:`PredictionArguments` + + + Prediction arguments for the FORECASTING problem type + + :param num_predictions: The number of timestamps to predict in the future. + :type num_predictions: int + :param prediction_start: The start date for predictions (e.g., "2015-08-01T00:00:00" as input for mid-night of 2015-08-01). + :type prediction_start: str + :param explain_predictions: If True, explain predictions for forecasting. + :type explain_predictions: bool + :param explainer_type: Type of explainer to use for explanations. + :type explainer_type: str + :param get_item_data: If True, will return the data corresponding to items as well. + :type get_item_data: bool + + + .. py:attribute:: num_predictions + :type: int + :value: None + + + + .. py:attribute:: prediction_start + :type: str + :value: None + + + + .. py:attribute:: explain_predictions + :type: bool + :value: None + + + + .. py:attribute:: explainer_type + :type: str + :value: None + + + + .. py:attribute:: get_item_data + :type: bool + :value: None + + + + .. py:method:: __post_init__() + + +.. py:class:: CumulativeForecastingPredictionArguments + + Bases: :py:obj:`PredictionArguments` + + + Prediction arguments for the CUMULATIVE_FORECASTING problem type + + :param num_predictions: The number of timestamps to predict in the future. + :type num_predictions: int + :param prediction_start: The start date for predictions (e.g., "2015-08-01T00:00:00" as input for mid-night of 2015-08-01). + :type prediction_start: str + :param explain_predictions: If True, explain predictions for forecasting. + :type explain_predictions: bool + :param explainer_type: Type of explainer to use for explanations. + :type explainer_type: str + :param get_item_data: If True, will return the data corresponding to items as well. + :type get_item_data: bool + + + .. py:attribute:: num_predictions + :type: int + :value: None + + + + .. py:attribute:: prediction_start + :type: str + :value: None + + + + .. py:attribute:: explain_predictions + :type: bool + :value: None + + + + .. py:attribute:: explainer_type + :type: str + :value: None + + + + .. py:attribute:: get_item_data + :type: bool + :value: None + + + + .. py:method:: __post_init__() + + +.. py:class:: NaturalLanguageSearchPredictionArguments + + Bases: :py:obj:`PredictionArguments` + + + Prediction arguments for the NATURAL_LANGUAGE_SEARCH problem type :param llm_name: Name of the specific LLM backend to use to power the chat experience. :type llm_name: str @@ -4532,10 +5083,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -5584,6 +6131,16 @@ Package Contents + .. py:attribute:: TS + :value: 'TS' + + + + .. py:attribute:: TSX + :value: 'TSX' + + + .. py:class:: ExperimentationMode Bases: :py:obj:`ApiEnum` @@ -6284,6 +6841,11 @@ Package Contents + .. py:attribute:: GOOGLECALENDAR + :value: 'GOOGLECALENDAR' + + + .. py:attribute:: GIT :value: 'GIT' @@ -6359,11 +6921,6 @@ Package Contents - .. py:attribute:: GOOGLECALENDAR - :value: 'GOOGLECALENDAR' - - - .. py:attribute:: GOOGLESHEETS :value: 'GOOGLESHEETS' @@ -6394,6 +6951,71 @@ Package Contents + .. py:attribute:: SFTPAPPLICATION + :value: 'SFTPAPPLICATION' + + + + .. py:attribute:: OAUTH + :value: 'OAUTH' + + + + .. py:attribute:: SALESFORCE + :value: 'SALESFORCE' + + + + .. py:attribute:: TWITTER + :value: 'TWITTER' + + + + .. py:attribute:: MCP + :value: 'MCP' + + + + .. py:attribute:: ODBC + :value: 'ODBC' + + + + .. py:attribute:: DBC + :value: 'DBC' + + + + .. py:attribute:: GENERIC_OAUTH + :value: 'GENERIC_OAUTH' + + + + .. py:attribute:: OUTLOOK + :value: 'OUTLOOK' + + + + .. py:attribute:: BIGQUERY + :value: 'BIGQUERY' + + + + .. py:attribute:: AZURESTORAGE + :value: 'AZURESTORAGE' + + + + .. py:method:: user_connectors() + :classmethod: + + + + .. py:method:: database_connectors() + :classmethod: + + + .. py:class:: StreamingConnectorType Bases: :py:obj:`ApiEnum` @@ -6484,6 +7106,16 @@ Package Contents + .. py:attribute:: ATTACHMENT + :value: 'ATTACHMENT' + + + + .. py:method:: to_json_type(type) + :staticmethod: + + + .. py:class:: PythonFunctionOutputArgumentType Bases: :py:obj:`ApiEnum` @@ -6559,6 +7191,11 @@ Package Contents + .. py:attribute:: ATTACHMENT + :value: 'ATTACHMENT' + + + .. py:class:: LLMName Bases: :py:obj:`ApiEnum` @@ -6569,6 +7206,16 @@ Package Contents Derive from this class to define new enumerations. + .. py:attribute:: OPENAI_GPT3_5 + :value: 'OPENAI_GPT3_5' + + + + .. py:attribute:: OPENAI_GPT3_5_TEXT + :value: 'OPENAI_GPT3_5_TEXT' + + + .. py:attribute:: OPENAI_GPT4 :value: 'OPENAI_GPT4' @@ -6604,48 +7251,78 @@ Package Contents - .. py:attribute:: OPENAI_GPT3_5 - :value: 'OPENAI_GPT3_5' + .. py:attribute:: OPENAI_O3 + :value: 'OPENAI_O3' - .. py:attribute:: OPENAI_GPT3_5_TEXT - :value: 'OPENAI_GPT3_5_TEXT' + .. py:attribute:: OPENAI_O3_HIGH + :value: 'OPENAI_O3_HIGH' - .. py:attribute:: LLAMA3_1_405B - :value: 'LLAMA3_1_405B' + .. py:attribute:: OPENAI_O4_MINI + :value: 'OPENAI_O4_MINI' - .. py:attribute:: LLAMA3_1_70B - :value: 'LLAMA3_1_70B' + .. py:attribute:: OPENAI_O4_MINI_HIGH + :value: 'OPENAI_O4_MINI_HIGH' - .. py:attribute:: LLAMA3_1_8B - :value: 'LLAMA3_1_8B' + .. py:attribute:: OPENAI_GPT4_1 + :value: 'OPENAI_GPT4_1' - .. py:attribute:: LLAMA3_3_70B - :value: 'LLAMA3_3_70B' + .. py:attribute:: OPENAI_GPT4_1_MINI + :value: 'OPENAI_GPT4_1_MINI' - .. py:attribute:: LLAMA3_LARGE_CHAT - :value: 'LLAMA3_LARGE_CHAT' + .. py:attribute:: OPENAI_GPT4_1_NANO + :value: 'OPENAI_GPT4_1_NANO' - .. py:attribute:: CLAUDE_V3_OPUS - :value: 'CLAUDE_V3_OPUS' + .. py:attribute:: OPENAI_GPT5 + :value: 'OPENAI_GPT5' + + + .. py:attribute:: OPENAI_GPT5_MINI + :value: 'OPENAI_GPT5_MINI' - .. py:attribute:: CLAUDE_V3_SONNET - :value: 'CLAUDE_V3_SONNET' + + .. py:attribute:: OPENAI_GPT5_MINI_HIGH + :value: 'OPENAI_GPT5_MINI_HIGH' + + + + .. py:attribute:: OPENAI_GPT5_MINI_LOW + :value: 'OPENAI_GPT5_MINI_LOW' + + + + .. py:attribute:: OPENAI_GPT5_NANO + :value: 'OPENAI_GPT5_NANO' + + + + .. py:attribute:: OPENAI_GPT5_NANO_HIGH + :value: 'OPENAI_GPT5_NANO_HIGH' + + + + .. py:attribute:: OPENAI_GPT5_1 + :value: 'OPENAI_GPT5_1' + + + + .. py:attribute:: OPENAI_GPT5_2 + :value: 'OPENAI_GPT5_2' @@ -6654,8 +7331,8 @@ Package Contents - .. py:attribute:: CLAUDE_V3_5_SONNET - :value: 'CLAUDE_V3_5_SONNET' + .. py:attribute:: CLAUDE_V3_OPUS + :value: 'CLAUDE_V3_OPUS' @@ -6664,23 +7341,118 @@ Package Contents + .. py:attribute:: CLAUDE_V3_5_SONNET + :value: 'CLAUDE_V3_5_SONNET' + + + + .. py:attribute:: CLAUDE_V3_7_SONNET + :value: 'CLAUDE_V3_7_SONNET' + + + + .. py:attribute:: CLAUDE_V4_SONNET + :value: 'CLAUDE_V4_SONNET' + + + + .. py:attribute:: CLAUDE_V4_OPUS + :value: 'CLAUDE_V4_OPUS' + + + + .. py:attribute:: CLAUDE_V4_5_SONNET + :value: 'CLAUDE_V4_5_SONNET' + + + .. py:attribute:: GEMINI_1_5_PRO :value: 'GEMINI_1_5_PRO' + .. py:attribute:: GEMINI_1_5_FLASH + :value: 'GEMINI_1_5_FLASH' + + + + .. py:attribute:: GEMINI_2_PRO + :value: 'GEMINI_2_PRO' + + + .. py:attribute:: GEMINI_2_FLASH :value: 'GEMINI_2_FLASH' - .. py:attribute:: GEMINI_2_FLASH_THINKING - :value: 'GEMINI_2_FLASH_THINKING' + .. py:attribute:: GEMINI_2_5_PRO + :value: 'GEMINI_2_5_PRO' - .. py:attribute:: GEMINI_2_PRO - :value: 'GEMINI_2_PRO' + .. py:attribute:: GEMINI_3_PRO + :value: 'GEMINI_3_PRO' + + + + .. py:attribute:: GEMINI_2_5_FLASH + :value: 'GEMINI_2_5_FLASH' + + + + .. py:attribute:: GEMINI_3_FLASH + :value: 'GEMINI_3_FLASH' + + + + .. py:attribute:: XAI_GROK + :value: 'XAI_GROK' + + + + .. py:attribute:: XAI_GROK_3 + :value: 'XAI_GROK_3' + + + + .. py:attribute:: XAI_GROK_3_MINI + :value: 'XAI_GROK_3_MINI' + + + + .. py:attribute:: XAI_GROK_4 + :value: 'XAI_GROK_4' + + + + .. py:attribute:: LLAMA4_MAVERICK + :value: 'LLAMA4_MAVERICK' + + + + .. py:attribute:: LLAMA3_1_405B + :value: 'LLAMA3_1_405B' + + + + .. py:attribute:: LLAMA3_1_70B + :value: 'LLAMA3_1_70B' + + + + .. py:attribute:: LLAMA3_1_8B + :value: 'LLAMA3_1_8B' + + + + .. py:attribute:: LLAMA3_3_70B + :value: 'LLAMA3_3_70B' + + + + .. py:attribute:: LLAMA3_LARGE_CHAT + :value: 'LLAMA3_LARGE_CHAT' @@ -6714,18 +7486,23 @@ Package Contents - .. py:attribute:: GEMINI_1_5_FLASH - :value: 'GEMINI_1_5_FLASH' + .. py:attribute:: QWEN3_32B + :value: 'QWEN3_32B' - .. py:attribute:: XAI_GROK - :value: 'XAI_GROK' + .. py:attribute:: QWEN3_235B_A22B + :value: 'QWEN3_235B_A22B' + + + + .. py:attribute:: QWEN3_CODER + :value: 'QWEN3_CODER' - .. py:attribute:: DEEPSEEK_V3 - :value: 'DEEPSEEK_V3' + .. py:attribute:: DEEPSEEK_V3_1 + :value: 'DEEPSEEK_V3_1' @@ -6929,6 +7706,11 @@ Package Contents + .. py:attribute:: CONNECTOR_TOOL + :value: 'CONNECTOR_TOOL' + + + .. py:class:: EvalArtifactType Bases: :py:obj:`ApiEnum` @@ -7434,6 +8216,99 @@ Package Contents + .. py:attribute:: CODE_LLM_AGENT + :value: 'CODE_LLM_AGENT' + + + + .. py:attribute:: CHAT_LLM_TASK + :value: 'CHAT_LLM_TASK' + + + + .. py:attribute:: COMPUTER_AGENT + :value: 'COMPUTER_AGENT' + + + + .. py:attribute:: SEARCH_LLM + :value: 'SEARCH_LLM' + + + + .. py:attribute:: APP_LLM + :value: 'APP_LLM' + + + + .. py:attribute:: TEST_AGENT + :value: 'TEST_AGENT' + + + + .. py:attribute:: SUPER_AGENT + :value: 'SUPER_AGENT' + + + + .. py:attribute:: CODE_LLM_NON_INTERACTIVE + :value: 'CODE_LLM_NON_INTERACTIVE' + + + + .. py:attribute:: BROWSER_EXTENSION + :value: 'BROWSER_EXTENSION' + + + +.. py:class:: AgentClientType + + Bases: :py:obj:`ApiEnum` + + + Generic enumeration. + + Derive from this class to define new enumerations. + + + .. py:attribute:: CHAT_UI + :value: 'CHAT_UI' + + + + .. py:attribute:: MESSAGING_APP + :value: 'MESSAGING_APP' + + + + .. py:attribute:: API + :value: 'API' + + + +.. py:class:: OrganizationSecretType + + Bases: :py:obj:`ApiEnum` + + + Enum for organization secret types + + + .. py:attribute:: ORG_SECRET + :value: 'ORG_SECRET' + + + + .. py:attribute:: ORG_API_CREDENTIALS + :value: 'ORG_API_CREDENTIALS' + + + + .. py:attribute:: USER_API_CREDENTIALS + :value: 'USER_API_CREDENTIALS' + + + .. py:class:: SamplingConfig Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -9419,6 +10294,29 @@ Package Contents .. py:method:: __post_init__() +.. py:class:: SystemConnectorTool + + Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` + + + System connector tool used to integrate chatbots with external services. + + :param value: The name of the tool. + :type value: str + :param configs: Optional. A dictionary of key-value pairs that are used to configure the tool. + :type configs: dict + + + .. py:attribute:: value + :type: str + + + .. py:attribute:: configs + :type: dict + :value: None + + + .. py:class:: ChatLLMTrainingConfig Bases: :py:obj:`TrainingConfig` @@ -9465,6 +10363,8 @@ Package Contents :type hide_sql_and_code: bool :param disable_data_summarization: After executing a query summarize the reponse and reply back with only the table and query run. :type disable_data_summarization: bool + :param disable_data_fetch_for_training: Train using only table and column schema metadata without fetching sample data. This speeds up training but may result in less context for the model. + :type disable_data_fetch_for_training: bool :param data_columns_to_ignore: Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format "." :type data_columns_to_ignore: List[str] :param search_score_cutoff: Minimum search score to consider a document as a valid search result. @@ -9473,6 +10373,8 @@ Package Contents :type include_bm25_retrieval: bool :param database_connector_id: Database connector ID to use for connecting external database that gives access to structured data to the LLM. :type database_connector_id: str + :param database_connector_ids: List of database connector IDs to use for connecting external databases that give access to structured data to the LLM. + :type database_connector_ids: List[str] :param database_connector_tables: List of tables to use from the database connector for the ChatLLM. :type database_connector_tables: List[str] :param enable_code_execution: Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed. @@ -9481,7 +10383,7 @@ Package Contents :type enable_response_caching: bool :param unknown_answer_phrase: Fallback response when the LLM can't find an answer. :type unknown_answer_phrase: str - :param enable_tool_bar: Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. + :param enable_tool_bar: Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. Enabling this requires enable_web_search to be enabled. :type enable_tool_bar: bool :param enable_inline_source_citations: Enable inline citations of the sources in the response. :type enable_inline_source_citations: bool @@ -9490,6 +10392,16 @@ Package Contents :type json_response_instructions: str :param json_response_schema: Specifies the JSON schema that the model should adhere to if `response_format` is set to "JSON". This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields 'type', 'required' and 'description'. For example - '{"sample_field": {"type": "integer", "required": true, "description": "Sample Field"}}' :type json_response_schema: str + :param mask_pii: Mask PII in the prompts and uploaded documents before sending it to the LLM. Only available for Enterprise users and will cause validation errors if set to True for ChatLLM Teams users. + :type mask_pii: bool + :param builtin_tools: List of builtin system connector tools to use in the ChatLLM. Using builtin tools does not require enabling tool bar (enable_tool_bar flag). + :type builtin_tools: List[SystemConnectorTool] + :param config_connectors: List of names of config connectors to use in the ChatLLM. This should not be used with document_retrievers. + :type config_connectors: List[str] + :param mcp_servers: List of names of MCP servers to use in the ChatLLM. This should not be used with document_retrievers. + :type mcp_servers: List[str] + :param agentic_loop_mode: Enables use of agentic loop that uses a series of tool calls when needed to respond. If set to False, the agentic loop will not be used. If not set or set to Auto, the agentic loop will be automatically used based on certain conditions like presence of tools in the model. + :type agentic_loop_mode: bool .. py:attribute:: document_retrievers @@ -9612,6 +10524,12 @@ Package Contents + .. py:attribute:: disable_data_fetch_for_training + :type: bool + :value: None + + + .. py:attribute:: data_columns_to_ignore :type: List[str] :value: None @@ -9636,6 +10554,12 @@ Package Contents + .. py:attribute:: database_connector_ids + :type: List[str] + :value: None + + + .. py:attribute:: database_connector_tables :type: List[str] :value: None @@ -9702,6 +10626,36 @@ Package Contents + .. py:attribute:: mask_pii + :type: bool + :value: None + + + + .. py:attribute:: builtin_tools + :type: List[SystemConnectorTool] + :value: None + + + + .. py:attribute:: config_connectors + :type: List[str] + :value: None + + + + .. py:attribute:: mcp_servers + :type: List[str] + :value: None + + + + .. py:attribute:: agentic_loop_mode + :type: bool + :value: None + + + .. py:method:: __post_init__() @@ -10290,10 +11244,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -10883,10 +11833,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -10955,10 +11901,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -11003,11 +11945,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: FeatureMappingConfig @@ -11179,10 +12116,6 @@ Package Contents Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -11213,6 +12146,8 @@ Package Contents :type pipeline_variable: str :param description: The description of the argument :type description: str + :param long_description: The detailed description of the argument + :type long_description: str :param item_type: Type of items when variable_type is LIST :type item_type: str @@ -11253,6 +12188,12 @@ Package Contents + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:attribute:: item_type :type: str :value: None @@ -11270,6 +12211,10 @@ Package Contents :type variable_type: PythonFunctionOutputArgumentType :param name: The name of the python function variable :type name: str + :param description: The description of the output + :type description: str + :param long_description: The detailed description of the output + :type long_description: str .. py:attribute:: variable_type @@ -11284,6 +12229,18 @@ Package Contents + .. py:attribute:: description + :type: str + :value: None + + + + .. py:attribute:: long_description + :type: str + :value: None + + + .. py:class:: FeatureGroupExportConfig Bases: :py:obj:`abacusai.api_class.abstract.ApiClass` @@ -11333,11 +12290,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: DatabaseConnectorExportConfig @@ -11401,21 +12353,12 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: _FeatureGroupExportConfigFactory Bases: :py:obj:`abacusai.api_class.abstract._ApiClassFactory` - Helper class that provides a standard way to create an ABC using - inheritance. - - .. py:attribute:: config_abstract_class @@ -11453,11 +12396,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:data:: Segment @@ -11509,7 +12447,7 @@ Package Contents :type: int -.. py:class:: TextResponseSection(text, section_key = None) +.. py:class:: TextResponseSection(segment = None, section_key = None, text = None) Bases: :py:obj:`ResponseSection` @@ -11605,11 +12543,6 @@ Package Contents .. py:method:: to_dict() - Standardizes converting an ApiClass to dictionary. - Keys of response dictionary are converted to camel case. - This also validates the fields ( type, value, etc ) received in the dictionary. - - .. py:class:: ListResponseSection(items, section_key = None) @@ -11661,7 +12594,7 @@ Package Contents :type: str -.. py:class:: ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None) +.. py:class:: ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None, hostingDomain=None, publicHostingDomain=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -11682,6 +12615,10 @@ Package Contents :type externalChatEndpoint: str :param dashboardEndpoint: The URI that the external chat will use to go back to the dashboard :type dashboardEndpoint: str + :param hostingDomain: The domain for hosted app deployments + :type hostingDomain: str + :param publicHostingDomain: The domain for publicly hosted app deployments + :type publicHostingDomain: str .. py:attribute:: api_endpoint @@ -11714,6 +12651,16 @@ Package Contents + .. py:attribute:: hosting_domain + :value: None + + + + .. py:attribute:: public_hosting_domain + :value: None + + + .. py:attribute:: deprecated_keys @@ -11746,7 +12693,7 @@ Package Contents :type apiKeySuffix: str :param tag: A user-friendly tag for the API key. :type tag: str - :param type: The type of the API key, either 'default', 'code-llm', or 'computer-use'. + :param type: The type of the API key, either 'default', 'code-llm', 'terminal', or 'computer-use'. :type type: str :param createdAt: The timestamp when the API key was created. :type createdAt: str @@ -11820,7 +12767,7 @@ Package Contents -.. py:class:: AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, users={}) +.. py:class:: AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, creationSource=None, users={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -11845,6 +12792,8 @@ Package Contents :type isExternalServiceGroup: bool :param externalServiceGroupId: The identifier that corresponds to the app user group's external service group representation :type externalServiceGroupId: str + :param creationSource: The source of the app user group + :type creationSource: str :param users: The users in the user group. :type users: User @@ -11889,6 +12838,11 @@ Package Contents + .. py:attribute:: creation_source + :value: None + + + .. py:attribute:: users @@ -11940,7 +12894,7 @@ Package Contents -.. py:class:: ApplicationConnector(client, applicationConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None) +.. py:class:: ApplicationConnector(client, applicationConnectorId=None, service=None, serviceName=None, name=None, createdAt=None, status=None, auth=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -11953,6 +12907,8 @@ Package Contents :type applicationConnectorId: str :param service: The service this connection connects to :type service: str + :param serviceName: For OAuth services, the specific provider name (e.g., 'spotify') + :type serviceName: str :param name: A user-friendly name for the service :type name: str :param createdAt: When the API key was created @@ -11973,6 +12929,11 @@ Package Contents + .. py:attribute:: service_name + :value: None + + + .. py:attribute:: name :value: None @@ -12044,7 +13005,7 @@ Package Contents -.. py:class:: AudioGenSettings(client, model=None) +.. py:class:: AudioGenSettings(client, model=None, settings=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -12053,8 +13014,10 @@ Package Contents :param client: An authenticated API Client instance :type client: ApiClient - :param model: Dropdown for models available for audio generation. + :param model: names of models available for audio generation. :type model: dict + :param settings: settings for each model. + :type settings: dict .. py:attribute:: model @@ -12062,6 +13025,126 @@ Package Contents + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: AudioUrlResult(client, audioUrl=None, creditsUsed=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + TTS result + + :param client: An authenticated API Client instance + :type client: ApiClient + :param audioUrl: The audio url. + :type audioUrl: str + :param creditsUsed: The credits used. + :type creditsUsed: float + + + .. py:attribute:: audio_url + :value: None + + + + .. py:attribute:: credits_used + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: AuditLog(client, createdAt=None, userId=None, objectId=None, action=None, source=None, refreshPolicyId=None, pipelineId=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + An audit log entry + + :param client: An authenticated API Client instance + :type client: ApiClient + :param createdAt: The timestamp when the audit log entry was created + :type createdAt: str + :param userId: The hashed ID of the user who performed the action + :type userId: str + :param objectId: The hashed ID of the object that was affected by the action + :type objectId: str + :param action: The action performed (create, modify, start, stop, delete, share, hide, credential_change, login) + :type action: str + :param source: The source of the action (api, ui, pipeline, cli, system) + :type source: str + :param refreshPolicyId: The hashed ID of the refresh policy if applicable + :type refreshPolicyId: str + :param pipelineId: The hashed ID of the pipeline if applicable + :type pipelineId: str + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: user_id + :value: None + + + + .. py:attribute:: object_id + :value: None + + + + .. py:attribute:: action + :value: None + + + + .. py:attribute:: source + :value: None + + + + .. py:attribute:: refresh_policy_id + :value: None + + + + .. py:attribute:: pipeline_id + :value: None + + + .. py:attribute:: deprecated_keys @@ -13052,7 +14135,7 @@ Package Contents -.. py:class:: ChatMessage(client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None) +.. py:class:: ChatMessage(client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None, computePointsUsed=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -13079,6 +14162,8 @@ Package Contents :type tasks: list[str] :param keywordArguments: A dict of kwargs used to generate the response. :type keywordArguments: dict + :param computePointsUsed: The number of compute points used for the message. + :type computePointsUsed: int .. py:attribute:: role @@ -13126,6 +14211,11 @@ Package Contents + .. py:attribute:: compute_points_used + :value: None + + + .. py:attribute:: deprecated_keys @@ -13326,6 +14416,229 @@ Package Contents +.. py:class:: ChatllmComputerStatus(client, computerId=None, vncEndpoint=None, computerStarted=None, restartRequired=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + ChatLLM Computer Status + + :param client: An authenticated API Client instance + :type client: ApiClient + :param computerId: The ID of the computer, it can be a deployment_conversation_id or a computer_id (TODO: add separate field for deployment_conversation_id) + :type computerId: str + :param vncEndpoint: The VNC endpoint of the computer + :type vncEndpoint: str + :param computerStarted: Whether the computer has started + :type computerStarted: bool + :param restartRequired: Whether the computer needs to be restarted + :type restartRequired: bool + + + .. py:attribute:: computer_id + :value: None + + + + .. py:attribute:: vnc_endpoint + :value: None + + + + .. py:attribute:: computer_started + :value: None + + + + .. py:attribute:: restart_required + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: ChatllmMemory(client, chatllmMemoryId=None, memory=None, sourceDeploymentConversationId=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + An LLM created memory in ChatLLM + + :param client: An authenticated API Client instance + :type client: ApiClient + :param chatllmMemoryId: The ID of the chatllm memory. + :type chatllmMemoryId: str + :param memory: The text of the ChatLLM memory. + :type memory: str + :param sourceDeploymentConversationId: The deployment conversation where this memory was created. + :type sourceDeploymentConversationId: str + + + .. py:attribute:: chatllm_memory_id + :value: None + + + + .. py:attribute:: memory + :value: None + + + + .. py:attribute:: source_deployment_conversation_id + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: ChatllmProject(client, chatllmProjectId=None, name=None, description=None, customInstructions=None, createdAt=None, updatedAt=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + ChatLLM Project + + :param client: An authenticated API Client instance + :type client: ApiClient + :param chatllmProjectId: The ID of the chatllm project. + :type chatllmProjectId: id + :param name: The name of the chatllm project. + :type name: str + :param description: The description of the chatllm project. + :type description: str + :param customInstructions: The custom instructions of the chatllm project. + :type customInstructions: str + :param createdAt: The creation time of the chatllm project. + :type createdAt: str + :param updatedAt: The update time of the chatllm project. + :type updatedAt: str + + + .. py:attribute:: chatllm_project_id + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: custom_instructions + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: ChatllmProjectPermissions(client, chatllmProjectId=None, accessLevel=None, userPermissions=None, userGroupPermissions=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + ChatLLM Project Permissions + + :param client: An authenticated API Client instance + :type client: ApiClient + :param chatllmProjectId: The ID of the chatllm project. + :type chatllmProjectId: id + :param accessLevel: The access level of the chatllm project. + :type accessLevel: str + :param userPermissions: List of tuples containing (user_id, permission). + :type userPermissions: list + :param userGroupPermissions: List of tuples containing (user_group_id, permission). + :type userGroupPermissions: list + + + .. py:attribute:: chatllm_project_id + :value: None + + + + .. py:attribute:: access_level + :value: None + + + + .. py:attribute:: user_permissions + :value: None + + + + .. py:attribute:: user_group_permissions + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: ChatllmReferralInvite(client, userAlreadyExists=None, successfulInvites=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -13366,7 +14679,7 @@ Package Contents -.. py:class:: ChatllmTask(client, chatllmTaskId=None, name=None, instructions=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, enableEmailAlerts=None, email=None) +.. py:class:: ChatllmTask(client, chatllmTaskId=None, daemonTaskId=None, taskType=None, name=None, instructions=None, description=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, sourceDeploymentConversationId=None, enableEmailAlerts=None, email=None, numUnreadTaskInstances=None, computePointsUsed=None, displayMarkdown=None, requiresNewConversation=None, executionMode=None, taskDefinition=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -13377,10 +14690,16 @@ Package Contents :type client: ApiClient :param chatllmTaskId: The id of the chatllm task. :type chatllmTaskId: str + :param daemonTaskId: The id of the daemon task. + :type daemonTaskId: str + :param taskType: The type of task ('chatllm' or 'daemon'). + :type taskType: str :param name: The name of the chatllm task. :type name: str :param instructions: The instructions of the chatllm task. :type instructions: str + :param description: The description of the chatllm task. + :type description: str :param lifecycle: The lifecycle of the chatllm task. :type lifecycle: str :param scheduleInfo: The schedule info of the chatllm task. @@ -13389,10 +14708,24 @@ Package Contents :type externalApplicationId: str :param deploymentConversationId: The deployment conversation id associated with the chatllm task. :type deploymentConversationId: str + :param sourceDeploymentConversationId: The source deployment conversation id associated with the chatllm task. + :type sourceDeploymentConversationId: str :param enableEmailAlerts: Whether email alerts are enabled for the chatllm task. :type enableEmailAlerts: bool :param email: The email to send alerts to. :type email: str + :param numUnreadTaskInstances: The number of unread task instances for the chatllm task. + :type numUnreadTaskInstances: int + :param computePointsUsed: The compute points used for the chatllm task. + :type computePointsUsed: int + :param displayMarkdown: The display markdown for the chatllm task. + :type displayMarkdown: str + :param requiresNewConversation: Whether a new conversation is required for the chatllm task. + :type requiresNewConversation: bool + :param executionMode: The execution mode of the chatllm task. + :type executionMode: str + :param taskDefinition: The task definition (for web_service_trigger tasks). + :type taskDefinition: dict .. py:attribute:: chatllm_task_id @@ -13400,6 +14733,16 @@ Package Contents + .. py:attribute:: daemon_task_id + :value: None + + + + .. py:attribute:: task_type + :value: None + + + .. py:attribute:: name :value: None @@ -13410,6 +14753,11 @@ Package Contents + .. py:attribute:: description + :value: None + + + .. py:attribute:: lifecycle :value: None @@ -13430,6 +14778,11 @@ Package Contents + .. py:attribute:: source_deployment_conversation_id + :value: None + + + .. py:attribute:: enable_email_alerts :value: None @@ -13440,6 +14793,36 @@ Package Contents + .. py:attribute:: num_unread_task_instances + :value: None + + + + .. py:attribute:: compute_points_used + :value: None + + + + .. py:attribute:: display_markdown + :value: None + + + + .. py:attribute:: requires_new_conversation + :value: None + + + + .. py:attribute:: execution_mode + :value: None + + + + .. py:attribute:: task_definition + :value: None + + + .. py:attribute:: deprecated_keys @@ -13525,6 +14908,47 @@ Package Contents + .. py:method:: get_assignments_online_with_new_inputs(deployment_token, deployment_id, assignments_df = None, constraints_df = None, constraint_equations_df = None, feature_mapping_dict = None, solve_time_limit_seconds = None, optimality_gap_limit = None) + + Get alternative positive assignments for given query. Optimal assignments are ignored and the alternative assignments are returned instead. + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: ID + :param assignments_df: A dataframe with all the variables involved in the optimization problem + :type assignments_df: pd.DataFrame + :param constraints_df: A dataframe of individual constraints, and variables in them + :type constraints_df: pd.DataFrame + :param constraint_equations_df: A dataframe which tells us about the operator / constant / penalty etc of a constraint + This gives us some data which is needed to make sense of the constraints_df. + :type constraint_equations_df: pd.DataFrame + :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. + :type solve_time_limit_seconds: float + :param optimality_gap_limit: Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found) + :type optimality_gap_limit: float + + :returns: The assignments for a given query. + :rtype: Dict + + + + .. py:method:: get_optimization_input_dataframes_with_new_inputs(deployment_token, deployment_id, query_data) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. values are dataframes and keys are their names. Names should be same as the ones used during training. + :type query_data: dict + + :returns: The output dataframes for a given query. These will be in serialized form. So, effectively we would have a dict of keys, and serialized dataframes. + :rtype: Dict + + + .. py:method:: create_dataset_version_from_pandas(table_name_or_id, df, clean_column_names = False) [Deprecated] @@ -13788,7 +15212,7 @@ Package Contents - .. py:method:: create_python_function_from_function(name, function, function_variable_mappings = None, package_requirements = None, function_type = PythonFunctionType.FEATURE_GROUP.value) + .. py:method:: create_python_function_from_function(name, function, function_variable_mappings = None, package_requirements = None, function_type = PythonFunctionType.FEATURE_GROUP.value, description = None) Creates a custom Python function @@ -13802,6 +15226,8 @@ Package Contents :type package_requirements: List :param function_type: Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG. :type function_type: PythonFunctionType + :param description: Description of the Python function. + :type description: str @@ -14095,7 +15521,7 @@ Package Contents .. py:method:: execute_workflow_node(node, inputs) - Execute the workflow node given input arguments. + Execute the workflow node given input arguments. This is to be used for testing purposes only. :param node: The workflow node to be executed. :type node: WorkflowGraphNode @@ -14172,6 +15598,15 @@ Package Contents + .. py:method:: _get_agent_client_type() + + Returns the client type for the current request context. + + :returns: The client type for the current request context. + :rtype: AgentClientType + + + .. py:method:: get_agent_context_chat_history() Gets a history of chat messages from the current request context. Applicable within a AIAgent @@ -14289,7 +15724,7 @@ Package Contents .. py:method:: get_agent_context_user_info() - Gets information about the user interacting with the agent. + Gets information about the user interacting with the agent and user action if applicable. Applicable within a AIAgent execute function. :returns: Containing email and name of the end user. @@ -14297,14 +15732,16 @@ Package Contents - .. py:method:: get_agent_runtime_config(key) + .. py:method:: get_runtime_config(key) - Gets the deployment level runtime config for the agent + Retrieve the value of a specified configuration key from the deployment's runtime settings. + These settings can be configured in the deployment details page in the UI. + Currently supported for AI Agents, Custom Python Model and Prediction Operators. - :param key: Key for which the config value is to be fetched + :param key: The configuration key whose value is to be fetched. :type key: str - :returns: Config value for the input key + :returns: The value associated with the specified configuration key, or None if the key does not exist. :rtype: str @@ -14388,9 +15825,9 @@ Package Contents - .. py:method:: _get_agent_async_app_caller() + .. py:method:: _get_agent_caller() - Gets the caller for the current request context of async app. Applicable within a AIAgent execute function. + Gets the caller for the current request context. Applicable within a AIAgent execute function. :returns: The caller for the current request being processed by the Agent. :rtype: str @@ -14399,9 +15836,18 @@ Package Contents .. py:method:: _is_proxy_app_caller() - Gets the caller for the current request context of async app. Applicable within a AIAgent execute function. + Checks if the caller is cluster-proxy app. - :returns: True if the caller is proxy app. + :returns: True if the caller is cluster-proxy app. + :rtype: bool + + + + .. py:method:: _is_async_app_caller() + + Checks if the caller is async app. + + :returns: True if the caller is async app. :rtype: bool @@ -14610,7 +16056,7 @@ Package Contents - .. py:method:: get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False) + .. py:method:: get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False, user_info = None) Return an asynchronous generator which continues the conversation based on the input messages and search results. @@ -14638,10 +16084,12 @@ Package Contents :type ignore_documents: bool :param include_search_results: If True, will also return search results, if relevant. :type include_search_results: bool + :param user_info: The information of the user to act on behalf of for user restricted data sources. + :type user_info: dict - .. py:method:: get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False) + .. py:method:: get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, ignore_documents = False, include_search_results = False, user_info = None) Return an asynchronous generator which continues the conversation based on the input messages and search results. @@ -14673,6 +16121,8 @@ Package Contents :type ignore_documents: bool :param include_search_results: If True, will also return search results, if relevant. :type include_search_results: bool + :param user_info: The information of the user to act on behalf of for user restricted data sources. + :type user_info: dict @@ -14781,6 +16231,30 @@ Package Contents + .. py:method:: execute_agent_with_binary_data(deployment_token, deployment_id, arguments = None, keyword_arguments = None, deployment_conversation_id = None, external_session_id = None, blobs = None) + + Executes a deployed AI agent function with binary data as inputs. + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. + :type deployment_token: str + :param deployment_id: A unique string identifier for the deployment created under the project. + :type deployment_id: str + :param arguments: Positional arguments to the agent execute function. + :type arguments: list + :param keyword_arguments: A dictionary where each 'key' represents the parameter name and its corresponding 'value' represents the value of that parameter for the agent execute function. + :type keyword_arguments: dict + :param deployment_conversation_id: A unique string identifier for the deployment conversation used for the conversation. + :type deployment_conversation_id: str + :param external_session_id: A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. + :type external_session_id: str + :param blobs: A dictionary of binary data to use as inputs to the agent execute function. + :type blobs: None + + :returns: The result of the agent execution + :rtype: AgentDataExecutionResult + + + .. py:method:: add_user_to_organization(email) Invite a user to your organization. This method will send the specified email address an invitation link to join your organization. @@ -14903,6 +16377,17 @@ Package Contents + .. py:method:: set_user_role_to_platform(workspace, email) + + Set the user's role to have the Abacus.AI platform access. + + :param workspace: The workspace for the user that's getting platform access. + :type workspace: str + :param email: The email for the user that's getting platform access. + :type email: str + + + .. py:method:: create_deployment_webhook(deployment_id, endpoint, webhook_event_type, payload_template = None) Create a webhook attached to a given deployment ID. @@ -14951,7 +16436,7 @@ Package Contents :param name: The project's name. :type name: str - :param use_case: The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION. + :param use_case: The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/developer-platform/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION. :type use_case: str :returns: This object represents the newly created project. @@ -14959,6 +16444,27 @@ Package Contents + .. py:method:: list_projects_dashboard(updated_filter = None, limit = 50, since_project_id = None, search = None, starred = None, tag = None, tags = None) + + Retrieves a list of projects for dashboard display with filtering and pagination support. + + :param updated_filter: Unix timestamp to filter projects updated after this time. + :type updated_filter: int + :param limit: The maximum number of projects to return (default: 50). + :type limit: int + :param since_project_id: The ID of the project after which the list starts for pagination. + :type since_project_id: str + :param search: Search term to filter projects by name, creator email, or use case. + :type search: str + :param starred: Filter by starred status (True for starred, False for non-starred). + :type starred: bool + :param tag: Filter by a single tag (deprecated, use tags instead). + :type tag: str + :param tags: List of tags to filter projects by. + :type tags: list + + + .. py:method:: rename_project(project_id, name) This method renames a project after it is created. @@ -15010,6 +16516,23 @@ Package Contents + .. py:method:: get_raw_data_from_realtime_dataset(dataset_id, check_permissions = False, start_time = None, end_time = None, column_filter = None) + + Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets. + + :param dataset_id: The unique ID associated with the dataset. + :type dataset_id: str + :param check_permissions: If True, checks user permissions using session email. + :type check_permissions: bool + :param start_time: Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type start_time: str + :param end_time: End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type end_time: str + :param column_filter: Dictionary mapping column names to filter values. Only rows matching all column filters will be returned. + :type column_filter: dict + + + .. py:method:: add_feature_group_to_project(feature_group_id, project_id, feature_group_type = 'CUSTOM_TABLE') Adds a feature group to a project. @@ -15080,6 +16603,19 @@ Package Contents + .. py:method:: add_project_scope_for_user(project_id, email, scope) + + Add a user to a project. + + :param project_id: The project's id. + :type project_id: str + :param email: The user's email. + :type email: str + :param scope: The list of project scopes. + :type scope: list + + + .. py:method:: add_annotation(annotation, feature_group_id, feature_name, doc_id = None, feature_group_row_identifier = None, annotation_source = 'ui', status = None, comments = None, project_id = None, save_metadata = False, pages = None) Add an annotation entry to the database. @@ -15294,16 +16830,17 @@ Package Contents Creates a new feature group defined as the union of other feature group versions. - Args: - source_feature_group_id (str): Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group. - table_name (str): Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores. - merge_config (MergeConfig): JSON object defining the merging method and its parameters. - description (str): Human-readable description of this feature group. + :param source_feature_group_id: Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group. + :type source_feature_group_id: str + :param table_name: Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores. + :type table_name: str + :param merge_config: JSON object defining the merging method and its parameters. + :type merge_config: MergeConfig + :param description: Human-readable description of this feature group. + :type description: str - Returns: - FeatureGroup: The created feature group. - Description: - Creates a new feature group defined as the union of other feature group versions. + :returns: The created feature group. + :rtype: FeatureGroup @@ -16070,7 +17607,7 @@ Package Contents :type database_connector_id: str :param object_name: Name of the database object to write to. :type object_name: str - :param write_mode: Enum string indicating whether to use INSERT or UPSERT. + :param write_mode: Enum string indicating whether to use INSERT or UPSERT or REPLACE. :type write_mode: str :param database_feature_mapping: Key/value pair JSON object of "database connector column" -> "feature name" pairs. :type database_feature_mapping: dict @@ -16437,7 +17974,7 @@ Package Contents - .. py:method:: create_dataset_from_application_connector(table_name, application_connector_id, dataset_config = None, refresh_schedule = None, version_limit = 30) + .. py:method:: create_dataset_from_application_connector(table_name, application_connector_id, dataset_config = None, refresh_schedule = None, version_limit = 30, incremental = False) Creates a dataset from an Application Connector. @@ -16451,6 +17988,8 @@ Package Contents :type refresh_schedule: str :param version_limit: The number of recent versions to preserve for the dataset (minimum 30). :type version_limit: int + :param incremental: Signifies if the dataset is an incremental dataset. + :type incremental: bool :returns: The created dataset. :rtype: Dataset @@ -18497,7 +20036,7 @@ Package Contents - .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None) + .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, user_info = None) Return a chat response which continues the conversation based on the input messages and search results. @@ -18553,7 +20092,7 @@ Package Contents - .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None) + .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None, user_info = None, execute_usercode_tool = False) Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -18583,6 +20122,8 @@ Package Contents :type chat_config: dict :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. :type doc_infos: list + :param execute_usercode_tool: If True, will return the tool output in the response. + :type execute_usercode_tool: bool @@ -18619,6 +20160,17 @@ Package Contents + .. py:method:: get_deep_agent_response(message, deployment_conversation_id = None) + + Return a DeepAgent response with generated files if any, based on the input message. + + :param message: The user's message/task for DeepAgent to complete + :type message: str + :param deployment_conversation_id: The unique identifier of a deployment conversation to continue. If not specified, a new one will be created. + :type deployment_conversation_id: str + + + .. py:method:: get_search_results(deployment_token, deployment_id, query_data, num = 15) Return the most relevant search results to the search query from the uploaded documents. @@ -18737,6 +20289,36 @@ Package Contents + .. py:method:: get_optimization_inputs_from_serialized(deployment_token, deployment_id, query_data = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes) + :type query_data: dict + + + + .. py:method:: get_assignments_online_with_new_serialized_inputs(deployment_token, deployment_id, query_data = None, solve_time_limit_seconds = None, optimality_gap_limit = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with assignment, constraint and constraint_equations_df (under these specific keys) + :type query_data: dict + :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. + :type solve_time_limit_seconds: float + :param optimality_gap_limit: Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found) + :type optimality_gap_limit: float + + + .. py:method:: check_constraints(deployment_token, deployment_id, query_data) Check for any constraints violated by the overrides. @@ -18894,19 +20476,6 @@ Package Contents - .. py:method:: generate_image(deployment_token, deployment_id, query_data) - - Generate an image from text prompt. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website. - :type deployment_token: str - :param deployment_id: A unique identifier to a deployment created under the project. - :type deployment_id: str - :param query_data: Specifies the text prompt. For example, {'prompt': 'a cat'} - :type query_data: dict - - - .. py:method:: execute_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None) Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. @@ -19024,30 +20593,6 @@ Package Contents - .. py:method:: execute_agent_with_binary_data(deployment_token, deployment_id, arguments = None, keyword_arguments = None, deployment_conversation_id = None, external_session_id = None, blobs = None) - - Executes a deployed AI agent function with binary data as inputs. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - :type deployment_token: str - :param deployment_id: A unique string identifier for the deployment created under the project. - :type deployment_id: str - :param arguments: Positional arguments to the agent execute function. - :type arguments: list - :param keyword_arguments: A dictionary where each 'key' represents the parameter name and its corresponding 'value' represents the value of that parameter for the agent execute function. - :type keyword_arguments: dict - :param deployment_conversation_id: A unique string identifier for the deployment conversation used for the conversation. - :type deployment_conversation_id: str - :param external_session_id: A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. - :type external_session_id: str - :param blobs: A dictionary of binary data to use as inputs to the agent execute function. - :type blobs: None - - :returns: The result of the agent execution - :rtype: AgentDataExecutionResult - - - .. py:method:: start_autonomous_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None, save_conversations = True) Starts a deployed Autonomous agent associated with the given deployment_conversation_id using the arguments and keyword arguments as inputs for execute function of trigger node. @@ -19429,7 +20974,7 @@ Package Contents - .. py:method:: create_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, function_type = 'FEATURE_GROUP', description = None, examples = None) + .. py:method:: create_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, function_type = 'FEATURE_GROUP', description = None, examples = None, user_level_connectors = None, org_level_connectors = None, output_variable_mappings = None) Creates a custom Python function that is reusable. @@ -19447,15 +20992,21 @@ Package Contents :type function_type: str :param description: Description of the Python function. This should include details about the function's purpose, expected inputs and outputs, and any important usage considerations or limitations. :type description: str - :param examples: Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid. + :param examples: Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid.]) :type examples: dict + :param user_level_connectors: Dictionary containing user level connectors. + :type user_level_connectors: Dict + :param org_level_connectors: List containing organization level connectors. + :type org_level_connectors: List + :param output_variable_mappings: List of output variable mappings that defines the elements of the function's return value. + :type output_variable_mappings: List :returns: The Python function that can be used (e.g. for feature group transform). :rtype: PythonFunction - .. py:method:: update_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, description = None, examples = None) + .. py:method:: update_python_function(name, source_code = None, function_name = None, function_variable_mappings = None, package_requirements = None, description = None, examples = None, user_level_connectors = None, org_level_connectors = None, output_variable_mappings = None) Update custom python function with user inputs for the given python function. @@ -19473,6 +21024,12 @@ Package Contents :type description: str :param examples: Dictionary containing example use cases and anti-patterns. Should include 'positive_examples' showing recommended usage and 'negative_examples' showing cases to avoid. :type examples: dict + :param user_level_connectors: Dictionary containing user level connectors. + :type user_level_connectors: Dict + :param org_level_connectors: List of organization level connectors. + :type org_level_connectors: List + :param output_variable_mappings: List of output variable mappings that defines the elements of the function's return value. + :type output_variable_mappings: List :returns: The Python function object. :rtype: PythonFunction @@ -20054,7 +21611,7 @@ Package Contents - .. py:method:: create_organization_secret(secret_key, value) + .. py:method:: create_organization_secret(secret_key, value, secret_type = OrganizationSecretType.ORG_SECRET, metadata = None) Creates a secret which can be accessed in functions and notebooks. @@ -20062,6 +21619,10 @@ Package Contents :type secret_key: str :param value: The secret value. :type value: str + :param secret_type: The type of secret. Use OrganizationSecretType enum values. + :type secret_type: OrganizationSecretType + :param metadata: Additional metadata for the secret. + :type metadata: dict :returns: The created secret. :rtype: OrganizationSecret @@ -20247,6 +21808,49 @@ Package Contents + .. py:method:: add_user_group_object_permission(object_id, user_group_id, object_type, permission = 'ALL') + + Add user group object permission for any object type. + + :param object_id: The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + :type object_id: str + :param user_group_id: The ID of the user group + :type user_group_id: str + :param object_type: The type of object ('dataset', 'project', 'external_connection', 'feature_group') + :type object_type: str + :param permission: The permission to grant (default: 'ALL') + :type permission: str + + + + .. py:method:: update_user_group_object_permission(object_id, user_group_id, object_type, permission = 'ALL') + + Update user group object permission for any object type. + + :param object_id: The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + :type object_id: str + :param user_group_id: The ID of the user group + :type user_group_id: str + :param object_type: The type of object ('dataset', 'project', 'external_connection', 'feature_group') + :type object_type: str + :param permission: The permission to grant (default: 'ALL') + :type permission: str + + + + .. py:method:: remove_user_group_object_permission(object_id, user_group_id, object_type) + + Remove user group object permission for any object type. + + :param object_id: The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.) + :type object_id: str + :param user_group_id: The ID of the user group + :type user_group_id: str + :param object_type: The type of object ('dataset', 'project', 'external_connection', 'feature_group') + :type object_type: str + + + .. py:method:: create_app_user_group(name) Creates a new App User Group. This User Group is used to have permissions to access the external chatbots. @@ -20347,6 +21951,24 @@ Package Contents + .. py:method:: add_developers_to_external_application(external_application_id) + + Adds a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + + .. py:method:: remove_developers_from_external_application(external_application_id) + + Removes a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + .. py:method:: create_external_application(deployment_id, name = None, description = None, logo = None, theme = None) Creates a new External Application from an existing ChatLLM Deployment. @@ -20806,6 +22428,25 @@ Package Contents + .. py:method:: query_mcp_server(task, server_name = None, mcp_server_connection_id = None) + + Query a Remote MCP server. For a given task, it runs the required tools of the MCP + + server with appropriate arguments and returns the output. + + + :param task: a comprehensive description of the task to perform using the MCP server tools. + :type task: str + :param server_name: The name of the MCP server. + :type server_name: str + :param mcp_server_connection_id: connection id of the MCP server to query. + :type mcp_server_connection_id: str + + :returns: The execution logs as well as the final output of the task execution. + :rtype: McpServerQueryResult + + + .. py:exception:: ApiException(message, http_status, exception = None, request_id = None) Bases: :py:obj:`Exception` @@ -20882,10 +22523,13 @@ Package Contents :type skip_version_check: bool - .. py:method:: list_api_keys() + .. py:method:: list_api_keys(type = 'default') Lists all of the user's API keys + :param type: The type of API keys to list. + :type type: str + :returns: List of API Keys for the current user's organization. :rtype: list[ApiKey] @@ -21562,6 +23206,32 @@ Package Contents + .. py:method:: query_database_connector_datallm(database_connector_id, query) + + Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM + + and enforces read-only access with user-specific access control. + + + :param database_connector_id: A unique string identifier for the database connector. + :type database_connector_id: str + :param query: The query to be run in the database connector (must be read-only). + :type query: str + + + + .. py:method:: get_database_connector_auth(database_connector_id) + + Get the authentication details for a given database connector. + + :param database_connector_id: The unique ID associated with the database connector. + :type database_connector_id: str + + :returns: The database connector with the authentication details. + :rtype: DatabaseConnector + + + .. py:method:: list_application_connectors() Retrieves a list of all application connectors along with their associated attributes. @@ -21580,7 +23250,7 @@ Package Contents - .. py:method:: get_connector_auth(service = None, application_connector_id = None, scopes = None) + .. py:method:: get_connector_auth(service = None, application_connector_id = None, scopes = None, generic_oauth_service = None) Get the authentication details for a given connector. For user level connectors, the service is required. For org level connectors, the application_connector_id is required. @@ -21590,8 +23260,40 @@ Package Contents :type application_connector_id: str :param scopes: The scopes to request for the connector. :type scopes: List + :param generic_oauth_service: For GENERIC_OAUTH service, specify the OAuth provider (e.g., 'spotify'). + :type generic_oauth_service: str :returns: The application connector with the authentication details. + :rtype: UnifiedConnector + + + + .. py:method:: get_user_connector_auth(service, scopes = None, generic_oauth_service = None, config_connector = None) + + Get the authentication details for a given user level connector. + + :param service: The service name. + :type service: ApplicationConnectorType + :param scopes: The scopes to request for the connector. + :type scopes: List + :param generic_oauth_service: For GENERIC_OAUTH service, specify the OAuth provider (e.g., 'spotify'). + :type generic_oauth_service: str + :param config_connector: The config connector id. + :type config_connector: str + + :returns: The application connector with the authentication details. + :rtype: UnifiedConnector + + + + .. py:method:: get_user_mcp_connector_auth(mcp_server_name = None) + + Get the auth for a MCP connector + + :param mcp_server_name: The name of the MCP server + :type mcp_server_name: str + + :returns: The MCP connector :rtype: ApplicationConnector @@ -21909,12 +23611,14 @@ Package Contents - .. py:method:: list_model_monitors(project_id) + .. py:method:: list_model_monitors(project_id, limit = None) Retrieves the list of model monitors in the specified project. :param project_id: Unique string identifier associated with the project. :type project_id: str + :param limit: Maximum number of model monitors to return. We'll have internal limit if not set. + :type limit: int :returns: A list of model monitors. :rtype: list[ModelMonitor] @@ -22533,12 +24237,14 @@ Package Contents - .. py:method:: list_batch_predictions(project_id) + .. py:method:: list_batch_predictions(project_id, limit = None) Retrieves a list of batch predictions in the project. :param project_id: Unique string identifier of the project. :type project_id: str + :param limit: Maximum number of batch predictions to return. We'll have internal limit if not set. + :type limit: int :returns: List of batch prediction jobs. :rtype: list[BatchPrediction] @@ -22902,11 +24608,16 @@ Package Contents - .. py:method:: list_organization_secrets() + .. py:method:: list_organization_secrets(decrypt_value = False, secret_type = OrganizationSecretType.ORG_SECRET) Lists all secrets for an organization. - :returns: list of secrets belonging to the organization. + :param decrypt_value: Whether to decrypt the secret values. + :type decrypt_value: bool + :param secret_type: Filter secrets by type. Use OrganizationSecretType enum values. + :type secret_type: OrganizationSecretType + + :returns: List of secrets. :rtype: list[OrganizationSecret] @@ -22999,7 +24710,7 @@ Package Contents - .. py:method:: get_deployment_conversation(deployment_conversation_id = None, external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False) + .. py:method:: get_deployment_conversation(deployment_conversation_id = None, external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False, start = None, limit = None, include_all_versions = False) Gets a deployment conversation. @@ -23013,13 +24724,30 @@ Package Contents :type filter_intermediate_conversation_events: bool :param get_unused_document_uploads: If true, unused document uploads will be returned. Default is false. :type get_unused_document_uploads: bool + :param start: The start index of the conversation. + :type start: int + :param limit: The limit of the conversation. + :type limit: int + :param include_all_versions: If True, includes all versions of the last bot message for version switching functionality. + :type include_all_versions: bool :returns: The deployment conversation. :rtype: DeploymentConversation - .. py:method:: list_deployment_conversations(deployment_id = None, external_application_id = None, conversation_type = None, fetch_last_llm_info = False) + .. py:method:: get_deployment_conversation_file(deployment_conversation_id, file_path) + + Gets a deployment conversation file. + + :param deployment_conversation_id: Unique ID of the conversation. + :type deployment_conversation_id: str + :param file_path: The path of the file to get. + :type file_path: str + + + + .. py:method:: list_deployment_conversations(deployment_id = None, external_application_id = None, conversation_type = None, fetch_last_llm_info = False, limit = None, search = None) Lists all conversations for the given deployment and current user. @@ -23031,6 +24759,10 @@ Package Contents :type conversation_type: DeploymentConversationType :param fetch_last_llm_info: If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots. :type fetch_last_llm_info: bool + :param limit: The number of conversations to return. Defaults to 600. + :type limit: int + :param search: The search query to filter conversations by title. + :type search: str :returns: The deployment conversations. :rtype: list[DeploymentConversation] @@ -23051,6 +24783,18 @@ Package Contents + .. py:method:: list_user_group_object_permissions() + + List all user groups permissions associated with the objects in the organization. + + If no associated user groups, the object is public among developers and admins. + + + :returns: List of user group object permissions in the organization. + :rtype: list[UserGroupObjectPermission] + + + .. py:method:: get_app_user_group(user_group_id) Gets an App User Group. @@ -23063,6 +24807,18 @@ Package Contents + .. py:method:: get_app_user_group_from_name(name = None) + + Gets an App User Group by name. + + :param name: The name of the app user group to retrieve. + :type name: str + + :returns: The app user group with the specified name. + :rtype: AppUserGroup + + + .. py:method:: describe_external_application(external_application_id) Describes an External Application. @@ -23256,6 +25012,22 @@ Package Contents + .. py:method:: list_route_llm_models() + + This function is used to list all the models and their rates, for routellm api. + + :returns: list of dicts, each dict contains the model name, description, id, and api price info. + + + +.. py:class:: ToolResponse(*args, **kwargs) + + Bases: :py:obj:`AgentResponse` + + + Response object for tool to support non-text response sections + + .. py:data:: _request_context .. py:class:: CodeAgentResponse(client, deploymentConversationId=None, messages=None, toolUseRequest=None) @@ -23305,6 +25077,46 @@ Package Contents +.. py:class:: CodeAutocompleteEditPredictionResponse(client, autocompleteResponse=None, showAutocomplete=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A autocomplete response from an LLM + + :param client: An authenticated API Client instance + :type client: ApiClient + :param autocompleteResponse: autocomplete code + :type autocompleteResponse: str + :param showAutocomplete: Whether to show autocomplete in the client + :type showAutocomplete: bool + + + .. py:attribute:: autocomplete_response + :value: None + + + + .. py:attribute:: show_autocomplete + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: CodeAutocompleteResponse(client, autocompleteResponse=None, showAutocomplete=None, lineNumber=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -23352,7 +25164,7 @@ Package Contents -.. py:class:: CodeBot(client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, isPremium=None) +.. py:class:: CodeBot(client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, codeEditSupported=None, isPremium=None, llmBotIcon=None, provider=None, isUserApiKeyAllowed=None, isRateLimited=None, apiKeyUrl=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -23369,8 +25181,20 @@ Package Contents :type imageUploadSupported: bool :param codeAgentSupported: Whether the LLM supports code agent. :type codeAgentSupported: bool + :param codeEditSupported: Whether the LLM supports code edit. + :type codeEditSupported: bool :param isPremium: Whether the LLM is a premium LLM. :type isPremium: bool + :param llmBotIcon: The icon of the LLM bot. + :type llmBotIcon: str + :param provider: The provider of the LLM. + :type provider: str + :param isUserApiKeyAllowed: Whether the LLM supports user API key. + :type isUserApiKeyAllowed: bool + :param isRateLimited: Whether the LLM is rate limited. + :type isRateLimited: bool + :param apiKeyUrl: The URL to get the API key. + :type apiKeyUrl: str .. py:attribute:: llm_name @@ -23393,11 +25217,41 @@ Package Contents + .. py:attribute:: code_edit_supported + :value: None + + + .. py:attribute:: is_premium :value: None + .. py:attribute:: llm_bot_icon + :value: None + + + + .. py:attribute:: provider + :value: None + + + + .. py:attribute:: is_user_api_key_allowed + :value: None + + + + .. py:attribute:: is_rate_limited + :value: None + + + + .. py:attribute:: api_key_url + :value: None + + + .. py:attribute:: deprecated_keys @@ -23540,6 +25394,93 @@ Package Contents +.. py:class:: CodeEmbeddings(client, embeddings=None, chunkingScheme=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Code embeddings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param embeddings: A dictionary mapping the file name to its embeddings. + :type embeddings: dict + :param chunkingScheme: The scheme used for chunking the embeddings. + :type chunkingScheme: str + + + .. py:attribute:: embeddings + :value: None + + + + .. py:attribute:: chunking_scheme + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: CodeLlmChangedFiles(client, addedFiles=None, updatedFiles=None, deletedFiles=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Code changed files + + :param client: An authenticated API Client instance + :type client: ApiClient + :param addedFiles: A list of added file paths. + :type addedFiles: list + :param updatedFiles: A list of updated file paths. + :type updatedFiles: list + :param deletedFiles: A list of deleted file paths. + :type deletedFiles: list + + + .. py:attribute:: added_files + :value: None + + + + .. py:attribute:: updated_files + :value: None + + + + .. py:attribute:: deleted_files + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: CodeSource(client, sourceType=None, sourceCode=None, applicationConnectorId=None, applicationConnectorInfo=None, packageRequirements=None, status=None, error=None, publishingMsg=None, moduleDependencies=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -23635,7 +25576,134 @@ Package Contents -.. py:class:: ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None) +.. py:class:: CodeSuggestionValidationResponse(client, isValid=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A response from an LLM to validate a code suggestion. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param isValid: Whether the code suggestion is valid. + :type isValid: bool + + + .. py:attribute:: is_valid + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: CodeSummaryResponse(client, summary=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A summary response from an LLM + + :param client: An authenticated API Client instance + :type client: ApiClient + :param summary: The summary of the code. + :type summary: str + + + .. py:attribute:: summary + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: CodellmEmbeddingConstants(client, maxSupportedWorkspaceFiles=None, maxSupportedWorkspaceChunks=None, maxConcurrentRequests=None, fileExtensionToChunkingScheme=None, idleTimeoutSeconds=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A dictionary of constants to be used in the autocomplete. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param maxSupportedWorkspaceFiles: Max supported workspace files + :type maxSupportedWorkspaceFiles: int + :param maxSupportedWorkspaceChunks: Max supported workspace chunks + :type maxSupportedWorkspaceChunks: int + :param maxConcurrentRequests: Max concurrent requests + :type maxConcurrentRequests: int + :param fileExtensionToChunkingScheme: Map between the file extensions and their chunking schema + :type fileExtensionToChunkingScheme: dict + :param idleTimeoutSeconds: The idle timeout without any activity before the workspace is refreshed. + :type idleTimeoutSeconds: int + + + .. py:attribute:: max_supported_workspace_files + :value: None + + + + .. py:attribute:: max_supported_workspace_chunks + :value: None + + + + .. py:attribute:: max_concurrent_requests + :value: None + + + + .. py:attribute:: file_extension_to_chunking_scheme + :value: None + + + + .. py:attribute:: idle_timeout_seconds + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None, alwaysDisplay=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -23656,6 +25724,8 @@ Package Contents :type currMonthUsage: int :param lastThrottlePopUp: The last time the organization was throttled :type lastThrottlePopUp: str + :param alwaysDisplay: Whether to always display the compute point toggle + :type alwaysDisplay: bool .. py:attribute:: updated_at @@ -23688,6 +25758,11 @@ Package Contents + .. py:attribute:: always_display + :value: None + + + .. py:attribute:: deprecated_keys @@ -23757,6 +25832,305 @@ Package Contents +.. py:class:: ConstantsAutocompleteResponse(client, maxPendingRequests=None, acceptanceDelay=None, debounceDelay=None, recordUserAction=None, validateSuggestion=None, validationLinesThreshold=None, maxTrackedRecentChanges=None, diffThreshold=None, derivativeThreshold=None, defaultSurroundingLines=None, maxTrackedVisitChanges=None, selectionCooldownMs=None, viewingCooldownMs=None, maxLines=None, editCooldownMs=None, scrollDebounceMs=None, lspDeadline=None, diagnosticsThreshold=None, diagnosticEachThreshold=None, numVsCodeSuggestions=None, minReindexingInterval=None, minRefreshSummaryInterval=None, summaryBatchSize=None, jobReorderInterval=None, stopRapidChanges=None, delaySummaryBatches=None, delaySummaryBatchesRateLimit=None, maxSymbolsFuzzyMatch=None, fuzzySymbolMatchThreshold=None, symbolsCacheUpdateInterval=None, symbolsStorageUpdateInterval=None, editPredictionSimilarityThreshold=None, minSearchWordLength=None, maxOccurrencesPerWord=None, maxWordsContentMatches=None, editPredictionEnabled=None, snapshotIntervalMs=None, linesForSnapshot=None, embeddingConstants=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A dictionary of constants to be used in the autocomplete. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param maxPendingRequests: The maximum number of pending requests. + :type maxPendingRequests: int + :param acceptanceDelay: The acceptance delay. + :type acceptanceDelay: int + :param debounceDelay: The debounce delay. + :type debounceDelay: int + :param recordUserAction: Whether to record user action. + :type recordUserAction: bool + :param validateSuggestion: Whether to validate the suggestion. + :type validateSuggestion: bool + :param validationLinesThreshold: The number of lines to validate the suggestion. + :type validationLinesThreshold: int + :param maxTrackedRecentChanges: The maximum number of recent file changes to track. + :type maxTrackedRecentChanges: int + :param diffThreshold: The diff operations threshold. + :type diffThreshold: int + :param derivativeThreshold: The derivative threshold for deletions + :type derivativeThreshold: int + :param defaultSurroundingLines: The default number of surrounding lines to include in the recently visited context. + :type defaultSurroundingLines: int + :param maxTrackedVisitChanges: The maximum number of recently visited ranges to track. + :type maxTrackedVisitChanges: int + :param selectionCooldownMs: The cooldown time in milliseconds for selection changes. + :type selectionCooldownMs: int + :param viewingCooldownMs: The cooldown time in milliseconds for viewing changes. + :type viewingCooldownMs: int + :param maxLines: The maximum number of lines to include in recently visited context. + :type maxLines: int + :param editCooldownMs: The cooldown time in milliseconds after last edit. + :type editCooldownMs: int + :param scrollDebounceMs: The debounce time in milliseconds for scroll events. + :type scrollDebounceMs: int + :param lspDeadline: The deadline in milliseconds for LSP context. + :type lspDeadline: int + :param diagnosticsThreshold: The max number of diagnostics to show. + :type diagnosticsThreshold: int + :param diagnosticEachThreshold: The max number of characters to show for each diagnostic type. + :type diagnosticEachThreshold: int + :param numVsCodeSuggestions: The number of VS Code suggestions to show. + :type numVsCodeSuggestions: int + :param minReindexingInterval: The minimum interval between reindexes in ms. + :type minReindexingInterval: int + :param minRefreshSummaryInterval: The minimum interval between refresh summary in ms. + :type minRefreshSummaryInterval: int + :param summaryBatchSize: The batch size for code summary in autocomplete. + :type summaryBatchSize: int + :param jobReorderInterval: The interval in ms to reorder jobs in the job queue for summary. + :type jobReorderInterval: int + :param stopRapidChanges: Whether to stop rapid changes in autocomplete. + :type stopRapidChanges: bool + :param delaySummaryBatches: The delay in ms between summary batches. + :type delaySummaryBatches: int + :param delaySummaryBatchesRateLimit: The delay in ms in case of rate limit for delay summary batches. + :type delaySummaryBatchesRateLimit: int + :param maxSymbolsFuzzyMatch: The max number of symbols to fuzzy match. + :type maxSymbolsFuzzyMatch: int + :param fuzzySymbolMatchThreshold: The threshold for fuzzy symbol match. + :type fuzzySymbolMatchThreshold: int + :param symbolsCacheUpdateInterval: The interval in ms to update the symbols cache. + :type symbolsCacheUpdateInterval: int + :param symbolsStorageUpdateInterval: The interval in ms to update the symbols storage. + :type symbolsStorageUpdateInterval: int + :param editPredictionSimilarityThreshold: The threshold for edit prediction similarity. + :type editPredictionSimilarityThreshold: int + :param minSearchWordLength: The minimum length of the word to be searched. + :type minSearchWordLength: int + :param maxOccurrencesPerWord: The maximum occurrences of a particular search word present in the file. + :type maxOccurrencesPerWord: int + :param maxWordsContentMatches: The maximum number of content matches from the client. + :type maxWordsContentMatches: int + :param editPredictionEnabled: Whether to enable edit prediction. + :type editPredictionEnabled: bool + :param snapshotIntervalMs: The interval in ms to snapshot the file for recent file changes. + :type snapshotIntervalMs: int + :param linesForSnapshot: Limit of max number of lines to snapshot for recent file changes. + :type linesForSnapshot: int + :param embeddingConstants: Embedding constants + :type embeddingConstants: codellmembeddingconstants + + + .. py:attribute:: max_pending_requests + :value: None + + + + .. py:attribute:: acceptance_delay + :value: None + + + + .. py:attribute:: debounce_delay + :value: None + + + + .. py:attribute:: record_user_action + :value: None + + + + .. py:attribute:: validate_suggestion + :value: None + + + + .. py:attribute:: validation_lines_threshold + :value: None + + + + .. py:attribute:: max_tracked_recent_changes + :value: None + + + + .. py:attribute:: diff_threshold + :value: None + + + + .. py:attribute:: derivative_threshold + :value: None + + + + .. py:attribute:: default_surrounding_lines + :value: None + + + + .. py:attribute:: max_tracked_visit_changes + :value: None + + + + .. py:attribute:: selection_cooldown_ms + :value: None + + + + .. py:attribute:: viewing_cooldown_ms + :value: None + + + + .. py:attribute:: max_lines + :value: None + + + + .. py:attribute:: edit_cooldown_ms + :value: None + + + + .. py:attribute:: scroll_debounce_ms + :value: None + + + + .. py:attribute:: lsp_deadline + :value: None + + + + .. py:attribute:: diagnostics_threshold + :value: None + + + + .. py:attribute:: diagnostic_each_threshold + :value: None + + + + .. py:attribute:: num_vs_code_suggestions + :value: None + + + + .. py:attribute:: min_reindexing_interval + :value: None + + + + .. py:attribute:: min_refresh_summary_interval + :value: None + + + + .. py:attribute:: summary_batch_size + :value: None + + + + .. py:attribute:: job_reorder_interval + :value: None + + + + .. py:attribute:: stop_rapid_changes + :value: None + + + + .. py:attribute:: delay_summary_batches + :value: None + + + + .. py:attribute:: delay_summary_batches_rate_limit + :value: None + + + + .. py:attribute:: max_symbols_fuzzy_match + :value: None + + + + .. py:attribute:: fuzzy_symbol_match_threshold + :value: None + + + + .. py:attribute:: symbols_cache_update_interval + :value: None + + + + .. py:attribute:: symbols_storage_update_interval + :value: None + + + + .. py:attribute:: edit_prediction_similarity_threshold + :value: None + + + + .. py:attribute:: min_search_word_length + :value: None + + + + .. py:attribute:: max_occurrences_per_word + :value: None + + + + .. py:attribute:: max_words_content_matches + :value: None + + + + .. py:attribute:: edit_prediction_enabled + :value: None + + + + .. py:attribute:: snapshot_interval_ms + :value: None + + + + .. py:attribute:: lines_for_snapshot + :value: None + + + + .. py:attribute:: embedding_constants + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: CpuGpuMemorySpecs(client, default=None, data=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -23797,7 +26171,7 @@ Package Contents -.. py:class:: CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, experimentalFeatures=None) +.. py:class:: CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, enableMemories=None, experimentalFeatures=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -23818,6 +26192,8 @@ Package Contents :type enableWebSearch: bool :param enablePlayground: Whether or not playground is enabled. :type enablePlayground: bool + :param enableMemories: Whether or not memories are enabled. + :type enableMemories: bool :param experimentalFeatures: Experimental features. :type experimentalFeatures: dict @@ -23852,6 +26228,11 @@ Package Contents + .. py:attribute:: enable_memories + :value: None + + + .. py:attribute:: experimental_features :value: None @@ -23872,6 +26253,60 @@ Package Contents +.. py:class:: CustomDomain(client, status=None, message=None, expectedNameservers=None, currentNameservers=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Result of adding a custom domain to a hosted app + + :param client: An authenticated API Client instance + :type client: ApiClient + :param status: Whether the custom domain was added successfully + :type status: bool + :param message: The message from the custom domain + :type message: str + :param expectedNameservers: The expected nameservers for the custom domain + :type expectedNameservers: list + :param currentNameservers: The current nameservers for the custom domain + :type currentNameservers: list + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: message + :value: None + + + + .. py:attribute:: expected_nameservers + :value: None + + + + .. py:attribute:: current_nameservers + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: CustomLossFunction(client, notebookId=None, name=None, createdAt=None, lossFunctionName=None, lossFunctionType=None, codeSource={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -24138,6 +26573,67 @@ Package Contents +.. py:class:: DaemonTaskConversation(client, deploymentConversationId=None, createdAt=None, updatedAt=None, deploymentConversationName=None, externalApplicationId=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Daemon Task Conversation + + :param client: An authenticated API Client instance + :type client: ApiClient + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param createdAt: The creation timestamp + :type createdAt: str + :param updatedAt: The last update timestamp + :type updatedAt: str + :param deploymentConversationName: The name of the conversation + :type deploymentConversationName: str + :param externalApplicationId: The external application ID + :type externalApplicationId: str + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: deployment_conversation_name + :value: None + + + + .. py:attribute:: external_application_id + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: DataConsistencyDuplication(client, totalCount=None, numDuplicates=None, sample={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -24517,6 +27013,30 @@ Package Contents + .. py:method:: query_datallm(query) + + Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM + + and enforces read-only access with user-specific access control. + + + :param query: The query to be run in the database connector (must be read-only). + :type query: str + + + + .. py:method:: get_auth() + + Get the authentication details for a given database connector. + + :param database_connector_id: The unique ID associated with the database connector. + :type database_connector_id: str + + :returns: The database connector with the authentication details. + :rtype: DatabaseConnector + + + .. py:class:: DatabaseConnectorColumn(client, name=None, externalDataType=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -24784,6 +27304,21 @@ Package Contents + .. py:method:: get_raw_data_from_realtime(check_permissions = False, start_time = None, end_time = None, column_filter = None) + + Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets. + + :param check_permissions: If True, checks user permissions using session email. + :type check_permissions: bool + :param start_time: Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type start_time: str + :param end_time: End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00). + :type end_time: str + :param column_filter: Dictionary mapping column names to filter values. Only rows matching all column filters will be returned. + :type column_filter: dict + + + .. py:method:: create_version_from_file_connector(location = None, file_format = None, csv_delimiter = None, merge_file_schemas = None, parsing_config = None, sql_query = None) Creates a new version of the specified dataset. @@ -25372,7 +27907,47 @@ Package Contents -.. py:class:: Deployment(client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={}) +.. py:class:: DefaultLlm(client, name=None, enum=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A default LLM. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The name of the LLM. + :type name: str + :param enum: The enum of the LLM. + :type enum: str + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: enum + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: Deployment(client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, isSystemCreated=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -25437,6 +28012,8 @@ Package Contents :type realtimeMonitorId: id :param runtimeConfigs: The runtime configurations of a deployment which is used by some of the usecases during prediction. :type runtimeConfigs: dict + :param isSystemCreated: Whether the deployment is system created. + :type isSystemCreated: bool :param refreshSchedules: A list of refresh schedules that indicate when the deployment will be updated to the latest model version. :type refreshSchedules: RefreshSchedule :param featureGroupExportConfig: The export config (file connector or database connector information) for feature group deployment exports. @@ -25585,6 +28162,11 @@ Package Contents + .. py:attribute:: is_system_created + :value: None + + + .. py:attribute:: refresh_schedules @@ -25864,7 +28446,7 @@ Package Contents - .. py:method:: get_conversation_response(message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None) + .. py:method:: get_conversation_response(message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None, user_info = None, execute_usercode_tool = False) Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -25892,6 +28474,8 @@ Package Contents :type chat_config: dict :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. :type doc_infos: list + :param execute_usercode_tool: If True, will return the tool output in the response. + :type execute_usercode_tool: bool @@ -26054,7 +28638,7 @@ Package Contents - .. py:method:: list_conversations(external_application_id = None, conversation_type = None, fetch_last_llm_info = False) + .. py:method:: list_conversations(external_application_id = None, conversation_type = None, fetch_last_llm_info = False, limit = None, search = None) Lists all conversations for the given deployment and current user. @@ -26064,6 +28648,10 @@ Package Contents :type conversation_type: DeploymentConversationType :param fetch_last_llm_info: If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots. :type fetch_last_llm_info: bool + :param limit: The number of conversations to return. Defaults to 600. + :type limit: int + :param search: The search query to filter conversations by title. + :type search: str :returns: The deployment conversations. :rtype: list[DeploymentConversation] @@ -26195,7 +28783,7 @@ Package Contents -.. py:class:: DeploymentConversation(client, deploymentConversationId=None, name=None, deploymentId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, history={}) +.. py:class:: DeploymentConversation(client, deploymentConversationId=None, name=None, deploymentId=None, ownerUserId=None, ownerOrgId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, conversationStatus=None, computerStatus=None, filesystemStatus=None, totalEvents=None, contestNames=None, daemonTaskId=None, parentDeploymentConversationId=None, introMessage=None, previewInfo=None, latestContext=None, shareType=None, history={}, hostedArtifacts={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -26210,6 +28798,10 @@ Package Contents :type name: str :param deploymentId: The deployment id associated with the deployment conversation. :type deploymentId: str + :param ownerUserId: The user id of the owner of the deployment conversation. + :type ownerUserId: str + :param ownerOrgId: The organization id of the owner of the deployment conversation. + :type ownerOrgId: str :param createdAt: The timestamp at which the deployment conversation was created. :type createdAt: str :param lastEventCreatedAt: The timestamp at which the most recent corresponding deployment conversation event was created at. @@ -26240,8 +28832,32 @@ Package Contents :type searchSuggestions: list :param chatllmTaskId: The chatllm task id associated with the deployment conversation. :type chatllmTaskId: str + :param conversationStatus: The status of the deployment conversation (used for deep agent conversations). + :type conversationStatus: str + :param computerStatus: The status of the computer associated with the deployment conversation (used for deep agent conversations). + :type computerStatus: str + :param filesystemStatus: The status of the filesystem associated with the deployment conversation (used for deep agent conversations). + :type filesystemStatus: str + :param totalEvents: The total number of events in the deployment conversation. + :type totalEvents: int + :param contestNames: Names of contests that this deployment is a part of. + :type contestNames: list[str] + :param daemonTaskId: The daemon task id associated with the deployment conversation. + :type daemonTaskId: str + :param parentDeploymentConversationId: The parent deployment conversation id associated with the deployment conversation. + :type parentDeploymentConversationId: str + :param introMessage: The intro message for the deployment conversation. + :type introMessage: str + :param previewInfo: App preview info. + :type previewInfo: dict + :param latestContext: dict containing a list of important segments for pagination in deepagent. + :type latestContext: dict + :param shareType: The sharing status of the deployment conversation (PUBLIC or PRIVATE). + :type shareType: str :param history: The history of the deployment conversation. :type history: DeploymentConversationEvent + :param hostedArtifacts: Artifacts that have been deployed by this conversation. + :type hostedArtifacts: HostedArtifact .. py:attribute:: deployment_conversation_id @@ -26259,6 +28875,16 @@ Package Contents + .. py:attribute:: owner_user_id + :value: None + + + + .. py:attribute:: owner_org_id + :value: None + + + .. py:attribute:: created_at :value: None @@ -26334,9 +28960,67 @@ Package Contents + .. py:attribute:: conversation_status + :value: None + + + + .. py:attribute:: computer_status + :value: None + + + + .. py:attribute:: filesystem_status + :value: None + + + + .. py:attribute:: total_events + :value: None + + + + .. py:attribute:: contest_names + :value: None + + + + .. py:attribute:: daemon_task_id + :value: None + + + + .. py:attribute:: parent_deployment_conversation_id + :value: None + + + + .. py:attribute:: intro_message + :value: None + + + + .. py:attribute:: preview_info + :value: None + + + + .. py:attribute:: latest_context + :value: None + + + + .. py:attribute:: share_type + :value: None + + + .. py:attribute:: history + .. py:attribute:: hosted_artifacts + + .. py:attribute:: deprecated_keys @@ -26352,7 +29036,7 @@ Package Contents - .. py:method:: get(external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False) + .. py:method:: get(external_session_id = None, deployment_id = None, filter_intermediate_conversation_events = True, get_unused_document_uploads = False, start = None, limit = None, include_all_versions = False) Gets a deployment conversation. @@ -26364,12 +29048,27 @@ Package Contents :type filter_intermediate_conversation_events: bool :param get_unused_document_uploads: If true, unused document uploads will be returned. Default is false. :type get_unused_document_uploads: bool + :param start: The start index of the conversation. + :type start: int + :param limit: The limit of the conversation. + :type limit: int + :param include_all_versions: If True, includes all versions of the last bot message for version switching functionality. + :type include_all_versions: bool :returns: The deployment conversation. :rtype: DeploymentConversation + .. py:method:: get_file(file_path) + + Gets a deployment conversation file. + + :param file_path: The path of the file to get. + :type file_path: str + + + .. py:method:: delete(deployment_id = None) Delete a Deployment Conversation. @@ -26448,7 +29147,7 @@ Package Contents -.. py:class:: DeploymentConversationEvent(client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, verificationSummary=None) +.. py:class:: DeploymentConversationEvent(client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, deepagentMode=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, toolUseResult=None, verificationSummary=None, attachedUserFileNames=None, oldFileContent=None, allVersions=None, selectedVersionIndex=None, totalVersions=None, isLastMessage=None, allowTaskAutomation=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -26507,6 +29206,8 @@ Package Contents :type highlights: dict :param llmDisplayName: The display name of the LLM model used to generate the response. Only used for system-created bots. :type llmDisplayName: str + :param deepagentMode: The Deep Agent run mode (e.g. normal or high) associated with the message. + :type deepagentMode: str :param llmBotIcon: The icon location of the LLM model used to generate the response. Only used for system-created bots. :type llmBotIcon: str :param formResponse: Contains form data response from the user when a Form Segment is given out by the bot. @@ -26519,8 +29220,24 @@ Package Contents :type computerFiles: list :param toolUseRequest: The tool use request for the message. :type toolUseRequest: dict + :param toolUseResult: The tool use response for the message. + :type toolUseResult: dict :param verificationSummary: The summary of the verification process for the message. :type verificationSummary: str + :param attachedUserFileNames: The list of files attached by the user on the message. + :type attachedUserFileNames: list + :param oldFileContent: The content of the file associated with an edit tool request before the file was edited + :type oldFileContent: str + :param allVersions: All versions of the last bot message for version switching functionality. + :type allVersions: list + :param selectedVersionIndex: The index of the currently selected version of the last bot message. + :type selectedVersionIndex: int + :param totalVersions: The total number of versions available for the last bot message. + :type totalVersions: int + :param isLastMessage: Whether this message is the last message in the conversation. + :type isLastMessage: bool + :param allowTaskAutomation: Whether to show the automate task button. Only set for the last message in the conversation. + :type allowTaskAutomation: bool .. py:attribute:: role @@ -26648,6 +29365,11 @@ Package Contents + .. py:attribute:: deepagent_mode + :value: None + + + .. py:attribute:: llm_bot_icon :value: None @@ -26678,11 +29400,51 @@ Package Contents + .. py:attribute:: tool_use_result + :value: None + + + .. py:attribute:: verification_summary :value: None + .. py:attribute:: attached_user_file_names + :value: None + + + + .. py:attribute:: old_file_content + :value: None + + + + .. py:attribute:: all_versions + :value: None + + + + .. py:attribute:: selected_version_index + :value: None + + + + .. py:attribute:: total_versions + :value: None + + + + .. py:attribute:: is_last_message + :value: None + + + + .. py:attribute:: allow_task_automation + :value: None + + + .. py:attribute:: deprecated_keys @@ -27146,7 +29908,7 @@ Package Contents -.. py:class:: DocumentRetrieverLookupResult(client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None) +.. py:class:: DocumentRetrieverLookupResult(client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None, metadata=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -27169,6 +29931,8 @@ Package Contents :type documentSource: str :param imageIds: List of Image IDs for all the pages. :type imageIds: list + :param metadata: Metadata column values for the retrieved documents. + :type metadata: dict .. py:attribute:: document @@ -27206,6 +29970,11 @@ Package Contents + .. py:attribute:: metadata + :value: None + + + .. py:attribute:: deprecated_keys @@ -27409,6 +30178,140 @@ Package Contents +.. py:class:: DocumentRetrieverVersionLogs(client, logs=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Logs from document retriever version. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param logs: List of logs from document retriever version. + :type logs: list[str] + + + .. py:attribute:: logs + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: DomainPurchaseResult(client, domain=None, billedCredits=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Domain purchase result + + :param client: An authenticated API Client instance + :type client: ApiClient + :param domain: The domain name being purchased. + :type domain: str + :param billedCredits: The total credits used for the purchase. + :type billedCredits: int + + + .. py:attribute:: domain + :value: None + + + + .. py:attribute:: billed_credits + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: DomainSearchResult(client, domain=None, registerCredits=None, registerYears=None, renewalCredits=None, renewalYears=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Domain search result + + :param client: An authenticated API Client instance + :type client: ApiClient + :param domain: name of the domain in a search result + :type domain: str + :param registerCredits: number of credits required for registration + :type registerCredits: int + :param registerYears: number of years the domain will get registered for + :type registerYears: int + :param renewalCredits: number of credits required for renewal + :type renewalCredits: int + :param renewalYears: number of years the domain will be renewed for + :type renewalYears: int + + + .. py:attribute:: domain + :value: None + + + + .. py:attribute:: register_credits + :value: None + + + + .. py:attribute:: register_years + :value: None + + + + .. py:attribute:: renewal_credits + :value: None + + + + .. py:attribute:: renewal_years + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: DriftDistribution(client, trainColumn=None, predictedColumn=None, metrics=None, distribution={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -28292,6 +31195,46 @@ Package Contents +.. py:class:: EditImageModels(client, models=None, default=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Edit image models + + :param client: An authenticated API Client instance + :type client: ApiClient + :param models: The models available for edit image. + :type models: list + :param default: The default model for edit image. + :type default: str + + + .. py:attribute:: models + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: EmbeddingFeatureDriftDistribution(client, distance=None, jsDistance=None, wsDistance=None, ksStatistic=None, psi=None, csi=None, chiSquare=None, averageDrift={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -28372,6 +31315,53 @@ Package Contents +.. py:class:: EntriAuthToken(client, token=None, applicationId=None, ttl=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Entri Auth Token + + :param client: An authenticated API Client instance + :type client: ApiClient + :param token: The authentication token for Entri + :type token: str + :param applicationId: application Id from Entri dashboard + :type applicationId: str + :param ttl: The duration in milliseconds for which the token is valid + :type ttl: int + + + .. py:attribute:: token + :value: None + + + + .. py:attribute:: application_id + :value: None + + + + .. py:attribute:: ttl + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: ExecuteFeatureGroupOperation(client, featureGroupOperationRunId=None, status=None, error=None, query=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -28490,7 +31480,7 @@ Package Contents -.. py:class:: ExternalApplication(client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None) +.. py:class:: ExternalApplication(client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None, hasThinkingOption=None, hasFastMode=None, onlyImageGenEnabled=None, projectId=None, isCodellmChatmodeSupported=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -28533,6 +31523,16 @@ Package Contents :type isDeprecated: bool :param isVisible: Whether the external application should be shown in the dropdown. :type isVisible: bool + :param hasThinkingOption: Whether to show the thinking option in the toolbar. + :type hasThinkingOption: bool + :param hasFastMode: Whether the external application has fast mode. + :type hasFastMode: bool + :param onlyImageGenEnabled: Whether to LLM only allows image generation. + :type onlyImageGenEnabled: bool + :param projectId: The project id associated with the external application. + :type projectId: str + :param isCodellmChatmodeSupported: Whether the external application is codellm chatmode supported + :type isCodellmChatmodeSupported: bool .. py:attribute:: name @@ -28620,6 +31620,31 @@ Package Contents + .. py:attribute:: has_thinking_option + :value: None + + + + .. py:attribute:: has_fast_mode + :value: None + + + + .. py:attribute:: only_image_gen_enabled + :value: None + + + + .. py:attribute:: project_id + :value: None + + + + .. py:attribute:: is_codellm_chatmode_supported + :value: None + + + .. py:attribute:: deprecated_keys @@ -28635,6 +31660,24 @@ Package Contents + .. py:method:: add_developers_to() + + Adds a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + + .. py:method:: remove_developers_from() + + Removes a permission for the platform App User Group to access an External Application. + + :param external_application_id: The ID of the External Application. + :type external_application_id: str + + + .. py:method:: update(name = None, description = None, theme = None, deployment_id = None, deployment_conversation_retention_hours = None, reset_retention_policy = False) Updates an External Application. @@ -31942,7 +34985,7 @@ Package Contents :type database_connector_id: str :param object_name: Name of the database object to write to. :type object_name: str - :param write_mode: Enum string indicating whether to use INSERT or UPSERT. + :param write_mode: Enum string indicating whether to use INSERT or UPSERT or REPLACE. :type write_mode: str :param database_feature_mapping: Key/value pair JSON object of "database connector column" -> "feature name" pairs. :type database_feature_mapping: dict @@ -32208,7 +35251,7 @@ Package Contents :param client: An authenticated API Client instance :type client: ApiClient - :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details. + :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details. :type featureMapping: str :param featureName: The unique name of the feature. :type featureName: str @@ -32286,40 +35329,7 @@ Package Contents -.. py:class:: FeatureRecord(client, data=None) - - Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - - - A feature record - - :param client: An authenticated API Client instance - :type client: ApiClient - :param data: the record's current data - :type data: dict - - - .. py:attribute:: data - :value: None - - - - .. py:attribute:: deprecated_keys - - - .. py:method:: __repr__() - - - .. py:method:: to_dict() - - Get a dict representation of the parameters in this class - - :returns: The dict value representation of the class parameters - :rtype: dict - - - -.. py:class:: FileConnector(client, bucket=None, verified=None, writePermission=None, authExpiresAt=None) +.. py:class:: FileConnector(client, bucket=None, verified=None, writePermission=None, authExpiresAt=None, createdAt=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -32336,6 +35346,8 @@ Package Contents :type writePermission: bool :param authExpiresAt: The time when the file connector's auth expires, if applicable :type authExpiresAt: str + :param createdAt: The timestamp at which the file connector was created + :type createdAt: str .. py:attribute:: bucket @@ -32358,6 +35370,11 @@ Package Contents + .. py:attribute:: created_at + :value: None + + + .. py:attribute:: deprecated_keys @@ -32785,6 +35802,81 @@ Package Contents +.. py:class:: FsEntry(client, name=None, type=None, path=None, size=None, modified=None, isFolderEmpty=None, children=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + File system entry. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The name of the file/folder + :type name: str + :param type: The type of entry (file/folder) + :type type: str + :param path: The path of the entry + :type path: str + :param size: The size of the entry in bytes + :type size: int + :param modified: The last modified timestamp + :type modified: int + :param isFolderEmpty: Whether the folder is empty (only for folders) + :type isFolderEmpty: bool + :param children: List of child FSEntry objects (only for folders) + :type children: list + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: path + :value: None + + + + .. py:attribute:: size + :value: None + + + + .. py:attribute:: modified + :value: None + + + + .. py:attribute:: isFolderEmpty + :value: None + + + + .. py:attribute:: children + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: FunctionLogs(client, function=None, stats=None, stdout=None, stderr=None, algorithm=None, exception={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -33288,81 +36380,41 @@ Package Contents -.. py:class:: HostedModelToken(client, createdAt=None, tag=None, trailingAuthToken=None, hostedModelTokenId=None) +.. py:class:: HostedApp(client, hostedAppId=None, deploymentConversationId=None, name=None, createdAt=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - A hosted model authentication token that is used to authenticate requests to an abacus hosted model + Hosted App :param client: An authenticated API Client instance :type client: ApiClient - :param createdAt: When the token was created + :param hostedAppId: The ID of the hosted app + :type hostedAppId: id + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param name: The name of the hosted app + :type name: str + :param createdAt: The creation timestamp :type createdAt: str - :param tag: A user-friendly tag for the API key. - :type tag: str - :param trailingAuthToken: The last four characters of the un-encrypted auth token - :type trailingAuthToken: str - :param hostedModelTokenId: The unique identifier attached to this authenticaion token - :type hostedModelTokenId: str - - - .. py:attribute:: created_at - :value: None - - .. py:attribute:: tag - :value: None - - - - .. py:attribute:: trailing_auth_token + .. py:attribute:: hosted_app_id :value: None - .. py:attribute:: hosted_model_token_id + .. py:attribute:: deployment_conversation_id :value: None - .. py:attribute:: deprecated_keys - - - .. py:method:: __repr__() - - - .. py:method:: to_dict() - - Get a dict representation of the parameters in this class - - :returns: The dict value representation of the class parameters - :rtype: dict - - - -.. py:class:: HumeVoice(client, name=None, gender=None) - - Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - - - Hume Voice - - :param client: An authenticated API Client instance - :type client: ApiClient - :param name: The name of the voice. - :type name: str - :param gender: The gender of the voice. - :type gender: str - - .. py:attribute:: name :value: None - .. py:attribute:: gender + .. py:attribute:: created_at :value: None @@ -33382,7 +36434,727 @@ Package Contents -.. py:class:: ImageGenSettings(client, model=None, settings=None) +.. py:class:: HostedAppContainer(client, hostedAppContainerId=None, hostedAppId=None, deploymentConversationId=None, hostedAppVersion=None, name=None, userId=None, email=None, createdAt=None, updatedAt=None, containerImage=None, route=None, appConfig=None, isDev=None, isDeployable=None, isPreviewAvailable=None, lifecycle=None, status=None, deployedStatus=None, accessLevel=None, hostname=None, llmArtifactId=None, artifactType=None, deployedLlmArtifactId=None, hasDatabase=None, hasStorage=None, webAppProjectId=None, parentConversationId=None, projectMetadata=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hosted app + Deep agent container information. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostedAppContainerId: The ID of the hosted app container + :type hostedAppContainerId: id + :param hostedAppId: The ID of the hosted app + :type hostedAppId: id + :param deploymentConversationId: The deployment conversation ID + :type deploymentConversationId: id + :param hostedAppVersion: The instance of the hosted app + :type hostedAppVersion: id + :param name: The name of the hosted app + :type name: str + :param userId: The ID of the creation user + :type userId: id + :param email: The email of the creation user + :type email: str + :param createdAt: Creation timestamp + :type createdAt: str + :param updatedAt: Last update timestamp + :type updatedAt: str + :param containerImage: Container image name + :type containerImage: str + :param route: Container route + :type route: str + :param appConfig: App configuration + :type appConfig: dict + :param isDev: Whether this is a dev container + :type isDev: bool + :param isDeployable: Can this version be deployed + :type isDeployable: bool + :param isPreviewAvailable: Is the dev preview available on the container + :type isPreviewAvailable: bool + :param lifecycle: Container lifecycle status (PENDING/DEPLOYING/ACTIVE/FAILED/STOPPED/DELETING) + :type lifecycle: str + :param status: Container status (RUNNING/STOPPED/DEPLOYING/FAILED) + :type status: str + :param deployedStatus: Deployment status (PENDING/ACTIVE/STOPPED/NOT_DEPLOYED) + :type deployedStatus: str + :param accessLevel: Access Level (PUBLIC/PRIVATE/DEDICATED) + :type accessLevel: str + :param hostname: Hostname of the deployed app + :type hostname: str + :param llmArtifactId: The ID of the LLM artifact + :type llmArtifactId: id + :param artifactType: The type of the artifact + :type artifactType: str + :param deployedLlmArtifactId: The ID of the deployed LLM artifact + :type deployedLlmArtifactId: id + :param hasDatabase: Whether the app has a database associated to it + :type hasDatabase: bool + :param hasStorage: Whether the app has a cloud storage associated to it + :type hasStorage: bool + :param webAppProjectId: The ID of the web app project + :type webAppProjectId: id + :param parentConversationId: The ID of the parent conversation + :type parentConversationId: id + :param projectMetadata: The metadata of the web app project + :type projectMetadata: dict + + + .. py:attribute:: hosted_app_container_id + :value: None + + + + .. py:attribute:: hosted_app_id + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: hosted_app_version + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: user_id + :value: None + + + + .. py:attribute:: email + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: container_image + :value: None + + + + .. py:attribute:: route + :value: None + + + + .. py:attribute:: app_config + :value: None + + + + .. py:attribute:: is_dev + :value: None + + + + .. py:attribute:: is_deployable + :value: None + + + + .. py:attribute:: is_preview_available + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: deployed_status + :value: None + + + + .. py:attribute:: access_level + :value: None + + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: artifact_type + :value: None + + + + .. py:attribute:: deployed_llm_artifact_id + :value: None + + + + .. py:attribute:: has_database + :value: None + + + + .. py:attribute:: has_storage + :value: None + + + + .. py:attribute:: web_app_project_id + :value: None + + + + .. py:attribute:: parent_conversation_id + :value: None + + + + .. py:attribute:: project_metadata + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: HostedAppFileRead(client, content=None, start=None, end=None, retcode=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Result of reading file content from a hosted app container. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param content: The contents of the file or a portion of it. + :type content: str + :param start: If present, the starting position of the read. + :type start: int + :param end: If present, the last position in the file returned in this read. + :type end: int + :param retcode: If the read is associated with a log the return code of the command. + :type retcode: int + + + .. py:attribute:: content + :value: None + + + + .. py:attribute:: start + :value: None + + + + .. py:attribute:: end + :value: None + + + + .. py:attribute:: retcode + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: HostedArtifact(client, hostname=None, artifactType=None, llmArtifactId=None, lifecycle=None, externalApplicationId=None, deploymentConversationId=None, conversationSequenceNumber=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A hosted artifact being served by the platform. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostname: The url at which the application is being hosted. + :type hostname: str + :param artifactType: The type of artifact being hosted. + :type artifactType: str + :param llmArtifactId: The artifact id being hosted. + :type llmArtifactId: str + :param lifecycle: The lifecycle of the artifact. + :type lifecycle: str + :param externalApplicationId: Agent that deployed this application. + :type externalApplicationId: str + :param deploymentConversationId: Conversation that created deployed this artifact, null if not applicable. + :type deploymentConversationId: str + :param conversationSequenceNumber: Conversation event associated with this artifact, null if not applicable. + :type conversationSequenceNumber: number(integer) + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: artifact_type + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: external_application_id + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: conversation_sequence_number + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: HostedDatabase(client, hostedDatabaseId=None, displayName=None, createdAt=None, updatedAt=None, lifecycle=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hosted Database + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostedDatabaseId: The ID of the hosted database + :type hostedDatabaseId: id + :param displayName: The name of the hosted database + :type displayName: str + :param createdAt: The creation timestamp + :type createdAt: str + :param updatedAt: The last update timestamp + :type updatedAt: str + :param lifecycle: The lifecycle of the hosted database + :type lifecycle: str + + + .. py:attribute:: hosted_database_id + :value: None + + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: HostedDatabaseSnapshot(client, hostedDatabaseSnapshotId=None, srcHostedDatabaseId=None, createdAt=None, updatedAt=None, lifecycle=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hosted Database Snapshot + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostedDatabaseSnapshotId: The ID of the hosted database snapshot + :type hostedDatabaseSnapshotId: id + :param srcHostedDatabaseId: The ID of the source hosted database + :type srcHostedDatabaseId: id + :param createdAt: The creation timestamp + :type createdAt: str + :param updatedAt: The last update timestamp + :type updatedAt: str + :param lifecycle: The lifecycle of the hosted database snapshot + :type lifecycle: str + + + .. py:attribute:: hosted_database_snapshot_id + :value: None + + + + .. py:attribute:: src_hosted_database_id + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: HostedModelToken(client, createdAt=None, tag=None, trailingAuthToken=None, hostedModelTokenId=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A hosted model authentication token that is used to authenticate requests to an abacus hosted model + + :param client: An authenticated API Client instance + :type client: ApiClient + :param createdAt: When the token was created + :type createdAt: str + :param tag: A user-friendly tag for the API key. + :type tag: str + :param trailingAuthToken: The last four characters of the un-encrypted auth token + :type trailingAuthToken: str + :param hostedModelTokenId: The unique identifier attached to this authenticaion token + :type hostedModelTokenId: str + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: tag + :value: None + + + + .. py:attribute:: trailing_auth_token + :value: None + + + + .. py:attribute:: hosted_model_token_id + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: HostnameInfo(client, isRootDomain=None, hasRootNameserversConfigured=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hostname Info + + :param client: An authenticated API Client instance + :type client: ApiClient + :param isRootDomain: Whether the hostname is a root domain + :type isRootDomain: bool + :param hasRootNameserversConfigured: Whether the root domain has Abacus nameservers configured. + :type hasRootNameserversConfigured: bool + + + .. py:attribute:: is_root_domain + :value: None + + + + .. py:attribute:: has_root_nameservers_configured + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: HumeVoice(client, name=None, gender=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Hume Voice + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The name of the voice. + :type name: str + :param gender: The gender of the voice. + :type gender: str + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: gender + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: ImageGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Image generation model + + :param client: An authenticated API Client instance + :type client: ApiClient + :param displayName: The display name for the UI component. + :type displayName: str + :param type: The type of the UI component. + :type type: str + :param valueType: The data type of the values within the UI component. + :type valueType: str + :param optional: Whether the selection of a value is optional. + :type optional: bool + :param default: The default value for the image generation model. + :type default: str + :param helptext: The helptext for the UI component. + :type helptext: str + :param options: The options of models available for image generation. + :type options: ImageGenModelOptions + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: value_type + :value: None + + + + .. py:attribute:: optional + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: helptext + :value: None + + + + .. py:attribute:: options + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: ImageGenModelOptions(client, keys=None, values=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Image generation model options + + :param client: An authenticated API Client instance + :type client: ApiClient + :param keys: The keys of the image generation model options represented as the enum values. + :type keys: list + :param values: The display names of the image generation model options. + :type values: list + + + .. py:attribute:: keys + :value: None + + + + .. py:attribute:: values + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: ImageGenSettings(client, settings=None, warnings=None, model={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -33391,22 +37163,27 @@ Package Contents :param client: An authenticated API Client instance :type client: ApiClient - :param model: Dropdown for models available for image generation. - :type model: dict :param settings: The settings for each model. :type settings: dict + :param warnings: The warnings for each model. + :type warnings: dict + :param model: Dropdown for models available for image generation. + :type model: ImageGenModel - .. py:attribute:: model + .. py:attribute:: settings :value: None - .. py:attribute:: settings + .. py:attribute:: warnings :value: None + .. py:attribute:: model + + .. py:attribute:: deprecated_keys @@ -33641,6 +37418,46 @@ Package Contents +.. py:class:: LipSyncGenSettings(client, model=None, settings=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Lip sync generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param model: The model settings. + :type model: dict + :param settings: The settings for each model. + :type settings: dict + + + .. py:attribute:: model + :value: None + + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: LlmApp(client, llmAppId=None, name=None, description=None, projectId=None, deploymentId=None, createdAt=None, updatedAt=None, status=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -33723,6 +37540,130 @@ Package Contents +.. py:class:: LlmArtifact(client, llmArtifactId=None, info=None, description=None, createdAt=None, webAppDeploymentId=None, deploymentStatus=None, isLatest=None, deploymentConversationId=None, webAppProjectId=None, hasDatabase=None, hasStorage=None, projectMetadata=None, hasDatabaseSnapshot=None, supportsPreviewRestore=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + LLM Artifact + + :param client: An authenticated API Client instance + :type client: ApiClient + :param llmArtifactId: The ID of the LLM artifact + :type llmArtifactId: id + :param info: The info of the LLM artifact + :type info: dict + :param description: The description of the LLM artifact + :type description: str + :param createdAt: The creation timestamp + :type createdAt: str + :param webAppDeploymentId: The ID of the associated web app deployment + :type webAppDeploymentId: id + :param deploymentStatus: The status of the associated web app deployment + :type deploymentStatus: str + :param isLatest: Whether it is the most recent version of the artifact + :type isLatest: bool + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param webAppProjectId: The ID of the web app project + :type webAppProjectId: id + :param hasDatabase: Whether the app associated with the artifact has a database + :type hasDatabase: bool + :param hasStorage: Whether the app associated with the artifact has a storage + :type hasStorage: bool + :param projectMetadata: The metadata of the web app project + :type projectMetadata: dict + :param hasDatabaseSnapshot: Whether the artifact database has a snapshot + :type hasDatabaseSnapshot: bool + :param supportsPreviewRestore: Whether the artifact supports preview restore + :type supportsPreviewRestore: bool + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: info + :value: None + + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: web_app_deployment_id + :value: None + + + + .. py:attribute:: deployment_status + :value: None + + + + .. py:attribute:: is_latest + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: web_app_project_id + :value: None + + + + .. py:attribute:: has_database + :value: None + + + + .. py:attribute:: has_storage + :value: None + + + + .. py:attribute:: project_metadata + :value: None + + + + .. py:attribute:: has_database_snapshot + :value: None + + + + .. py:attribute:: supports_preview_restore + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: LlmCodeBlock(client, language=None, code=None, start=None, end=None, valid=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -33824,39 +37765,138 @@ Package Contents -.. py:class:: LlmExecutionResult(client, status=None, error=None, execution={}, preview={}) +.. py:class:: LlmExecutionResult(client, status=None, error=None, execution={}, preview={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Results of executing queries using LLM. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param status: The status of the execution. + :type status: str + :param error: The error message if the execution failed. + :type error: str + :param execution: Information on execution of the query. + :type execution: ExecuteFeatureGroupOperation + :param preview: Preview of executing queries using LLM. + :type preview: LlmExecutionPreview + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: error + :value: None + + + + .. py:attribute:: execution + + + .. py:attribute:: preview + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: LlmGeneratedCode(client, sql=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Code generated by LLM. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param sql: SQL query generated by LLM. + :type sql: str + + + .. py:attribute:: sql + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: LlmInput(client, content=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - Results of executing queries using LLM. + The result of encoding an object as input for a language model. :param client: An authenticated API Client instance :type client: ApiClient - :param status: The status of the execution. - :type status: str - :param error: The error message if the execution failed. - :type error: str - :param execution: Information on execution of the query. - :type execution: ExecuteFeatureGroupOperation - :param preview: Preview of executing queries using LLM. - :type preview: LlmExecutionPreview + :param content: Content of the response + :type content: str - .. py:attribute:: status + .. py:attribute:: content :value: None - .. py:attribute:: error - :value: None + .. py:attribute:: deprecated_keys + .. py:method:: __repr__() - .. py:attribute:: execution + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: LlmParameters(client, parameters=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + The parameters of LLM for given inputs. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param parameters: The parameters of LLM for given inputs. + :type parameters: dict + + + .. py:attribute:: parameters + :value: None - .. py:attribute:: preview .. py:attribute:: deprecated_keys @@ -33874,24 +37914,71 @@ Package Contents -.. py:class:: LlmGeneratedCode(client, sql=None) +.. py:class:: LlmResponse(client, content=None, tokens=None, stopReason=None, llmName=None, inputTokens=None, outputTokens=None, totalTokens=None, codeBlocks={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - Code generated by LLM. + The response returned by LLM :param client: An authenticated API Client instance :type client: ApiClient - :param sql: SQL query generated by LLM. - :type sql: str + :param content: Full response from LLM. + :type content: str + :param tokens: The number of tokens in the response. + :type tokens: int + :param stopReason: The reason due to which the response generation stopped. + :type stopReason: str + :param llmName: The name of the LLM model used to generate the response. + :type llmName: str + :param inputTokens: The number of input tokens used in the LLM call. + :type inputTokens: int + :param outputTokens: The number of output tokens generated in the LLM response. + :type outputTokens: int + :param totalTokens: The total number of tokens (input + output) used in the LLM interaction. + :type totalTokens: int + :param codeBlocks: A list of parsed code blocks from raw LLM Response + :type codeBlocks: LlmCodeBlock - .. py:attribute:: sql + .. py:attribute:: content + :value: None + + + + .. py:attribute:: tokens + :value: None + + + + .. py:attribute:: stop_reason + :value: None + + + + .. py:attribute:: llm_name + :value: None + + + + .. py:attribute:: input_tokens + :value: None + + + + .. py:attribute:: output_tokens + :value: None + + + + .. py:attribute:: total_tokens :value: None + .. py:attribute:: code_blocks + + .. py:attribute:: deprecated_keys @@ -33907,20 +37994,20 @@ Package Contents -.. py:class:: LlmInput(client, content=None) +.. py:class:: McpConfig(client, mcpConfig=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - The result of encoding an object as input for a language model. + Model Context Protocol Config :param client: An authenticated API Client instance :type client: ApiClient - :param content: Content of the response - :type content: str + :param mcpConfig: The MCP configuration for the current user + :type mcpConfig: dict - .. py:attribute:: content + .. py:attribute:: mcp_config :value: None @@ -33940,20 +38027,69 @@ Package Contents -.. py:class:: LlmParameters(client, parameters=None) +.. py:class:: McpServer(client, name=None, description=None, envVars=None, config=None, envVarInstructions=None, url=None, isActive=None, metadata=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - The parameters of LLM for given inputs. + Model Context Protocol Server :param client: An authenticated API Client instance :type client: ApiClient - :param parameters: The parameters of LLM for given inputs. - :type parameters: dict + :param name: The name of the MCP server. + :type name: str + :param description: description of what the MCP server does. + :type description: str + :param envVars: list of api_keys or credentials required by the MCP server. + :type envVars: list + :param config: a json string containing the command and arguments for the MCP server. + :type config: str + :param envVarInstructions: instructions for the user to get the environment variables. + :type envVarInstructions: str + :param url: The url of the MCP server github repository or webpage. + :type url: str + :param isActive: Whether the MCP server is active. + :type isActive: bool + :param metadata: additional information about the MCP server including github_stars, etc. + :type metadata: dict - .. py:attribute:: parameters + .. py:attribute:: name + :value: None + + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: env_vars + :value: None + + + + .. py:attribute:: config + :value: None + + + + .. py:attribute:: env_var_instructions + :value: None + + + + .. py:attribute:: url + :value: None + + + + .. py:attribute:: is_active + :value: None + + + + .. py:attribute:: metadata :value: None @@ -33973,69 +38109,139 @@ Package Contents -.. py:class:: LlmResponse(client, content=None, tokens=None, stopReason=None, llmName=None, inputTokens=None, outputTokens=None, totalTokens=None, codeBlocks={}) +.. py:class:: McpServerConnection(client, mcpServerConnectionId=None, createdAt=None, updatedAt=None, name=None, config=None, description=None, transport=None, authType=None, externalConnectionId=None, inactive=None, tools=None, errorMsg=None, metadata=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - The response returned by LLM + Model Context Protocol Server Connection :param client: An authenticated API Client instance :type client: ApiClient - :param content: Full response from LLM. - :type content: str - :param tokens: The number of tokens in the response. - :type tokens: int - :param stopReason: The reason due to which the response generation stopped. - :type stopReason: str - :param llmName: The name of the LLM model used to generate the response. - :type llmName: str - :param inputTokens: The number of input tokens used in the LLM call. - :type inputTokens: int - :param outputTokens: The number of output tokens generated in the LLM response. - :type outputTokens: int - :param totalTokens: The total number of tokens (input + output) used in the LLM interaction. - :type totalTokens: int - :param codeBlocks: A list of parsed code blocks from raw LLM Response - :type codeBlocks: LlmCodeBlock + :param mcpServerConnectionId: the id of the MCP server connection. + :type mcpServerConnectionId: id + :param createdAt: the date and time the MCP server connection was created. + :type createdAt: str + :param updatedAt: the date and time the MCP server connection was updated. + :type updatedAt: str + :param name: The name of the MCP server. + :type name: str + :param config: a dictionary containing the config for the MCP server. + :type config: dict + :param description: description of what the MCP server does. + :type description: str + :param transport: the transport type for the MCP server. + :type transport: str + :param authType: the auth type for the MCP server. + :type authType: str + :param externalConnectionId: the external connection id for the MCP server. + :type externalConnectionId: id + :param inactive: whether the MCP server is inactive. + :type inactive: bool + :param tools: the tools for the MCP server. + :type tools: list + :param errorMsg: the error message for the MCP server. + :type errorMsg: str + :param metadata: the metadata for the MCP server. + :type metadata: dict - .. py:attribute:: content + .. py:attribute:: mcp_server_connection_id :value: None - .. py:attribute:: tokens + .. py:attribute:: created_at :value: None - .. py:attribute:: stop_reason + .. py:attribute:: updated_at :value: None - .. py:attribute:: llm_name + .. py:attribute:: name :value: None - .. py:attribute:: input_tokens + .. py:attribute:: config :value: None - .. py:attribute:: output_tokens + .. py:attribute:: description :value: None - .. py:attribute:: total_tokens + .. py:attribute:: transport :value: None - .. py:attribute:: code_blocks + .. py:attribute:: auth_type + :value: None + + + + .. py:attribute:: external_connection_id + :value: None + + + + .. py:attribute:: inactive + :value: None + + + + .. py:attribute:: tools + :value: None + + + + .. py:attribute:: error_msg + :value: None + + + + .. py:attribute:: metadata + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: McpServerQueryResult(client, output=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Result of a MCP server query + + :param client: An authenticated API Client instance + :type client: ApiClient + :param output: The execution logs as well as the final output of the MCP server query + :type output: dict + + + .. py:attribute:: output + :value: None + .. py:attribute:: deprecated_keys @@ -34171,7 +38377,7 @@ Package Contents -.. py:class:: Model(client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, shared=None, sharedAt=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={}) +.. py:class:: Model(client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -34192,10 +38398,6 @@ Package Contents :type createdAt: str :param projectId: The project this model belongs to. :type projectId: str - :param shared: If model is shared to the Abacus.AI model showcase. - :type shared: bool - :param sharedAt: The date and time at which the model was shared to the model showcase - :type sharedAt: str :param trainFunctionName: Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run. :type trainFunctionName: str :param predictFunctionName: Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run. @@ -34282,16 +38484,6 @@ Package Contents - .. py:attribute:: shared - :value: None - - - - .. py:attribute:: shared_at - :value: None - - - .. py:attribute:: train_function_name :value: None @@ -37588,7 +41780,7 @@ Package Contents -.. py:class:: OrganizationExternalApplicationSettings(client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None) +.. py:class:: OrganizationExternalApplicationSettings(client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None, externalServiceForRoles=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -37605,6 +41797,8 @@ Package Contents :type managedUserService: str :param passwordsDisabled: Whether or not passwords are disabled for this organization's domain. :type passwordsDisabled: bool + :param externalServiceForRoles: The external service that is managing the user roles. + :type externalServiceForRoles: str .. py:attribute:: logo @@ -37627,6 +41821,11 @@ Package Contents + .. py:attribute:: external_service_for_roles + :value: None + + + .. py:attribute:: deprecated_keys @@ -37835,7 +42034,7 @@ Package Contents -.. py:class:: OrganizationSecret(client, secretKey=None, value=None, createdAt=None) +.. py:class:: OrganizationSecret(client, secretKey=None, value=None, createdAt=None, metadata=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -37850,6 +42049,8 @@ Package Contents :type value: str :param createdAt: The date and time when the secret was created, in ISO-8601 format. :type createdAt: str + :param metadata: Additional metadata for the secret (e.g., web_app_project_ids). + :type metadata: dict .. py:attribute:: secret_key @@ -37867,6 +42068,11 @@ Package Contents + .. py:attribute:: metadata + :value: None + + + .. py:attribute:: deprecated_keys @@ -39926,7 +44132,7 @@ Package Contents - .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None) + .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, user_info = None) Return a chat response which continues the conversation based on the input messages and search results. @@ -39982,7 +44188,7 @@ Package Contents - .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None) + .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None, user_info = None, execute_usercode_tool = False) Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -40012,6 +44218,8 @@ Package Contents :type chat_config: dict :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. :type doc_infos: list + :param execute_usercode_tool: If True, will return the tool output in the response. + :type execute_usercode_tool: bool @@ -40048,6 +44256,17 @@ Package Contents + .. py:method:: get_deep_agent_response(message, deployment_conversation_id = None) + + Return a DeepAgent response with generated files if any, based on the input message. + + :param message: The user's message/task for DeepAgent to complete + :type message: str + :param deployment_conversation_id: The unique identifier of a deployment conversation to continue. If not specified, a new one will be created. + :type deployment_conversation_id: str + + + .. py:method:: get_search_results(deployment_token, deployment_id, query_data, num = 15) Return the most relevant search results to the search query from the uploaded documents. @@ -40166,6 +44385,36 @@ Package Contents + .. py:method:: get_optimization_inputs_from_serialized(deployment_token, deployment_id, query_data = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes) + :type query_data: dict + + + + .. py:method:: get_assignments_online_with_new_serialized_inputs(deployment_token, deployment_id, query_data = None, solve_time_limit_seconds = None, optimality_gap_limit = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with assignment, constraint and constraint_equations_df (under these specific keys) + :type query_data: dict + :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. + :type solve_time_limit_seconds: float + :param optimality_gap_limit: Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found) + :type optimality_gap_limit: float + + + .. py:method:: check_constraints(deployment_token, deployment_id, query_data) Check for any constraints violated by the overrides. @@ -40323,34 +44572,6 @@ Package Contents - .. py:method:: generate_image(deployment_token, deployment_id, query_data) - - Generate an image from text prompt. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website. - :type deployment_token: str - :param deployment_id: A unique identifier to a deployment created under the project. - :type deployment_id: str - :param query_data: Specifies the text prompt. For example, {'prompt': 'a cat'} - :type query_data: dict - - - - .. py:method:: execute_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None) - - Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - :type deployment_token: str - :param deployment_id: A unique string identifier for the deployment created under the project. - :type deployment_id: str - :param arguments: Positional arguments to the agent execute function. - :type arguments: list - :param keyword_arguments: A dictionary where each 'key' represents the paramter name and its corresponding 'value' represents the value of that parameter for the agent execute function. - :type keyword_arguments: dict - - - .. py:method:: get_matrix_agent_schema(deployment_token, deployment_id, query, doc_infos = None, deployment_conversation_id = None, external_session_id = None) Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. @@ -40370,31 +44591,6 @@ Package Contents - .. py:method:: execute_conversation_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None, deployment_conversation_id = None, external_session_id = None, regenerate = False, doc_infos = None, agent_workflow_node_id = None) - - Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - :type deployment_token: str - :param deployment_id: A unique string identifier for the deployment created under the project. - :type deployment_id: str - :param arguments: Positional arguments to the agent execute function. - :type arguments: list - :param keyword_arguments: A dictionary where each 'key' represents the paramter name and its corresponding 'value' represents the value of that parameter for the agent execute function. - :type keyword_arguments: dict - :param deployment_conversation_id: A unique string identifier for the deployment conversation used for the conversation. - :type deployment_conversation_id: str - :param external_session_id: A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. - :type external_session_id: str - :param regenerate: If True, will regenerate the response from the last query. - :type regenerate: bool - :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. - :type doc_infos: list - :param agent_workflow_node_id: An optional agent workflow node id to trigger agent execution from an intermediate node. - :type agent_workflow_node_id: str - - - .. py:method:: lookup_matches(deployment_token, deployment_id, data = None, filters = None, num = None, result_columns = None, max_words = None, num_retrieval_margin_words = None, max_words_per_chunk = None, score_multiplier_column = None, min_score = None, required_phrases = None, filter_clause = None, crowding_limits = None, include_text_search = False) Lookup document retrievers and return the matching documents from the document retriever deployed with given query. @@ -41083,6 +45279,156 @@ Package Contents +.. py:class:: PresentationExportResult(client, filePath=None, webViewLink=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Export Presentation + + :param client: An authenticated API Client instance + :type client: ApiClient + :param filePath: The path to the exported presentation + :type filePath: str + :param webViewLink: The web view link to the exported presentation (if applicable) + :type webViewLink: str + + + .. py:attribute:: file_path + :value: None + + + + .. py:attribute:: web_view_link + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: PrivateWebAppDeployment(client, hostname=None, llmArtifactId=None, hostedAppVersion=None, applicationType=None, lifecycle=None, deploymentConversationId=None, conversationName=None, userId=None, email=None, conversationType=None, source=None, conversationCreatedAt=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Private web app deployment list. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostname: The hostname of the web app deployment. + :type hostname: str + :param llmArtifactId: The ID of the LLM artifact. + :type llmArtifactId: id + :param hostedAppVersion: The version of the hosted app. + :type hostedAppVersion: id + :param applicationType: The type of application. + :type applicationType: str + :param lifecycle: The lifecycle of the web app deployment. + :type lifecycle: str + :param deploymentConversationId: The ID of the deployment conversation. + :type deploymentConversationId: id + :param conversationName: The name of the conversation. + :type conversationName: str + :param userId: The ID of the user who created the deployment. + :type userId: id + :param email: The email of the user who created the deployment. + :type email: str + :param conversationType: The type of conversation. + :type conversationType: str + :param source: The source of the conversation. + :type source: str + :param conversationCreatedAt: The timestamp when the conversation was created. + :type conversationCreatedAt: str + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: hosted_app_version + :value: None + + + + .. py:attribute:: application_type + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: conversation_name + :value: None + + + + .. py:attribute:: user_id + :value: None + + + + .. py:attribute:: email + :value: None + + + + .. py:attribute:: conversation_type + :value: None + + + + .. py:attribute:: source + :value: None + + + + .. py:attribute:: conversation_created_at + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: ProblemType(client, problemType=None, requiredFeatureGroupType=None, optionalFeatureGroupTypes=None, useCasesSupportCustomAlgorithm=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -41311,6 +45657,17 @@ Package Contents + .. py:method:: add_scope_for_user(email, scope) + + Add a user to a project. + + :param email: The user's email. + :type email: str + :param scope: The list of project scopes. + :type scope: list + + + .. py:method:: describe_feature_group(feature_group_id) Describe a feature group associated with a project @@ -41532,12 +45889,12 @@ Package Contents - .. py:method:: list_model_monitors() + .. py:method:: list_model_monitors(limit = None) Retrieves the list of model monitors in the specified project. - :param project_id: Unique string identifier associated with the project. - :type project_id: str + :param limit: Maximum number of model monitors to return. We'll have internal limit if not set. + :type limit: int :returns: A list of model monitors. :rtype: list[ModelMonitor] @@ -41779,12 +46136,12 @@ Package Contents - .. py:method:: list_batch_predictions() + .. py:method:: list_batch_predictions(limit = None) Retrieves a list of batch predictions in the project. - :param project_id: Unique string identifier of the project. - :type project_id: str + :param limit: Maximum number of batch predictions to return. We'll have internal limit if not set. + :type limit: int :returns: List of batch prediction jobs. :rtype: list[BatchPrediction] @@ -42493,7 +46850,7 @@ Package Contents -.. py:class:: PythonFunction(client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, codeSource={}) +.. py:class:: PythonFunction(client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, connectors=None, configurations=None, codeSource={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -42524,6 +46881,10 @@ Package Contents :type description: str :param examples: Dictionary containing example use cases and anti-patterns. Includes 'positive' examples showing recommended usage and 'negative' examples showing cases to avoid. :type examples: dict[str, list[str]] + :param connectors: Dictionary containing user-level and organization-level connectors + :type connectors: dict + :param configurations: Dictionary containing configurations for the Python function + :type configurations: dict :param codeSource: Information about the source code of the Python function. :type codeSource: CodeSource @@ -42583,6 +46944,16 @@ Package Contents + .. py:attribute:: connectors + :value: None + + + + .. py:attribute:: configurations + :value: None + + + .. py:attribute:: code_source @@ -43363,19 +47734,68 @@ Package Contents -.. py:class:: RegenerateLlmExternalApplication(client, name=None, externalApplicationId=None) +.. py:class:: RegenerateLlmExternalApplication(client, name=None, llmBotIcon=None, llmName=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + An external application that specifies an LLM user can regenerate with in RouteLLM. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The display name of the LLM (ie GPT-5) + :type name: str + :param llmBotIcon: The bot icon of the LLM. + :type llmBotIcon: str + :param llmName: The external name of the LLM (ie OPENAI_GPT5) + :type llmName: str + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: llm_bot_icon + :value: None + + + + .. py:attribute:: llm_name + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: RegenerateLlmOption(client, name=None, llmBotIcon=None, llmName=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - An external application that specifies an LLM user can regenerate with in RouteLLM. + An option that specifies an LLM user can regenerate with in RouteLLM. :param client: An authenticated API Client instance :type client: ApiClient - :param name: The external name of the LLM. + :param name: The display name of the LLM (ie GPT-5) :type name: str - :param externalApplicationId: The unique identifier of the external application. - :type externalApplicationId: str + :param llmBotIcon: The bot icon of the LLM. + :type llmBotIcon: str + :param llmName: The external name of the LLM (ie OPENAI_GPT5) + :type llmName: str .. py:attribute:: name @@ -43383,7 +47803,12 @@ Package Contents - .. py:attribute:: external_application_id + .. py:attribute:: llm_bot_icon + :value: None + + + + .. py:attribute:: llm_name :value: None @@ -43564,7 +47989,7 @@ Package Contents :type client: ApiClient :param name: The unique name of the feature. :type name: str - :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details. + :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details. :type featureMapping: str :param detectedFeatureMapping: Detected feature mapping for this feature :type detectedFeatureMapping: str @@ -43638,6 +48063,112 @@ Package Contents +.. py:class:: SessionSummary(client, summary=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A session summary + + :param client: An authenticated API Client instance + :type client: ApiClient + :param summary: The summary of the session. + :type summary: str + + + .. py:attribute:: summary + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: SessionTranscript(client, role=None, content=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A session transcript + + :param client: An authenticated API Client instance + :type client: ApiClient + :param role: The role of the transcript. + :type role: str + :param content: The content of the transcript. + :type content: str + + + .. py:attribute:: role + :value: None + + + + .. py:attribute:: content + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: SessionTranscripts(client, transcripts=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A list of session transcripts + + :param client: An authenticated API Client instance + :type client: ApiClient + :param transcripts: A list of session transcripts. + :type transcripts: list[sessiontranscript] + + + .. py:attribute:: transcripts + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: SftpKey(client, keyName=None, publicKey=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -43984,6 +48515,197 @@ Package Contents +.. py:class:: StsGenSettings(client, model=None, settings=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STS generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param model: The model settings. + :type model: dict + :param settings: The settings for each model. + :type settings: dict + + + .. py:attribute:: model + :value: None + + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: SttGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STT generation model + + :param client: An authenticated API Client instance + :type client: ApiClient + :param displayName: The display name for the UI component. + :type displayName: str + :param type: The type of the UI component. + :type type: str + :param valueType: The data type of the values within the UI component. + :type valueType: str + :param optional: Whether the selection of a value is optional. + :type optional: bool + :param default: The default value for the STT generation model. + :type default: str + :param helptext: The helptext for the UI component. + :type helptext: str + :param options: The options of models available for STT generation. + :type options: SttGenModelOptions + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: value_type + :value: None + + + + .. py:attribute:: optional + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: helptext + :value: None + + + + .. py:attribute:: options + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: SttGenModelOptions(client, keys=None, values=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STT generation model options + + :param client: An authenticated API Client instance + :type client: ApiClient + :param keys: The keys of the image generation model options represented as the enum values. + :type keys: list + :param values: The display names of the image generation model options. + :type values: list + + + .. py:attribute:: keys + :value: None + + + + .. py:attribute:: values + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: SttGenSettings(client, settings=None, model={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STT generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param settings: The settings for each model. + :type settings: dict + :param model: Dropdown for models available for STT generation. + :type model: SttGenModel + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: model + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: TemplateNodeDetails(client, notebookCode=None, workflowGraphNode={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -44275,6 +48997,46 @@ Package Contents +.. py:class:: TtsGenSettings(client, model=None, settings=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + TTS generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param model: The model settings. + :type model: dict + :param settings: The settings for each model. + :type settings: dict + + + .. py:attribute:: model + :value: None + + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: TwitterSearchResult(client, title=None, url=None, twitterName=None, twitterHandle=None, thumbnailUrl=None, thumbnailWidth=None, thumbnailHeight=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -44350,6 +49112,88 @@ Package Contents +.. py:class:: UnifiedConnector(client, applicationConnectorId=None, databaseConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None, isUserLevel=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Lightweight unified connector filter that skips expensive auth transformations. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param applicationConnectorId: The unique ID for the connection. + :type applicationConnectorId: str + :param databaseConnectorId: The unique ID for the connection. + :type databaseConnectorId: str + :param service: The service this connection connects to + :type service: str + :param name: A user-friendly name for the service + :type name: str + :param createdAt: When the API key was created + :type createdAt: str + :param status: The status of the Application Connector + :type status: str + :param auth: Non-secret connection information for this connector + :type auth: dict + :param isUserLevel: Whether this is a user-level connector + :type isUserLevel: bool + + + .. py:attribute:: application_connector_id + :value: None + + + + .. py:attribute:: database_connector_id + :value: None + + + + .. py:attribute:: service + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: auth + :value: None + + + + .. py:attribute:: is_user_level + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: Upload(client, uploadId=None, datasetUploadId=None, status=None, datasetId=None, datasetVersion=None, modelId=None, modelVersion=None, batchPredictionId=None, parts=None, createdAt=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -44511,7 +49355,7 @@ Package Contents - .. py:method:: upload_file(file, threads=10, chunksize=1024 * 1024 * 10, wait_timeout=600) + .. py:method:: upload_file(file, threads=10, chunksize=None, wait_timeout=600) Uploads the file in the specified chunk size using the specified number of workers. @@ -44519,7 +49363,7 @@ Package Contents :type file: IOBase :param threads: The max number of workers to use while uploading the file :type threads: int - :param chunksize: The number of bytes to use for each chunk while uploading the file. Defaults to 10 MB + :param chunksize: The number of bytes to use for each chunk while uploading the file. If None, dynamically calculated based on file size (defaults to 20 MB.) :type chunksize: int :param wait_timeout: The max number of seconds to wait for the file parts to be joined on Abacus.AI. Defaults to 600. :type wait_timeout: int @@ -44529,6 +49373,9 @@ Package Contents + .. py:method:: _calculate_chunk_size(file_size) + + .. py:method:: _yield_upload_part(file, chunksize) @@ -44719,48 +49566,354 @@ Package Contents -.. py:class:: User(client, name=None, email=None, createdAt=None, status=None, organizationGroups={}) +.. py:class:: User(client, userId=None, name=None, email=None, createdAt=None, status=None, organizationGroups={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + An Abacus.AI User with a unique user_id. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param userId: The unique identifier of the user. + :type userId: id + :param name: The User's name. + :type name: str + :param email: The User's primary email address. + :type email: str + :param createdAt: The date and time when the user joined Abacus.AI. + :type createdAt: str + :param status: `ACTIVE` when the user has accepted an invite to join the organization, else `INVITED`. + :type status: str + :param organizationGroups: List of Organization Groups this user belongs to. + :type organizationGroups: OrganizationGroup + + + .. py:attribute:: user_id + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: email + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: organization_groups + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: UserException(client, type=None, value=None, traceback=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Exception information for errors in usercode. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param type: The type of exception + :type type: str + :param value: The value of the exception + :type value: str + :param traceback: The traceback of the exception + :type traceback: str + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: value + :value: None + + + + .. py:attribute:: traceback + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: UserGroupObjectPermission(client, userGroupId=None, userGroupName=None, objectId=None, permission=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A user group object permission + + :param client: An authenticated API Client instance + :type client: ApiClient + :param userGroupId: The unique identifier of the user group. + :type userGroupId: str + :param userGroupName: The name of the user group. + :type userGroupName: str + :param objectId: The unique identifier of the object. + :type objectId: str + :param permission: The permission level (e.g., 'ALL'). + :type permission: str + + + .. py:attribute:: user_group_id + :value: None + + + + .. py:attribute:: user_group_name + :value: None + + + + .. py:attribute:: object_id + :value: None + + + + .. py:attribute:: permission + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: VideoGenCosts(client, modelCosts=None, expensiveModels=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + The most expensive price for each video gen model in credits + + :param client: An authenticated API Client instance + :type client: ApiClient + :param modelCosts: The costs of the video gen models in credits + :type modelCosts: dict + :param expensiveModels: The list of video gen models that are expensive + :type expensiveModels: list + + + .. py:attribute:: model_costs + :value: None + + + + .. py:attribute:: expensive_models + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: VideoGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Video generation model + + :param client: An authenticated API Client instance + :type client: ApiClient + :param displayName: The display name for the UI component. + :type displayName: str + :param type: The type of the UI component. + :type type: str + :param valueType: The data type of the values within the UI component. + :type valueType: str + :param optional: Whether the selection of a value is optional. + :type optional: bool + :param default: The default value for the video generation model. + :type default: str + :param helptext: The helptext for the UI component. + :type helptext: str + :param options: The options of models available for video generation. + :type options: VideoGenModelOptions + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: value_type + :value: None + + + + .. py:attribute:: optional + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: helptext + :value: None + + + + .. py:attribute:: options + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: VideoGenModelOptions(client, keys=None, values=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - An Abacus.AI User + Video generation model options :param client: An authenticated API Client instance :type client: ApiClient - :param name: The User's name. - :type name: str - :param email: The User's primary email address. - :type email: str - :param createdAt: The date and time when the user joined Abacus.AI. - :type createdAt: str - :param status: `ACTIVE` when the user has accepted an invite to join the organization, else `INVITED`. - :type status: str - :param organizationGroups: List of Organization Groups this user belongs to. - :type organizationGroups: OrganizationGroup + :param keys: The keys of the video generation model options represented as the enum values. + :type keys: list + :param values: The display names of the video generation model options. + :type values: list - .. py:attribute:: name + .. py:attribute:: keys :value: None - .. py:attribute:: email + .. py:attribute:: values :value: None - .. py:attribute:: created_at + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: VideoGenSettings(client, settings=None, warnings=None, model={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Video generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param settings: The settings for each model. + :type settings: dict + :param warnings: The warnings for each model. + :type warnings: dict + :param model: Dropdown for models available for video generation. + :type model: VideoGenModel + + + .. py:attribute:: settings :value: None - .. py:attribute:: status + .. py:attribute:: warnings :value: None - .. py:attribute:: organization_groups + .. py:attribute:: model .. py:attribute:: deprecated_keys @@ -44778,34 +49931,48 @@ Package Contents -.. py:class:: UserException(client, type=None, value=None, traceback=None) +.. py:class:: VideoSearchResult(client, title=None, url=None, thumbnailUrl=None, motionThumbnailUrl=None, embedUrl=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - Exception information for errors in usercode. + A single video search result. :param client: An authenticated API Client instance :type client: ApiClient - :param type: The type of exception - :type type: str - :param value: The value of the exception - :type value: str - :param traceback: The traceback of the exception - :type traceback: str + :param title: The title of the video. + :type title: str + :param url: The URL of the video. + :type url: str + :param thumbnailUrl: The URL of the thumbnail of the video. + :type thumbnailUrl: str + :param motionThumbnailUrl: The URL of the motion thumbnail of the video. + :type motionThumbnailUrl: str + :param embedUrl: The URL of the embed of the video. + :type embedUrl: str - .. py:attribute:: type + .. py:attribute:: title :value: None - .. py:attribute:: value + .. py:attribute:: url :value: None - .. py:attribute:: traceback + .. py:attribute:: thumbnail_url + :value: None + + + + .. py:attribute:: motion_thumbnail_url + :value: None + + + + .. py:attribute:: embed_url :value: None @@ -44825,19 +49992,19 @@ Package Contents -.. py:class:: VideoGenSettings(client, model=None, settings=None) +.. py:class:: VoiceGenDetails(client, model=None, voice=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - Video generation settings + Voice generation details :param client: An authenticated API Client instance :type client: ApiClient - :param model: The model settings. - :type model: dict - :param settings: The settings for each model. - :type settings: dict + :param model: The model used for voice generation. + :type model: str + :param voice: The voice details. + :type voice: dict .. py:attribute:: model @@ -44845,7 +50012,7 @@ Package Contents - .. py:attribute:: settings + .. py:attribute:: voice :value: None @@ -44865,48 +50032,48 @@ Package Contents -.. py:class:: VideoSearchResult(client, title=None, url=None, thumbnailUrl=None, motionThumbnailUrl=None, embedUrl=None) +.. py:class:: WebAppConversation(client, deploymentConversationId=None, llmArtifactId=None, deploymentConversationName=None, externalApplicationId=None, createdAt=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - A single video search result. + Web App Conversation :param client: An authenticated API Client instance :type client: ApiClient - :param title: The title of the video. - :type title: str - :param url: The URL of the video. - :type url: str - :param thumbnailUrl: The URL of the thumbnail of the video. - :type thumbnailUrl: str - :param motionThumbnailUrl: The URL of the motion thumbnail of the video. - :type motionThumbnailUrl: str - :param embedUrl: The URL of the embed of the video. - :type embedUrl: str + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param llmArtifactId: The ID of the LLM artifact + :type llmArtifactId: id + :param deploymentConversationName: The name of the conversation + :type deploymentConversationName: str + :param externalApplicationId: The external application ID + :type externalApplicationId: str + :param createdAt: The creation timestamp + :type createdAt: str - .. py:attribute:: title + .. py:attribute:: deployment_conversation_id :value: None - .. py:attribute:: url + .. py:attribute:: llm_artifact_id :value: None - .. py:attribute:: thumbnail_url + .. py:attribute:: deployment_conversation_name :value: None - .. py:attribute:: motion_thumbnail_url + .. py:attribute:: external_application_id :value: None - .. py:attribute:: embed_url + .. py:attribute:: created_at :value: None @@ -44926,27 +50093,109 @@ Package Contents -.. py:class:: VoiceGenDetails(client, model=None, voice=None) +.. py:class:: WebAppDeploymentPermissionDict(client, deploymentPermissions=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - Voice generation details + Web app deployment permission dict. :param client: An authenticated API Client instance :type client: ApiClient - :param model: The model used for voice generation. - :type model: str - :param voice: The voice details. - :type voice: dict + :param deploymentPermissions: Dictionary containing deployment ID as key and list of tuples containing (user_group_id, permission) as value. + :type deploymentPermissions: dict - .. py:attribute:: model + .. py:attribute:: deployment_permissions :value: None - .. py:attribute:: voice + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + +.. py:class:: WebAppDomain(client, webAppDomainId=None, hostname=None, domainType=None, lifecycle=None, nameservers=None, dnsRecords=None, metadata=None, isRootDomain=None, isDeployed=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Web App Domain + + :param client: An authenticated API Client instance + :type client: ApiClient + :param webAppDomainId: The ID of the web app domain + :type webAppDomainId: id + :param hostname: The hostname of the web app domain + :type hostname: str + :param domainType: The type of the web app domain + :type domainType: str + :param lifecycle: The lifecycle of the web app domain + :type lifecycle: str + :param nameservers: The nameservers of the web app domain + :type nameservers: list + :param dnsRecords: The DNS records of the web app domain + :type dnsRecords: list + :param metadata: The metadata of the web app domain + :type metadata: dict + :param isRootDomain: Whether the web app domain is a root domain + :type isRootDomain: bool + :param isDeployed: Whether the web app domain is deployed + :type isDeployed: bool + + + .. py:attribute:: web_app_domain_id + :value: None + + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: domain_type + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: nameservers + :value: None + + + + .. py:attribute:: dns_records + :value: None + + + + .. py:attribute:: metadata + :value: None + + + + .. py:attribute:: is_root_domain + :value: None + + + + .. py:attribute:: is_deployed :value: None @@ -45105,6 +50354,95 @@ Package Contents +.. py:class:: WebServiceTriggerRun(client, endpoint=None, createdAt=None, payload=None, headers=None, method=None, responseStatus=None, responseBody=None, error=None, lifecycle=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A web service trigger run + + :param client: An authenticated API Client instance + :type client: ApiClient + :param endpoint: The endpoint of the web service trigger run. + :type endpoint: str + :param createdAt: The creation time of the web service trigger run. + :type createdAt: str + :param payload: The payload of the web service trigger run. + :type payload: dict + :param headers: The headers of the web service trigger run. + :type headers: dict + :param method: The method of the web service trigger run. + :type method: str + :param responseStatus: The HTTP response status code. + :type responseStatus: int + :param responseBody: The HTTP response body. + :type responseBody: str + :param error: Error message if the request failed. + :type error: str + :param lifecycle: The lifecycle status of the run. + :type lifecycle: str + + + .. py:attribute:: endpoint + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: payload + :value: None + + + + .. py:attribute:: headers + :value: None + + + + .. py:attribute:: method + :value: None + + + + .. py:attribute:: response_status + :value: None + + + + .. py:attribute:: response_body + :value: None + + + + .. py:attribute:: error + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + .. py:class:: Webhook(client, webhookId=None, deploymentId=None, endpoint=None, webhookEventType=None, payloadTemplate=None, createdAt=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -45216,7 +50554,7 @@ Package Contents -.. py:class:: WorkflowGraphNodeDetails(client, packageRequirements=None, workflowGraphNode={}) +.. py:class:: WorkflowGraphNodeDetails(client, packageRequirements=None, connectors=None, workflowGraphNode={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -45227,6 +50565,8 @@ Package Contents :type client: ApiClient :param packageRequirements: A list of package requirements that the node source code will need. :type packageRequirements: list[str] + :param connectors: A dictionary of connectors that the node source code will need. + :type connectors: dict :param workflowGraphNode: The workflow graph node object. :type workflowGraphNode: WorkflowGraphNode @@ -45236,6 +50576,11 @@ Package Contents + .. py:attribute:: connectors + :value: None + + + .. py:attribute:: workflow_graph_node @@ -45352,6 +50697,6 @@ Package Contents .. py:data:: __version__ - :value: '1.4.31' + :value: '1.4.76' diff --git a/docs/_sources/autoapi/abacusai/lip_sync_gen_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/lip_sync_gen_settings/index.rst.txt new file mode 100644 index 000000000..47ece6541 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/lip_sync_gen_settings/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.lip_sync_gen_settings +============================== + +.. py:module:: abacusai.lip_sync_gen_settings + + +Classes +------- + +.. autoapisummary:: + + abacusai.lip_sync_gen_settings.LipSyncGenSettings + + +Module Contents +--------------- + +.. py:class:: LipSyncGenSettings(client, model=None, settings=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Lip sync generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param model: The model settings. + :type model: dict + :param settings: The settings for each model. + :type settings: dict + + + .. py:attribute:: model + :value: None + + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/llm_artifact/index.rst.txt b/docs/_sources/autoapi/abacusai/llm_artifact/index.rst.txt new file mode 100644 index 000000000..a4409f358 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/llm_artifact/index.rst.txt @@ -0,0 +1,141 @@ +abacusai.llm_artifact +===================== + +.. py:module:: abacusai.llm_artifact + + +Classes +------- + +.. autoapisummary:: + + abacusai.llm_artifact.LlmArtifact + + +Module Contents +--------------- + +.. py:class:: LlmArtifact(client, llmArtifactId=None, info=None, description=None, createdAt=None, webAppDeploymentId=None, deploymentStatus=None, isLatest=None, deploymentConversationId=None, webAppProjectId=None, hasDatabase=None, hasStorage=None, projectMetadata=None, hasDatabaseSnapshot=None, supportsPreviewRestore=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + LLM Artifact + + :param client: An authenticated API Client instance + :type client: ApiClient + :param llmArtifactId: The ID of the LLM artifact + :type llmArtifactId: id + :param info: The info of the LLM artifact + :type info: dict + :param description: The description of the LLM artifact + :type description: str + :param createdAt: The creation timestamp + :type createdAt: str + :param webAppDeploymentId: The ID of the associated web app deployment + :type webAppDeploymentId: id + :param deploymentStatus: The status of the associated web app deployment + :type deploymentStatus: str + :param isLatest: Whether it is the most recent version of the artifact + :type isLatest: bool + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param webAppProjectId: The ID of the web app project + :type webAppProjectId: id + :param hasDatabase: Whether the app associated with the artifact has a database + :type hasDatabase: bool + :param hasStorage: Whether the app associated with the artifact has a storage + :type hasStorage: bool + :param projectMetadata: The metadata of the web app project + :type projectMetadata: dict + :param hasDatabaseSnapshot: Whether the artifact database has a snapshot + :type hasDatabaseSnapshot: bool + :param supportsPreviewRestore: Whether the artifact supports preview restore + :type supportsPreviewRestore: bool + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: info + :value: None + + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: web_app_deployment_id + :value: None + + + + .. py:attribute:: deployment_status + :value: None + + + + .. py:attribute:: is_latest + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: web_app_project_id + :value: None + + + + .. py:attribute:: has_database + :value: None + + + + .. py:attribute:: has_storage + :value: None + + + + .. py:attribute:: project_metadata + :value: None + + + + .. py:attribute:: has_database_snapshot + :value: None + + + + .. py:attribute:: supports_preview_restore + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/llm_artifact_conversation/index.rst.txt b/docs/_sources/autoapi/abacusai/llm_artifact_conversation/index.rst.txt new file mode 100644 index 000000000..07795732b --- /dev/null +++ b/docs/_sources/autoapi/abacusai/llm_artifact_conversation/index.rst.txt @@ -0,0 +1,78 @@ +abacusai.llm_artifact_conversation +================================== + +.. py:module:: abacusai.llm_artifact_conversation + + +Classes +------- + +.. autoapisummary:: + + abacusai.llm_artifact_conversation.LlmArtifactConversation + + +Module Contents +--------------- + +.. py:class:: LlmArtifactConversation(client, deploymentConversationId=None, llmArtifactId=None, deploymentConversationName=None, externalApplicationId=None, createdAt=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + LLM Artifact Conversation + + :param client: An authenticated API Client instance + :type client: ApiClient + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param llmArtifactId: The ID of the LLM artifact + :type llmArtifactId: id + :param deploymentConversationName: The name of the conversation + :type deploymentConversationName: str + :param externalApplicationId: The external application ID + :type externalApplicationId: str + :param createdAt: The creation timestamp + :type createdAt: str + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: deployment_conversation_name + :value: None + + + + .. py:attribute:: external_application_id + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/mcp_config/index.rst.txt b/docs/_sources/autoapi/abacusai/mcp_config/index.rst.txt new file mode 100644 index 000000000..ce77b2e29 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/mcp_config/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.mcp_config +=================== + +.. py:module:: abacusai.mcp_config + + +Classes +------- + +.. autoapisummary:: + + abacusai.mcp_config.McpConfig + + +Module Contents +--------------- + +.. py:class:: McpConfig(client, mcpConfig=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Model Context Protocol Config + + :param client: An authenticated API Client instance + :type client: ApiClient + :param mcpConfig: The MCP configuration for the current user + :type mcpConfig: dict + + + .. py:attribute:: mcp_config + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/mcp_server/index.rst.txt b/docs/_sources/autoapi/abacusai/mcp_server/index.rst.txt new file mode 100644 index 000000000..81099712c --- /dev/null +++ b/docs/_sources/autoapi/abacusai/mcp_server/index.rst.txt @@ -0,0 +1,99 @@ +abacusai.mcp_server +=================== + +.. py:module:: abacusai.mcp_server + + +Classes +------- + +.. autoapisummary:: + + abacusai.mcp_server.McpServer + + +Module Contents +--------------- + +.. py:class:: McpServer(client, name=None, description=None, envVars=None, config=None, envVarInstructions=None, url=None, isActive=None, metadata=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Model Context Protocol Server + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The name of the MCP server. + :type name: str + :param description: description of what the MCP server does. + :type description: str + :param envVars: list of api_keys or credentials required by the MCP server. + :type envVars: list + :param config: a json string containing the command and arguments for the MCP server. + :type config: str + :param envVarInstructions: instructions for the user to get the environment variables. + :type envVarInstructions: str + :param url: The url of the MCP server github repository or webpage. + :type url: str + :param isActive: Whether the MCP server is active. + :type isActive: bool + :param metadata: additional information about the MCP server including github_stars, etc. + :type metadata: dict + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: env_vars + :value: None + + + + .. py:attribute:: config + :value: None + + + + .. py:attribute:: env_var_instructions + :value: None + + + + .. py:attribute:: url + :value: None + + + + .. py:attribute:: is_active + :value: None + + + + .. py:attribute:: metadata + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/mcp_server_connection/index.rst.txt b/docs/_sources/autoapi/abacusai/mcp_server_connection/index.rst.txt new file mode 100644 index 000000000..00e2c5377 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/mcp_server_connection/index.rst.txt @@ -0,0 +1,134 @@ +abacusai.mcp_server_connection +============================== + +.. py:module:: abacusai.mcp_server_connection + + +Classes +------- + +.. autoapisummary:: + + abacusai.mcp_server_connection.McpServerConnection + + +Module Contents +--------------- + +.. py:class:: McpServerConnection(client, mcpServerConnectionId=None, createdAt=None, updatedAt=None, name=None, config=None, description=None, transport=None, authType=None, externalConnectionId=None, inactive=None, tools=None, errorMsg=None, metadata=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Model Context Protocol Server Connection + + :param client: An authenticated API Client instance + :type client: ApiClient + :param mcpServerConnectionId: the id of the MCP server connection. + :type mcpServerConnectionId: id + :param createdAt: the date and time the MCP server connection was created. + :type createdAt: str + :param updatedAt: the date and time the MCP server connection was updated. + :type updatedAt: str + :param name: The name of the MCP server. + :type name: str + :param config: a dictionary containing the config for the MCP server. + :type config: dict + :param description: description of what the MCP server does. + :type description: str + :param transport: the transport type for the MCP server. + :type transport: str + :param authType: the auth type for the MCP server. + :type authType: str + :param externalConnectionId: the external connection id for the MCP server. + :type externalConnectionId: id + :param inactive: whether the MCP server is inactive. + :type inactive: bool + :param tools: the tools for the MCP server. + :type tools: list + :param errorMsg: the error message for the MCP server. + :type errorMsg: str + :param metadata: the metadata for the MCP server. + :type metadata: dict + + + .. py:attribute:: mcp_server_connection_id + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: updated_at + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: config + :value: None + + + + .. py:attribute:: description + :value: None + + + + .. py:attribute:: transport + :value: None + + + + .. py:attribute:: auth_type + :value: None + + + + .. py:attribute:: external_connection_id + :value: None + + + + .. py:attribute:: inactive + :value: None + + + + .. py:attribute:: tools + :value: None + + + + .. py:attribute:: error_msg + :value: None + + + + .. py:attribute:: metadata + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/mcp_server_query_result/index.rst.txt b/docs/_sources/autoapi/abacusai/mcp_server_query_result/index.rst.txt new file mode 100644 index 000000000..0b7179b34 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/mcp_server_query_result/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.mcp_server_query_result +================================ + +.. py:module:: abacusai.mcp_server_query_result + + +Classes +------- + +.. autoapisummary:: + + abacusai.mcp_server_query_result.McpServerQueryResult + + +Module Contents +--------------- + +.. py:class:: McpServerQueryResult(client, output=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Result of a MCP server query + + :param client: An authenticated API Client instance + :type client: ApiClient + :param output: The execution logs as well as the final output of the MCP server query + :type output: dict + + + .. py:attribute:: output + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/model/index.rst.txt b/docs/_sources/autoapi/abacusai/model/index.rst.txt index d674094c3..bdd29d339 100644 --- a/docs/_sources/autoapi/abacusai/model/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/model/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: Model(client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, shared=None, sharedAt=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={}) +.. py:class:: Model(client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -36,10 +36,6 @@ Module Contents :type createdAt: str :param projectId: The project this model belongs to. :type projectId: str - :param shared: If model is shared to the Abacus.AI model showcase. - :type shared: bool - :param sharedAt: The date and time at which the model was shared to the model showcase - :type sharedAt: str :param trainFunctionName: Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run. :type trainFunctionName: str :param predictFunctionName: Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run. @@ -126,16 +122,6 @@ Module Contents - .. py:attribute:: shared - :value: None - - - - .. py:attribute:: shared_at - :value: None - - - .. py:attribute:: train_function_name :value: None diff --git a/docs/_sources/autoapi/abacusai/organization_external_application_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/organization_external_application_settings/index.rst.txt index a6048c000..b2c4dc95c 100644 --- a/docs/_sources/autoapi/abacusai/organization_external_application_settings/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/organization_external_application_settings/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: OrganizationExternalApplicationSettings(client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None) +.. py:class:: OrganizationExternalApplicationSettings(client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None, externalServiceForRoles=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -32,6 +32,8 @@ Module Contents :type managedUserService: str :param passwordsDisabled: Whether or not passwords are disabled for this organization's domain. :type passwordsDisabled: bool + :param externalServiceForRoles: The external service that is managing the user roles. + :type externalServiceForRoles: str .. py:attribute:: logo @@ -54,6 +56,11 @@ Module Contents + .. py:attribute:: external_service_for_roles + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/organization_secret/index.rst.txt b/docs/_sources/autoapi/abacusai/organization_secret/index.rst.txt index 1e1ee3768..33eeca1c8 100644 --- a/docs/_sources/autoapi/abacusai/organization_secret/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/organization_secret/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: OrganizationSecret(client, secretKey=None, value=None, createdAt=None) +.. py:class:: OrganizationSecret(client, secretKey=None, value=None, createdAt=None, metadata=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -30,6 +30,8 @@ Module Contents :type value: str :param createdAt: The date and time when the secret was created, in ISO-8601 format. :type createdAt: str + :param metadata: Additional metadata for the secret (e.g., web_app_project_ids). + :type metadata: dict .. py:attribute:: secret_key @@ -47,6 +49,11 @@ Module Contents + .. py:attribute:: metadata + :value: None + + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/prediction_client/index.rst.txt b/docs/_sources/autoapi/abacusai/prediction_client/index.rst.txt index 1b8408fb0..0c1acb317 100644 --- a/docs/_sources/autoapi/abacusai/prediction_client/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/prediction_client/index.rst.txt @@ -458,7 +458,7 @@ Module Contents - .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None) + .. py:method:: get_chat_response(deployment_token, deployment_id, messages, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, user_info = None) Return a chat response which continues the conversation based on the input messages and search results. @@ -514,7 +514,7 @@ Module Contents - .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None) + .. py:method:: get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id = None, external_session_id = None, llm_name = None, num_completion_tokens = None, system_message = None, temperature = 0.0, filter_key_values = None, search_score_cutoff = None, chat_config = None, doc_infos = None, user_info = None, execute_usercode_tool = False) Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists). @@ -544,6 +544,8 @@ Module Contents :type chat_config: dict :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. :type doc_infos: list + :param execute_usercode_tool: If True, will return the tool output in the response. + :type execute_usercode_tool: bool @@ -580,6 +582,17 @@ Module Contents + .. py:method:: get_deep_agent_response(message, deployment_conversation_id = None) + + Return a DeepAgent response with generated files if any, based on the input message. + + :param message: The user's message/task for DeepAgent to complete + :type message: str + :param deployment_conversation_id: The unique identifier of a deployment conversation to continue. If not specified, a new one will be created. + :type deployment_conversation_id: str + + + .. py:method:: get_search_results(deployment_token, deployment_id, query_data, num = 15) Return the most relevant search results to the search query from the uploaded documents. @@ -698,6 +711,36 @@ Module Contents + .. py:method:: get_optimization_inputs_from_serialized(deployment_token, deployment_id, query_data = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes) + :type query_data: dict + + + + .. py:method:: get_assignments_online_with_new_serialized_inputs(deployment_token, deployment_id, query_data = None, solve_time_limit_seconds = None, optimality_gap_limit = None) + + Get assignments for given query, with new inputs + + :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website. + :type deployment_token: str + :param deployment_id: The unique identifier of a deployment created under the project. + :type deployment_id: str + :param query_data: a dictionary with assignment, constraint and constraint_equations_df (under these specific keys) + :type query_data: dict + :param solve_time_limit_seconds: Maximum time in seconds to spend solving the query. + :type solve_time_limit_seconds: float + :param optimality_gap_limit: Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found) + :type optimality_gap_limit: float + + + .. py:method:: check_constraints(deployment_token, deployment_id, query_data) Check for any constraints violated by the overrides. @@ -855,34 +898,6 @@ Module Contents - .. py:method:: generate_image(deployment_token, deployment_id, query_data) - - Generate an image from text prompt. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website. - :type deployment_token: str - :param deployment_id: A unique identifier to a deployment created under the project. - :type deployment_id: str - :param query_data: Specifies the text prompt. For example, {'prompt': 'a cat'} - :type query_data: dict - - - - .. py:method:: execute_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None) - - Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - :type deployment_token: str - :param deployment_id: A unique string identifier for the deployment created under the project. - :type deployment_id: str - :param arguments: Positional arguments to the agent execute function. - :type arguments: list - :param keyword_arguments: A dictionary where each 'key' represents the paramter name and its corresponding 'value' represents the value of that parameter for the agent execute function. - :type keyword_arguments: dict - - - .. py:method:: get_matrix_agent_schema(deployment_token, deployment_id, query, doc_infos = None, deployment_conversation_id = None, external_session_id = None) Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. @@ -902,31 +917,6 @@ Module Contents - .. py:method:: execute_conversation_agent(deployment_token, deployment_id, arguments = None, keyword_arguments = None, deployment_conversation_id = None, external_session_id = None, regenerate = False, doc_infos = None, agent_workflow_node_id = None) - - Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function. - - :param deployment_token: The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website. - :type deployment_token: str - :param deployment_id: A unique string identifier for the deployment created under the project. - :type deployment_id: str - :param arguments: Positional arguments to the agent execute function. - :type arguments: list - :param keyword_arguments: A dictionary where each 'key' represents the paramter name and its corresponding 'value' represents the value of that parameter for the agent execute function. - :type keyword_arguments: dict - :param deployment_conversation_id: A unique string identifier for the deployment conversation used for the conversation. - :type deployment_conversation_id: str - :param external_session_id: A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created. - :type external_session_id: str - :param regenerate: If True, will regenerate the response from the last query. - :type regenerate: bool - :param doc_infos: An optional list of documents use for the conversation. A keyword 'doc_id' is expected to be present in each document for retrieving contents from docstore. - :type doc_infos: list - :param agent_workflow_node_id: An optional agent workflow node id to trigger agent execution from an intermediate node. - :type agent_workflow_node_id: str - - - .. py:method:: lookup_matches(deployment_token, deployment_id, data = None, filters = None, num = None, result_columns = None, max_words = None, num_retrieval_margin_words = None, max_words_per_chunk = None, score_multiplier_column = None, min_score = None, required_phrases = None, filter_clause = None, crowding_limits = None, include_text_search = False) Lookup document retrievers and return the matching documents from the document retriever deployed with given query. diff --git a/docs/_sources/autoapi/abacusai/presentation_export_result/index.rst.txt b/docs/_sources/autoapi/abacusai/presentation_export_result/index.rst.txt new file mode 100644 index 000000000..07952f64b --- /dev/null +++ b/docs/_sources/autoapi/abacusai/presentation_export_result/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.presentation_export_result +=================================== + +.. py:module:: abacusai.presentation_export_result + + +Classes +------- + +.. autoapisummary:: + + abacusai.presentation_export_result.PresentationExportResult + + +Module Contents +--------------- + +.. py:class:: PresentationExportResult(client, filePath=None, webViewLink=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Export Presentation + + :param client: An authenticated API Client instance + :type client: ApiClient + :param filePath: The path to the exported presentation + :type filePath: str + :param webViewLink: The web view link to the exported presentation (if applicable) + :type webViewLink: str + + + .. py:attribute:: file_path + :value: None + + + + .. py:attribute:: web_view_link + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/private_web_app_deployment/index.rst.txt b/docs/_sources/autoapi/abacusai/private_web_app_deployment/index.rst.txt new file mode 100644 index 000000000..0cfe97bb0 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/private_web_app_deployment/index.rst.txt @@ -0,0 +1,127 @@ +abacusai.private_web_app_deployment +=================================== + +.. py:module:: abacusai.private_web_app_deployment + + +Classes +------- + +.. autoapisummary:: + + abacusai.private_web_app_deployment.PrivateWebAppDeployment + + +Module Contents +--------------- + +.. py:class:: PrivateWebAppDeployment(client, hostname=None, llmArtifactId=None, hostedAppVersion=None, applicationType=None, lifecycle=None, deploymentConversationId=None, conversationName=None, userId=None, email=None, conversationType=None, source=None, conversationCreatedAt=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Private web app deployment list. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param hostname: The hostname of the web app deployment. + :type hostname: str + :param llmArtifactId: The ID of the LLM artifact. + :type llmArtifactId: id + :param hostedAppVersion: The version of the hosted app. + :type hostedAppVersion: id + :param applicationType: The type of application. + :type applicationType: str + :param lifecycle: The lifecycle of the web app deployment. + :type lifecycle: str + :param deploymentConversationId: The ID of the deployment conversation. + :type deploymentConversationId: id + :param conversationName: The name of the conversation. + :type conversationName: str + :param userId: The ID of the user who created the deployment. + :type userId: id + :param email: The email of the user who created the deployment. + :type email: str + :param conversationType: The type of conversation. + :type conversationType: str + :param source: The source of the conversation. + :type source: str + :param conversationCreatedAt: The timestamp when the conversation was created. + :type conversationCreatedAt: str + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: hosted_app_version + :value: None + + + + .. py:attribute:: application_type + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: conversation_name + :value: None + + + + .. py:attribute:: user_id + :value: None + + + + .. py:attribute:: email + :value: None + + + + .. py:attribute:: conversation_type + :value: None + + + + .. py:attribute:: source + :value: None + + + + .. py:attribute:: conversation_created_at + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/project/index.rst.txt b/docs/_sources/autoapi/abacusai/project/index.rst.txt index 6b371bef2..513a1859c 100644 --- a/docs/_sources/autoapi/abacusai/project/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/project/index.rst.txt @@ -189,6 +189,17 @@ Module Contents + .. py:method:: add_scope_for_user(email, scope) + + Add a user to a project. + + :param email: The user's email. + :type email: str + :param scope: The list of project scopes. + :type scope: list + + + .. py:method:: describe_feature_group(feature_group_id) Describe a feature group associated with a project @@ -410,12 +421,12 @@ Module Contents - .. py:method:: list_model_monitors() + .. py:method:: list_model_monitors(limit = None) Retrieves the list of model monitors in the specified project. - :param project_id: Unique string identifier associated with the project. - :type project_id: str + :param limit: Maximum number of model monitors to return. We'll have internal limit if not set. + :type limit: int :returns: A list of model monitors. :rtype: list[ModelMonitor] @@ -657,12 +668,12 @@ Module Contents - .. py:method:: list_batch_predictions() + .. py:method:: list_batch_predictions(limit = None) Retrieves a list of batch predictions in the project. - :param project_id: Unique string identifier of the project. - :type project_id: str + :param limit: Maximum number of batch predictions to return. We'll have internal limit if not set. + :type limit: int :returns: List of batch prediction jobs. :rtype: list[BatchPrediction] diff --git a/docs/_sources/autoapi/abacusai/python_function/index.rst.txt b/docs/_sources/autoapi/abacusai/python_function/index.rst.txt index 6e535854a..908dfefc0 100644 --- a/docs/_sources/autoapi/abacusai/python_function/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/python_function/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: PythonFunction(client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, codeSource={}) +.. py:class:: PythonFunction(client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, connectors=None, configurations=None, codeSource={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -46,6 +46,10 @@ Module Contents :type description: str :param examples: Dictionary containing example use cases and anti-patterns. Includes 'positive' examples showing recommended usage and 'negative' examples showing cases to avoid. :type examples: dict[str, list[str]] + :param connectors: Dictionary containing user-level and organization-level connectors + :type connectors: dict + :param configurations: Dictionary containing configurations for the Python function + :type configurations: dict :param codeSource: Information about the source code of the Python function. :type codeSource: CodeSource @@ -105,6 +109,16 @@ Module Contents + .. py:attribute:: connectors + :value: None + + + + .. py:attribute:: configurations + :value: None + + + .. py:attribute:: code_source diff --git a/docs/_sources/autoapi/abacusai/regenerate_llm_external_application/index.rst.txt b/docs/_sources/autoapi/abacusai/regenerate_llm_external_application/index.rst.txt index 8b7e47f86..663da6979 100644 --- a/docs/_sources/autoapi/abacusai/regenerate_llm_external_application/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/regenerate_llm_external_application/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: RegenerateLlmExternalApplication(client, name=None, externalApplicationId=None) +.. py:class:: RegenerateLlmExternalApplication(client, name=None, llmBotIcon=None, llmName=None) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -24,10 +24,12 @@ Module Contents :param client: An authenticated API Client instance :type client: ApiClient - :param name: The external name of the LLM. + :param name: The display name of the LLM (ie GPT-5) :type name: str - :param externalApplicationId: The unique identifier of the external application. - :type externalApplicationId: str + :param llmBotIcon: The bot icon of the LLM. + :type llmBotIcon: str + :param llmName: The external name of the LLM (ie OPENAI_GPT5) + :type llmName: str .. py:attribute:: name @@ -35,7 +37,12 @@ Module Contents - .. py:attribute:: external_application_id + .. py:attribute:: llm_bot_icon + :value: None + + + + .. py:attribute:: llm_name :value: None diff --git a/docs/_sources/autoapi/abacusai/regenerate_llm_option/index.rst.txt b/docs/_sources/autoapi/abacusai/regenerate_llm_option/index.rst.txt new file mode 100644 index 000000000..6a745d319 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/regenerate_llm_option/index.rst.txt @@ -0,0 +1,64 @@ +abacusai.regenerate_llm_option +============================== + +.. py:module:: abacusai.regenerate_llm_option + + +Classes +------- + +.. autoapisummary:: + + abacusai.regenerate_llm_option.RegenerateLlmOption + + +Module Contents +--------------- + +.. py:class:: RegenerateLlmOption(client, name=None, llmBotIcon=None, llmName=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + An option that specifies an LLM user can regenerate with in RouteLLM. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param name: The display name of the LLM (ie GPT-5) + :type name: str + :param llmBotIcon: The bot icon of the LLM. + :type llmBotIcon: str + :param llmName: The external name of the LLM (ie OPENAI_GPT5) + :type llmName: str + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: llm_bot_icon + :value: None + + + + .. py:attribute:: llm_name + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/schema/index.rst.txt b/docs/_sources/autoapi/abacusai/schema/index.rst.txt index d4188258a..7a0ea37c0 100644 --- a/docs/_sources/autoapi/abacusai/schema/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/schema/index.rst.txt @@ -26,7 +26,7 @@ Module Contents :type client: ApiClient :param name: The unique name of the feature. :type name: str - :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details. + :param featureMapping: The mapping of the feature. The possible values will be based on the project's use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details. :type featureMapping: str :param detectedFeatureMapping: Detected feature mapping for this feature :type detectedFeatureMapping: str diff --git a/docs/_sources/autoapi/abacusai/session_summary/index.rst.txt b/docs/_sources/autoapi/abacusai/session_summary/index.rst.txt new file mode 100644 index 000000000..7d75ea8e4 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/session_summary/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.session_summary +======================== + +.. py:module:: abacusai.session_summary + + +Classes +------- + +.. autoapisummary:: + + abacusai.session_summary.SessionSummary + + +Module Contents +--------------- + +.. py:class:: SessionSummary(client, summary=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A session summary + + :param client: An authenticated API Client instance + :type client: ApiClient + :param summary: The summary of the session. + :type summary: str + + + .. py:attribute:: summary + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/session_transcript/index.rst.txt b/docs/_sources/autoapi/abacusai/session_transcript/index.rst.txt new file mode 100644 index 000000000..3620c57d7 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/session_transcript/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.session_transcript +=========================== + +.. py:module:: abacusai.session_transcript + + +Classes +------- + +.. autoapisummary:: + + abacusai.session_transcript.SessionTranscript + + +Module Contents +--------------- + +.. py:class:: SessionTranscript(client, role=None, content=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A session transcript + + :param client: An authenticated API Client instance + :type client: ApiClient + :param role: The role of the transcript. + :type role: str + :param content: The content of the transcript. + :type content: str + + + .. py:attribute:: role + :value: None + + + + .. py:attribute:: content + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/session_transcripts/index.rst.txt b/docs/_sources/autoapi/abacusai/session_transcripts/index.rst.txt new file mode 100644 index 000000000..222a6bc3a --- /dev/null +++ b/docs/_sources/autoapi/abacusai/session_transcripts/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.session_transcripts +============================ + +.. py:module:: abacusai.session_transcripts + + +Classes +------- + +.. autoapisummary:: + + abacusai.session_transcripts.SessionTranscripts + + +Module Contents +--------------- + +.. py:class:: SessionTranscripts(client, transcripts=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A list of session transcripts + + :param client: An authenticated API Client instance + :type client: ApiClient + :param transcripts: A list of session transcripts. + :type transcripts: list[sessiontranscript] + + + .. py:attribute:: transcripts + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/sts_gen_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/sts_gen_settings/index.rst.txt new file mode 100644 index 000000000..cc517cbfe --- /dev/null +++ b/docs/_sources/autoapi/abacusai/sts_gen_settings/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.sts_gen_settings +========================= + +.. py:module:: abacusai.sts_gen_settings + + +Classes +------- + +.. autoapisummary:: + + abacusai.sts_gen_settings.StsGenSettings + + +Module Contents +--------------- + +.. py:class:: StsGenSettings(client, model=None, settings=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STS generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param model: The model settings. + :type model: dict + :param settings: The settings for each model. + :type settings: dict + + + .. py:attribute:: model + :value: None + + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/stt_gen_model/index.rst.txt b/docs/_sources/autoapi/abacusai/stt_gen_model/index.rst.txt new file mode 100644 index 000000000..c57103c2e --- /dev/null +++ b/docs/_sources/autoapi/abacusai/stt_gen_model/index.rst.txt @@ -0,0 +1,90 @@ +abacusai.stt_gen_model +====================== + +.. py:module:: abacusai.stt_gen_model + + +Classes +------- + +.. autoapisummary:: + + abacusai.stt_gen_model.SttGenModel + + +Module Contents +--------------- + +.. py:class:: SttGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STT generation model + + :param client: An authenticated API Client instance + :type client: ApiClient + :param displayName: The display name for the UI component. + :type displayName: str + :param type: The type of the UI component. + :type type: str + :param valueType: The data type of the values within the UI component. + :type valueType: str + :param optional: Whether the selection of a value is optional. + :type optional: bool + :param default: The default value for the STT generation model. + :type default: str + :param helptext: The helptext for the UI component. + :type helptext: str + :param options: The options of models available for STT generation. + :type options: SttGenModelOptions + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: value_type + :value: None + + + + .. py:attribute:: optional + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: helptext + :value: None + + + + .. py:attribute:: options + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/stt_gen_model_options/index.rst.txt b/docs/_sources/autoapi/abacusai/stt_gen_model_options/index.rst.txt new file mode 100644 index 000000000..0233a8d6f --- /dev/null +++ b/docs/_sources/autoapi/abacusai/stt_gen_model_options/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.stt_gen_model_options +============================== + +.. py:module:: abacusai.stt_gen_model_options + + +Classes +------- + +.. autoapisummary:: + + abacusai.stt_gen_model_options.SttGenModelOptions + + +Module Contents +--------------- + +.. py:class:: SttGenModelOptions(client, keys=None, values=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STT generation model options + + :param client: An authenticated API Client instance + :type client: ApiClient + :param keys: The keys of the image generation model options represented as the enum values. + :type keys: list + :param values: The display names of the image generation model options. + :type values: list + + + .. py:attribute:: keys + :value: None + + + + .. py:attribute:: values + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/stt_gen_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/stt_gen_settings/index.rst.txt new file mode 100644 index 000000000..2b6030b01 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/stt_gen_settings/index.rst.txt @@ -0,0 +1,55 @@ +abacusai.stt_gen_settings +========================= + +.. py:module:: abacusai.stt_gen_settings + + +Classes +------- + +.. autoapisummary:: + + abacusai.stt_gen_settings.SttGenSettings + + +Module Contents +--------------- + +.. py:class:: SttGenSettings(client, settings=None, model={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + STT generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param settings: The settings for each model. + :type settings: dict + :param model: Dropdown for models available for STT generation. + :type model: SttGenModel + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: model + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/tts_gen_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/tts_gen_settings/index.rst.txt new file mode 100644 index 000000000..58761e340 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/tts_gen_settings/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.tts_gen_settings +========================= + +.. py:module:: abacusai.tts_gen_settings + + +Classes +------- + +.. autoapisummary:: + + abacusai.tts_gen_settings.TtsGenSettings + + +Module Contents +--------------- + +.. py:class:: TtsGenSettings(client, model=None, settings=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + TTS generation settings + + :param client: An authenticated API Client instance + :type client: ApiClient + :param model: The model settings. + :type model: dict + :param settings: The settings for each model. + :type settings: dict + + + .. py:attribute:: model + :value: None + + + + .. py:attribute:: settings + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/unified_connector/index.rst.txt b/docs/_sources/autoapi/abacusai/unified_connector/index.rst.txt new file mode 100644 index 000000000..171c1bab3 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/unified_connector/index.rst.txt @@ -0,0 +1,99 @@ +abacusai.unified_connector +========================== + +.. py:module:: abacusai.unified_connector + + +Classes +------- + +.. autoapisummary:: + + abacusai.unified_connector.UnifiedConnector + + +Module Contents +--------------- + +.. py:class:: UnifiedConnector(client, applicationConnectorId=None, databaseConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None, isUserLevel=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Lightweight unified connector filter that skips expensive auth transformations. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param applicationConnectorId: The unique ID for the connection. + :type applicationConnectorId: str + :param databaseConnectorId: The unique ID for the connection. + :type databaseConnectorId: str + :param service: The service this connection connects to + :type service: str + :param name: A user-friendly name for the service + :type name: str + :param createdAt: When the API key was created + :type createdAt: str + :param status: The status of the Application Connector + :type status: str + :param auth: Non-secret connection information for this connector + :type auth: dict + :param isUserLevel: Whether this is a user-level connector + :type isUserLevel: bool + + + .. py:attribute:: application_connector_id + :value: None + + + + .. py:attribute:: database_connector_id + :value: None + + + + .. py:attribute:: service + :value: None + + + + .. py:attribute:: name + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: status + :value: None + + + + .. py:attribute:: auth + :value: None + + + + .. py:attribute:: is_user_level + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/upload/index.rst.txt b/docs/_sources/autoapi/abacusai/upload/index.rst.txt index b635332b1..632857943 100644 --- a/docs/_sources/autoapi/abacusai/upload/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/upload/index.rst.txt @@ -176,7 +176,7 @@ Module Contents - .. py:method:: upload_file(file, threads=10, chunksize=1024 * 1024 * 10, wait_timeout=600) + .. py:method:: upload_file(file, threads=10, chunksize=None, wait_timeout=600) Uploads the file in the specified chunk size using the specified number of workers. @@ -184,7 +184,7 @@ Module Contents :type file: IOBase :param threads: The max number of workers to use while uploading the file :type threads: int - :param chunksize: The number of bytes to use for each chunk while uploading the file. Defaults to 10 MB + :param chunksize: The number of bytes to use for each chunk while uploading the file. If None, dynamically calculated based on file size (defaults to 20 MB.) :type chunksize: int :param wait_timeout: The max number of seconds to wait for the file parts to be joined on Abacus.AI. Defaults to 600. :type wait_timeout: int @@ -194,6 +194,9 @@ Module Contents + .. py:method:: _calculate_chunk_size(file_size) + + .. py:method:: _yield_upload_part(file, chunksize) diff --git a/docs/_sources/autoapi/abacusai/user/index.rst.txt b/docs/_sources/autoapi/abacusai/user/index.rst.txt index d07e99ffe..8e36d76f2 100644 --- a/docs/_sources/autoapi/abacusai/user/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/user/index.rst.txt @@ -15,15 +15,17 @@ Classes Module Contents --------------- -.. py:class:: User(client, name=None, email=None, createdAt=None, status=None, organizationGroups={}) +.. py:class:: User(client, userId=None, name=None, email=None, createdAt=None, status=None, organizationGroups={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` - An Abacus.AI User + An Abacus.AI User with a unique user_id. :param client: An authenticated API Client instance :type client: ApiClient + :param userId: The unique identifier of the user. + :type userId: id :param name: The User's name. :type name: str :param email: The User's primary email address. @@ -36,6 +38,11 @@ Module Contents :type organizationGroups: OrganizationGroup + .. py:attribute:: user_id + :value: None + + + .. py:attribute:: name :value: None diff --git a/docs/_sources/autoapi/abacusai/user_group_object_permission/index.rst.txt b/docs/_sources/autoapi/abacusai/user_group_object_permission/index.rst.txt new file mode 100644 index 000000000..8c499f9e7 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/user_group_object_permission/index.rst.txt @@ -0,0 +1,71 @@ +abacusai.user_group_object_permission +===================================== + +.. py:module:: abacusai.user_group_object_permission + + +Classes +------- + +.. autoapisummary:: + + abacusai.user_group_object_permission.UserGroupObjectPermission + + +Module Contents +--------------- + +.. py:class:: UserGroupObjectPermission(client, userGroupId=None, userGroupName=None, objectId=None, permission=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A user group object permission + + :param client: An authenticated API Client instance + :type client: ApiClient + :param userGroupId: The unique identifier of the user group. + :type userGroupId: str + :param userGroupName: The name of the user group. + :type userGroupName: str + :param objectId: The unique identifier of the object. + :type objectId: str + :param permission: The permission level (e.g., 'ALL'). + :type permission: str + + + .. py:attribute:: user_group_id + :value: None + + + + .. py:attribute:: user_group_name + :value: None + + + + .. py:attribute:: object_id + :value: None + + + + .. py:attribute:: permission + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/video_gen_costs/index.rst.txt b/docs/_sources/autoapi/abacusai/video_gen_costs/index.rst.txt new file mode 100644 index 000000000..955247356 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/video_gen_costs/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.video_gen_costs +======================== + +.. py:module:: abacusai.video_gen_costs + + +Classes +------- + +.. autoapisummary:: + + abacusai.video_gen_costs.VideoGenCosts + + +Module Contents +--------------- + +.. py:class:: VideoGenCosts(client, modelCosts=None, expensiveModels=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + The most expensive price for each video gen model in credits + + :param client: An authenticated API Client instance + :type client: ApiClient + :param modelCosts: The costs of the video gen models in credits + :type modelCosts: dict + :param expensiveModels: The list of video gen models that are expensive + :type expensiveModels: list + + + .. py:attribute:: model_costs + :value: None + + + + .. py:attribute:: expensive_models + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/video_gen_model/index.rst.txt b/docs/_sources/autoapi/abacusai/video_gen_model/index.rst.txt new file mode 100644 index 000000000..001ce9b01 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/video_gen_model/index.rst.txt @@ -0,0 +1,90 @@ +abacusai.video_gen_model +======================== + +.. py:module:: abacusai.video_gen_model + + +Classes +------- + +.. autoapisummary:: + + abacusai.video_gen_model.VideoGenModel + + +Module Contents +--------------- + +.. py:class:: VideoGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={}) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Video generation model + + :param client: An authenticated API Client instance + :type client: ApiClient + :param displayName: The display name for the UI component. + :type displayName: str + :param type: The type of the UI component. + :type type: str + :param valueType: The data type of the values within the UI component. + :type valueType: str + :param optional: Whether the selection of a value is optional. + :type optional: bool + :param default: The default value for the video generation model. + :type default: str + :param helptext: The helptext for the UI component. + :type helptext: str + :param options: The options of models available for video generation. + :type options: VideoGenModelOptions + + + .. py:attribute:: display_name + :value: None + + + + .. py:attribute:: type + :value: None + + + + .. py:attribute:: value_type + :value: None + + + + .. py:attribute:: optional + :value: None + + + + .. py:attribute:: default + :value: None + + + + .. py:attribute:: helptext + :value: None + + + + .. py:attribute:: options + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/video_gen_model_options/index.rst.txt b/docs/_sources/autoapi/abacusai/video_gen_model_options/index.rst.txt new file mode 100644 index 000000000..f4f86c32b --- /dev/null +++ b/docs/_sources/autoapi/abacusai/video_gen_model_options/index.rst.txt @@ -0,0 +1,57 @@ +abacusai.video_gen_model_options +================================ + +.. py:module:: abacusai.video_gen_model_options + + +Classes +------- + +.. autoapisummary:: + + abacusai.video_gen_model_options.VideoGenModelOptions + + +Module Contents +--------------- + +.. py:class:: VideoGenModelOptions(client, keys=None, values=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Video generation model options + + :param client: An authenticated API Client instance + :type client: ApiClient + :param keys: The keys of the video generation model options represented as the enum values. + :type keys: list + :param values: The display names of the video generation model options. + :type values: list + + + .. py:attribute:: keys + :value: None + + + + .. py:attribute:: values + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/video_gen_settings/index.rst.txt b/docs/_sources/autoapi/abacusai/video_gen_settings/index.rst.txt index 70d3a2d48..e739211da 100644 --- a/docs/_sources/autoapi/abacusai/video_gen_settings/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/video_gen_settings/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: VideoGenSettings(client, model=None, settings=None) +.. py:class:: VideoGenSettings(client, settings=None, warnings=None, model={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -24,22 +24,27 @@ Module Contents :param client: An authenticated API Client instance :type client: ApiClient - :param model: The model settings. - :type model: dict :param settings: The settings for each model. :type settings: dict + :param warnings: The warnings for each model. + :type warnings: dict + :param model: Dropdown for models available for video generation. + :type model: VideoGenModel - .. py:attribute:: model + .. py:attribute:: settings :value: None - .. py:attribute:: settings + .. py:attribute:: warnings :value: None + .. py:attribute:: model + + .. py:attribute:: deprecated_keys diff --git a/docs/_sources/autoapi/abacusai/web_app_conversation/index.rst.txt b/docs/_sources/autoapi/abacusai/web_app_conversation/index.rst.txt new file mode 100644 index 000000000..c04b3c227 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/web_app_conversation/index.rst.txt @@ -0,0 +1,78 @@ +abacusai.web_app_conversation +============================= + +.. py:module:: abacusai.web_app_conversation + + +Classes +------- + +.. autoapisummary:: + + abacusai.web_app_conversation.WebAppConversation + + +Module Contents +--------------- + +.. py:class:: WebAppConversation(client, deploymentConversationId=None, llmArtifactId=None, deploymentConversationName=None, externalApplicationId=None, createdAt=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Web App Conversation + + :param client: An authenticated API Client instance + :type client: ApiClient + :param deploymentConversationId: The ID of the deployment conversation + :type deploymentConversationId: id + :param llmArtifactId: The ID of the LLM artifact + :type llmArtifactId: id + :param deploymentConversationName: The name of the conversation + :type deploymentConversationName: str + :param externalApplicationId: The external application ID + :type externalApplicationId: str + :param createdAt: The creation timestamp + :type createdAt: str + + + .. py:attribute:: deployment_conversation_id + :value: None + + + + .. py:attribute:: llm_artifact_id + :value: None + + + + .. py:attribute:: deployment_conversation_name + :value: None + + + + .. py:attribute:: external_application_id + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/web_app_deployment_permission_dict/index.rst.txt b/docs/_sources/autoapi/abacusai/web_app_deployment_permission_dict/index.rst.txt new file mode 100644 index 000000000..b5182a5a0 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/web_app_deployment_permission_dict/index.rst.txt @@ -0,0 +1,50 @@ +abacusai.web_app_deployment_permission_dict +=========================================== + +.. py:module:: abacusai.web_app_deployment_permission_dict + + +Classes +------- + +.. autoapisummary:: + + abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict + + +Module Contents +--------------- + +.. py:class:: WebAppDeploymentPermissionDict(client, deploymentPermissions=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Web app deployment permission dict. + + :param client: An authenticated API Client instance + :type client: ApiClient + :param deploymentPermissions: Dictionary containing deployment ID as key and list of tuples containing (user_group_id, permission) as value. + :type deploymentPermissions: dict + + + .. py:attribute:: deployment_permissions + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/web_app_domain/index.rst.txt b/docs/_sources/autoapi/abacusai/web_app_domain/index.rst.txt new file mode 100644 index 000000000..7e670bef7 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/web_app_domain/index.rst.txt @@ -0,0 +1,106 @@ +abacusai.web_app_domain +======================= + +.. py:module:: abacusai.web_app_domain + + +Classes +------- + +.. autoapisummary:: + + abacusai.web_app_domain.WebAppDomain + + +Module Contents +--------------- + +.. py:class:: WebAppDomain(client, webAppDomainId=None, hostname=None, domainType=None, lifecycle=None, nameservers=None, dnsRecords=None, metadata=None, isRootDomain=None, isDeployed=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + Web App Domain + + :param client: An authenticated API Client instance + :type client: ApiClient + :param webAppDomainId: The ID of the web app domain + :type webAppDomainId: id + :param hostname: The hostname of the web app domain + :type hostname: str + :param domainType: The type of the web app domain + :type domainType: str + :param lifecycle: The lifecycle of the web app domain + :type lifecycle: str + :param nameservers: The nameservers of the web app domain + :type nameservers: list + :param dnsRecords: The DNS records of the web app domain + :type dnsRecords: list + :param metadata: The metadata of the web app domain + :type metadata: dict + :param isRootDomain: Whether the web app domain is a root domain + :type isRootDomain: bool + :param isDeployed: Whether the web app domain is deployed + :type isDeployed: bool + + + .. py:attribute:: web_app_domain_id + :value: None + + + + .. py:attribute:: hostname + :value: None + + + + .. py:attribute:: domain_type + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: nameservers + :value: None + + + + .. py:attribute:: dns_records + :value: None + + + + .. py:attribute:: metadata + :value: None + + + + .. py:attribute:: is_root_domain + :value: None + + + + .. py:attribute:: is_deployed + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/web_service_trigger_run/index.rst.txt b/docs/_sources/autoapi/abacusai/web_service_trigger_run/index.rst.txt new file mode 100644 index 000000000..d1e1a37a0 --- /dev/null +++ b/docs/_sources/autoapi/abacusai/web_service_trigger_run/index.rst.txt @@ -0,0 +1,106 @@ +abacusai.web_service_trigger_run +================================ + +.. py:module:: abacusai.web_service_trigger_run + + +Classes +------- + +.. autoapisummary:: + + abacusai.web_service_trigger_run.WebServiceTriggerRun + + +Module Contents +--------------- + +.. py:class:: WebServiceTriggerRun(client, endpoint=None, createdAt=None, payload=None, headers=None, method=None, responseStatus=None, responseBody=None, error=None, lifecycle=None) + + Bases: :py:obj:`abacusai.return_class.AbstractApiClass` + + + A web service trigger run + + :param client: An authenticated API Client instance + :type client: ApiClient + :param endpoint: The endpoint of the web service trigger run. + :type endpoint: str + :param createdAt: The creation time of the web service trigger run. + :type createdAt: str + :param payload: The payload of the web service trigger run. + :type payload: dict + :param headers: The headers of the web service trigger run. + :type headers: dict + :param method: The method of the web service trigger run. + :type method: str + :param responseStatus: The HTTP response status code. + :type responseStatus: int + :param responseBody: The HTTP response body. + :type responseBody: str + :param error: Error message if the request failed. + :type error: str + :param lifecycle: The lifecycle status of the run. + :type lifecycle: str + + + .. py:attribute:: endpoint + :value: None + + + + .. py:attribute:: created_at + :value: None + + + + .. py:attribute:: payload + :value: None + + + + .. py:attribute:: headers + :value: None + + + + .. py:attribute:: method + :value: None + + + + .. py:attribute:: response_status + :value: None + + + + .. py:attribute:: response_body + :value: None + + + + .. py:attribute:: error + :value: None + + + + .. py:attribute:: lifecycle + :value: None + + + + .. py:attribute:: deprecated_keys + + + .. py:method:: __repr__() + + + .. py:method:: to_dict() + + Get a dict representation of the parameters in this class + + :returns: The dict value representation of the class parameters + :rtype: dict + + + diff --git a/docs/_sources/autoapi/abacusai/workflow_graph_node_details/index.rst.txt b/docs/_sources/autoapi/abacusai/workflow_graph_node_details/index.rst.txt index 39ac65a6e..f5011d784 100644 --- a/docs/_sources/autoapi/abacusai/workflow_graph_node_details/index.rst.txt +++ b/docs/_sources/autoapi/abacusai/workflow_graph_node_details/index.rst.txt @@ -15,7 +15,7 @@ Classes Module Contents --------------- -.. py:class:: WorkflowGraphNodeDetails(client, packageRequirements=None, workflowGraphNode={}) +.. py:class:: WorkflowGraphNodeDetails(client, packageRequirements=None, connectors=None, workflowGraphNode={}) Bases: :py:obj:`abacusai.return_class.AbstractApiClass` @@ -26,6 +26,8 @@ Module Contents :type client: ApiClient :param packageRequirements: A list of package requirements that the node source code will need. :type packageRequirements: list[str] + :param connectors: A dictionary of connectors that the node source code will need. + :type connectors: dict :param workflowGraphNode: The workflow graph node object. :type workflowGraphNode: WorkflowGraphNode @@ -35,6 +37,11 @@ Module Contents + .. py:attribute:: connectors + :value: None + + + .. py:attribute:: workflow_graph_node diff --git a/docs/autoapi/abacusai/abacus_api/index.html b/docs/autoapi/abacusai/abacus_api/index.html index 09f3ba5ad..4df5da7de 100644 --- a/docs/autoapi/abacusai/abacus_api/index.html +++ b/docs/autoapi/abacusai/abacus_api/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,9 +404,9 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • method (str) – The name of of the API method.

    • -
    • docstring (str) – The docstring of the API method.

    • -
    • score (str) – The relevance score of the API method.

    • +
    • method (str) – The name of of the API method.

    • +
    • docstring (str) – The docstring of the API method.

    • +
    • score (str) – The relevance score of the API method.

    @@ -388,7 +444,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/address/index.html b/docs/autoapi/abacusai/address/index.html index 27f8f96a9..cac633093 100644 --- a/docs/autoapi/abacusai/address/index.html +++ b/docs/autoapi/abacusai/address/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,14 +404,14 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • addressLine1 (str) – The first line of the address

    • -
    • addressLine2 (str) – The second line of the address

    • -
    • city (str) – The city

    • -
    • stateOrProvince (str) – The state or province

    • -
    • postalCode (str) – The postal code

    • -
    • country (str) – The country

    • -
    • additionalInfo (str) – Additional information for invoice

    • -
    • includeReverseCharge (bool) – Whether the organization needs the reverse charge mechanism applied to invoices.

    • +
    • addressLine1 (str) – The first line of the address

    • +
    • addressLine2 (str) – The second line of the address

    • +
    • city (str) – The city

    • +
    • stateOrProvince (str) – The state or province

    • +
    • postalCode (str) – The postal code

    • +
    • country (str) – The country

    • +
    • additionalInfo (str) – Additional information for invoice

    • +
    • includeReverseCharge (bool) – Whether the organization needs the reverse charge mechanism applied to invoices.

    @@ -418,7 +474,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/agent/index.html b/docs/autoapi/abacusai/agent/index.html index 49abe63dc..411d46b63 100644 --- a/docs/autoapi/abacusai/agent/index.html +++ b/docs/autoapi/abacusai/agent/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,17 +404,17 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • name (str) – The user-friendly name for the agent.

    • -
    • agentId (str) – The unique identifier of the agent.

    • -
    • createdAt (str) – Date and time at which the agent was created.

    • -
    • projectId (str) – The project this agent belongs to.

    • -
    • notebookId (str) – The notebook associated with the agent.

    • -
    • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through agent. It is not executed when this function is run.

    • -
    • sourceCode (str) – Python code used to make the agent.

    • -
    • agentConfig (dict) – The config options used to create this agent.

    • -
    • memory (int) – Memory in GB specified for the deployment resources for the agent.

    • -
    • trainingRequired (bool) – Whether training is required to deploy the latest agent code.

    • -
    • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

    • +
    • name (str) – The user-friendly name for the agent.

    • +
    • agentId (str) – The unique identifier of the agent.

    • +
    • createdAt (str) – Date and time at which the agent was created.

    • +
    • projectId (str) – The project this agent belongs to.

    • +
    • notebookId (str) – The notebook associated with the agent.

    • +
    • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through agent. It is not executed when this function is run.

    • +
    • sourceCode (str) – Python code used to make the agent.

    • +
    • agentConfig (dict) – The config options used to create this agent.

    • +
    • memory (int) – Memory in GB specified for the deployment resources for the agent.

    • +
    • trainingRequired (bool) – Whether training is required to deploy the latest agent code.

    • +
    • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

    • latestAgentVersion (AgentVersion) – The latest agent version.

    • codeSource (CodeSource) – If a python model, information on the source code

    • draftWorkflowGraph (WorkflowGraph) – The saved draft state of the workflow graph for the agent.

    • @@ -460,7 +516,7 @@

      Module Contents

      The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    @@ -485,7 +541,7 @@

    Module Contents
    Parameters:
    -

    agent_id (str) – Unique string identifier associated with the model.

    +

    agent_id (str) – Unique string identifier associated with the model.

    Returns:

    Description of the agent.

    @@ -503,15 +559,15 @@

    Module Contents
    Parameters:
      -
    • limit (int) – If provided, limits the number of agent versions returned.

    • -
    • start_after_version (str) – Unique string identifier of the version after which the list starts.

    • +
    • limit (int) – If provided, limits the number of agent versions returned.

    • +
    • start_after_version (str) – Unique string identifier of the version after which the list starts.

    Returns:

    An array of Agent versions.

    Return type:
    -

    list[AgentVersion]

    +

    list[AgentVersion]

    @@ -522,7 +578,7 @@

    Module Contents
    Parameters:
    -

    project_id (str) – Project id to create the new agent to. By default it picks up the source agent’s project id.

    +

    project_id (str) – Project id to create the new agent to. By default it picks up the source agent’s project id.

    Returns:

    The newly generated agent.

    @@ -535,33 +591,33 @@

    Module Contents
    -property description: str
    +property description: str

    The description of the agent.

    Return type:
    -

    str

    +

    str

    -property agent_interface: str
    +property agent_interface: str

    The interface that the agent will be deployed with.

    Return type:
    -

    str

    +

    str

    -property agent_connectors: dict
    +property agent_connectors: dict

    A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific application connector, while the value is a list of scopes that define the permissions granted to the application.

    Return type:
    -

    dict

    +

    dict

    @@ -572,7 +628,7 @@

    Module Contents
    Parameters:
    -

    timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

    +

    timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

    @@ -586,7 +642,7 @@

    Module Contents

    A string describing the status of a agent publishing (pending, complete, etc.).

    Return type:
    -

    str

    +

    str

    diff --git a/docs/autoapi/abacusai/agent_chat_message/index.html b/docs/autoapi/abacusai/agent_chat_message/index.html index c0cdead5b..715d16ee7 100644 --- a/docs/autoapi/abacusai/agent_chat_message/index.html +++ b/docs/autoapi/abacusai/agent_chat_message/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,14 +404,14 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • role (str) – The role of the message sender

    • -
    • text (list[dict]) – A list of text segments for the message

    • -
    • docIds (list[str]) – A list of IDs of the uploaded document if the message has

    • -
    • keywordArguments (dict) – User message only. A dictionary of keyword arguments used to generate response.

    • -
    • segments (list[dict]) – A list of segments for the message

    • -
    • streamedData (str) – The streamed data for the message

    • -
    • streamedSectionData (list) – A list of streamed section data for the message

    • -
    • agentWorkflowNodeId (str) – The workflow node name associated with the agent response.

    • +
    • role (str) – The role of the message sender

    • +
    • text (list[dict]) – A list of text segments for the message

    • +
    • docIds (list[str]) – A list of IDs of the uploaded document if the message has

    • +
    • keywordArguments (dict) – User message only. A dictionary of keyword arguments used to generate response.

    • +
    • segments (list[dict]) – A list of segments for the message

    • +
    • streamedData (str) – The streamed data for the message

    • +
    • streamedSectionData (list) – A list of streamed section data for the message

    • +
    • agentWorkflowNodeId (str) – The workflow node name associated with the agent response.

    @@ -418,7 +474,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/agent_conversation/index.html b/docs/autoapi/abacusai/agent_conversation/index.html index 0168cb95c..ca3fc0392 100644 --- a/docs/autoapi/abacusai/agent_conversation/index.html +++ b/docs/autoapi/abacusai/agent_conversation/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -376,7 +432,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/agent_data_document_info/index.html b/docs/autoapi/abacusai/agent_data_document_info/index.html index ec6502fae..2d16e83c6 100644 --- a/docs/autoapi/abacusai/agent_data_document_info/index.html +++ b/docs/autoapi/abacusai/agent_data_document_info/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,11 +404,11 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • docId (str) – The docstore Document ID of the document.

    • -
    • filename (str) – The file name of the uploaded document.

    • -
    • mimeType (str) – The mime type of the uploaded document.

    • -
    • size (int) – The total size of the uploaded document.

    • -
    • pageCount (int) – The total number of pages in the uploaded document.

    • +
    • docId (str) – The docstore Document ID of the document.

    • +
    • filename (str) – The file name of the uploaded document.

    • +
    • mimeType (str) – The mime type of the uploaded document.

    • +
    • size (int) – The total size of the uploaded document.

    • +
    • pageCount (int) – The total number of pages in the uploaded document.

    @@ -400,7 +456,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/agent_data_execution_result/index.html b/docs/autoapi/abacusai/agent_data_execution_result/index.html index 27255294f..b73874207 100644 --- a/docs/autoapi/abacusai/agent_data_execution_result/index.html +++ b/docs/autoapi/abacusai/agent_data_execution_result/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,7 +404,7 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • response (str) – The result of agent conversation execution.

    • +
    • response (str) – The result of agent conversation execution.

    • deploymentConversationId (id) – The unique identifier of the deployment conversation.

    • docInfos (AgentDataDocumentInfo) – A list of dict containing information on documents uploaded to agent.

    @@ -388,7 +444,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/agent_version/index.html b/docs/autoapi/abacusai/agent_version/index.html index 1083b2cd0..8b53f5d40 100644 --- a/docs/autoapi/abacusai/agent_version/index.html +++ b/docs/autoapi/abacusai/agent_version/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,16 +404,16 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • agentVersion (str) – The unique identifier of an agent version.

    • -
    • status (str) – The current status of the model.

    • -
    • agentId (str) – A reference to the agent this version belongs to.

    • -
    • agentConfig (dict) – The config options used to create this agent.

    • -
    • publishingStartedAt (str) – The start time and date of the training process in ISO-8601 format.

    • -
    • publishingCompletedAt (str) – The end time and date of the training process in ISO-8601 format.

    • -
    • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

    • -
    • failedDeploymentIds (list) – List of failed deployment IDs.

    • -
    • error (str) – Relevant error if the status is FAILED.

    • -
    • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

    • +
    • agentVersion (str) – The unique identifier of an agent version.

    • +
    • status (str) – The current status of the model.

    • +
    • agentId (str) – A reference to the agent this version belongs to.

    • +
    • agentConfig (dict) – The config options used to create this agent.

    • +
    • publishingStartedAt (str) – The start time and date of the training process in ISO-8601 format.

    • +
    • publishingCompletedAt (str) – The end time and date of the training process in ISO-8601 format.

    • +
    • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

    • +
    • failedDeploymentIds (list) – List of failed deployment IDs.

    • +
    • error (str) – Relevant error if the status is FAILED.

    • +
    • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

    • codeSource (CodeSource) – If a python model, information on where the source code is located.

    • workflowGraph (WorkflowGraph) – The workflow graph for the agent.

    @@ -442,7 +498,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    @@ -467,7 +523,7 @@

    Module Contents
    Parameters:
    -

    agent_version (str) – Unique string identifier of the agent version.

    +

    agent_version (str) – Unique string identifier of the agent version.

    Returns:

    A agent version.

    @@ -484,7 +540,7 @@

    Module Contents
    Parameters:
    -

    timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

    +

    timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

    @@ -498,7 +554,7 @@

    Module Contents

    A string describing the status of a model training (pending, complete, etc.).

    Return type:
    -

    str

    +

    str

    diff --git a/docs/autoapi/abacusai/ai_building_task/index.html b/docs/autoapi/abacusai/ai_building_task/index.html index 69539d03e..f16893ad5 100644 --- a/docs/autoapi/abacusai/ai_building_task/index.html +++ b/docs/autoapi/abacusai/ai_building_task/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,8 +404,8 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • task (str) – The task to be performed

    • -
    • taskType (str) – The type of task

    • +
    • task (str) – The task to be performed

    • +
    • taskType (str) – The type of task

    @@ -382,7 +438,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/algorithm/index.html b/docs/autoapi/abacusai/algorithm/index.html index b07084f38..c7d1b2fda 100644 --- a/docs/autoapi/abacusai/algorithm/index.html +++ b/docs/autoapi/abacusai/algorithm/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,21 +404,21 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • name (str) – The name of the algorithm

    • -
    • problemType (str) – The type of the problem this algorithm will work on

    • -
    • createdAt (str) – When the algorithm was created

    • -
    • updatedAt (str) – When the algorithm was last updated

    • -
    • isDefaultEnabled (bool) – Whether train with the algorithm by default

    • -
    • trainingInputMappings (dict) – The mappings for train function parameters’ names, e.g. names for training data, name for training config

    • -
    • trainFunctionName (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • -
    • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run.

    • -
    • predictManyFunctionName (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • -
    • initializeFunctionName (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

    • -
    • configOptions (dict) – Map dataset types and configs to train function parameter names

    • -
    • algorithmId (str) – The unique identifier of the algorithm

    • -
    • useGpu (bool) – Whether to use gpu for model training

    • -
    • algorithmTrainingConfig (dict) – The algorithm specific training config

    • -
    • onlyOfflineDeployable (bool) – Whether or not the algorithm is only allowed to be deployed offline

    • +
    • name (str) – The name of the algorithm

    • +
    • problemType (str) – The type of the problem this algorithm will work on

    • +
    • createdAt (str) – When the algorithm was created

    • +
    • updatedAt (str) – When the algorithm was last updated

    • +
    • isDefaultEnabled (bool) – Whether train with the algorithm by default

    • +
    • trainingInputMappings (dict) – The mappings for train function parameters’ names, e.g. names for training data, name for training config

    • +
    • trainFunctionName (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • +
    • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run.

    • +
    • predictManyFunctionName (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • +
    • initializeFunctionName (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

    • +
    • configOptions (dict) – Map dataset types and configs to train function parameter names

    • +
    • algorithmId (str) – The unique identifier of the algorithm

    • +
    • useGpu (bool) – Whether to use gpu for model training

    • +
    • algorithmTrainingConfig (dict) – The algorithm specific training config

    • +
    • onlyOfflineDeployable (bool) – Whether or not the algorithm is only allowed to be deployed offline

    • codeSource (CodeSource) – Info about the source code of the algorithm

    @@ -466,7 +522,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/annotation/index.html b/docs/autoapi/abacusai/annotation/index.html index 51f75dd06..1917df9e4 100644 --- a/docs/autoapi/abacusai/annotation/index.html +++ b/docs/autoapi/abacusai/annotation/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,10 +404,10 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • annotationType (str) – A name determining the type of annotation and how to interpret the annotation value data, e.g. as a label, bounding box, etc.

    • -
    • annotationValue (dict) – JSON-compatible value of the annotation. The format of the value is determined by the annotation type.

    • -
    • comments (dict) – Comments about the annotation. This is a dictionary of feature name to the corresponding comment.

    • -
    • metadata (dict) – Metadata about the annotation.

    • +
    • annotationType (str) – A name determining the type of annotation and how to interpret the annotation value data, e.g. as a label, bounding box, etc.

    • +
    • annotationValue (dict) – JSON-compatible value of the annotation. The format of the value is determined by the annotation type.

    • +
    • comments (dict) – Comments about the annotation. This is a dictionary of feature name to the corresponding comment.

    • +
    • metadata (dict) – Metadata about the annotation.

    @@ -394,7 +450,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/annotation_config/index.html b/docs/autoapi/abacusai/annotation_config/index.html index 89684cd18..5bb3da987 100644 --- a/docs/autoapi/abacusai/annotation_config/index.html +++ b/docs/autoapi/abacusai/annotation_config/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,11 +404,11 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • featureAnnotationConfigs (list) – List of feature annotation configs

    • -
    • labels (list) – List of labels

    • -
    • statusFeature (str) – Name of the feature that contains the status of the annotation (Optional)

    • -
    • commentsFeatures (list) – Features that contain comments for the annotation (Optional)

    • -
    • metadataFeature (str) – Name of the feature that contains the metadata for the annotation (Optional)

    • +
    • featureAnnotationConfigs (list) – List of feature annotation configs

    • +
    • labels (list) – List of labels

    • +
    • statusFeature (str) – Name of the feature that contains the status of the annotation (Optional)

    • +
    • commentsFeatures (list) – Features that contain comments for the annotation (Optional)

    • +
    • metadataFeature (str) – Name of the feature that contains the metadata for the annotation (Optional)

    @@ -400,7 +456,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/annotation_document/index.html b/docs/autoapi/abacusai/annotation_document/index.html index e0d48d564..37015fce0 100644 --- a/docs/autoapi/abacusai/annotation_document/index.html +++ b/docs/autoapi/abacusai/annotation_document/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,11 +404,11 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • docId (str) – The docstore Document ID of the document.

    • -
    • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on. Usually the primary key value.

    • -
    • featureGroupRowIndex (int) – The index of the document row in the feature group.

    • -
    • totalRows (int) – The total number of rows in the feature group.

    • -
    • isAnnotationPresent (bool) – Whether the document already has an annotation. Returns None if feature group is not under annotations review mode.

    • +
    • docId (str) – The docstore Document ID of the document.

    • +
    • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on. Usually the primary key value.

    • +
    • featureGroupRowIndex (int) – The index of the document row in the feature group.

    • +
    • totalRows (int) – The total number of rows in the feature group.

    • +
    • isAnnotationPresent (bool) – Whether the document already has an annotation. Returns None if feature group is not under annotations review mode.

    @@ -400,7 +456,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/annotation_entry/index.html b/docs/autoapi/abacusai/annotation_entry/index.html index 04616a2fc..3fca9e15d 100644 --- a/docs/autoapi/abacusai/annotation_entry/index.html +++ b/docs/autoapi/abacusai/annotation_entry/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,15 +404,15 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • featureGroupId (str) – The ID of the feature group this annotation belongs to.

    • -
    • featureName (str) – name of the feature this annotation is on.

    • -
    • docId (str) – The ID of the primary document the annotation is on.

    • -
    • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value.

    • -
    • updatedAt (str) – Most recent time the annotation entry was modified, e.g. creation or update time.

    • -
    • annotationEntryMarker (str) – The entry marker for the annotation.

    • -
    • status (str) – The status of labeling the document.

    • -
    • lockedUntil (str) – The time until which the document is locked for editing, in ISO-8601 format.

    • -
    • verificationInfo (dict) – The verification info for the annotation.

    • +
    • featureGroupId (str) – The ID of the feature group this annotation belongs to.

    • +
    • featureName (str) – name of the feature this annotation is on.

    • +
    • docId (str) – The ID of the primary document the annotation is on.

    • +
    • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value.

    • +
    • updatedAt (str) – Most recent time the annotation entry was modified, e.g. creation or update time.

    • +
    • annotationEntryMarker (str) – The entry marker for the annotation.

    • +
    • status (str) – The status of labeling the document.

    • +
    • lockedUntil (str) – The time until which the document is locked for editing, in ISO-8601 format.

    • +
    • verificationInfo (dict) – The verification info for the annotation.

    • annotation (Annotation) – json-compatible structure holding the type and value of the annotation.

    @@ -430,7 +486,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/annotations_status/index.html b/docs/autoapi/abacusai/annotations_status/index.html index 086f8c00e..c87d71ec7 100644 --- a/docs/autoapi/abacusai/annotations_status/index.html +++ b/docs/autoapi/abacusai/annotations_status/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,12 +404,12 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • total (int) – The total number of documents annotated

    • -
    • done (int) – The number of documents annotated

    • -
    • inProgress (int) – The number of documents currently being annotated

    • -
    • todo (int) – The number of documents that need to be annotated

    • -
    • latestUpdatedAt (str) – The latest time an annotation was updated (ISO-8601 format)

    • -
    • isMaterializationNeeded (bool) – Whether feature group needs to be materialized before using for annotations

    • +
    • total (int) – The total number of documents annotated

    • +
    • done (int) – The number of documents annotated

    • +
    • inProgress (int) – The number of documents currently being annotated

    • +
    • todo (int) – The number of documents that need to be annotated

    • +
    • latestUpdatedAt (str) – The latest time an annotation was updated (ISO-8601 format)

    • +
    • isMaterializationNeeded (bool) – Whether feature group needs to be materialized before using for annotations

    • latestMaterializedAnnotationConfig (AnnotationConfig) – The annotation config corresponding to the latest materialized feature group

    @@ -412,7 +468,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/api_class/abstract/index.html b/docs/autoapi/abacusai/api_class/abstract/index.html index 04d62aac7..cfd384937 100644 --- a/docs/autoapi/abacusai/api_class/abstract/index.html +++ b/docs/autoapi/abacusai/api_class/abstract/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -474,17 +530,17 @@

    Module Contents
    class abacusai.api_class.abstract.ApiClass
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -_upper_snake_case_keys: bool = False
    +_upper_snake_case_keys: bool = False
    -_support_kwargs: bool = False
    +_support_kwargs: bool = False
    @@ -512,7 +568,7 @@

    Module Contents__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -523,7 +579,7 @@

    Module Contents
    Parameters:
    @@ -535,7 +591,7 @@

    Module Contents_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -546,7 +602,7 @@

    Module Contents
    Parameters:
    @@ -559,7 +615,7 @@

    Module Contents
    Parameters:
    @@ -579,7 +635,7 @@

    Module Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -589,7 +645,7 @@

    Module Contents
    class abacusai.api_class.abstract._ApiClassFactory
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    @@ -612,7 +668,7 @@

    Module Contentsclassmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:

    ApiClass

    diff --git a/docs/autoapi/abacusai/api_class/ai_agents/index.html b/docs/autoapi/abacusai/api_class/ai_agents/index.html index 48f2a6fc8..b66ba0a13 100644 --- a/docs/autoapi/abacusai/api_class/ai_agents/index.html +++ b/docs/autoapi/abacusai/api_class/ai_agents/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -331,6 +387,16 @@

    abacusai.api_class.ai_agents

    +
    +

    Attributes

    + + + + + + +

    MIN_AGENT_SLEEP_TIME

    +

    Classes

    @@ -359,22 +425,31 @@

    Classes

    - + + + + + + + + + + - + - + - + - + - + @@ -392,9 +467,14 @@

    Functions

    Module Contents

    +
    +
    +abacusai.api_class.ai_agents.MIN_AGENT_SLEEP_TIME = 300
    +
    +
    -abacusai.api_class.ai_agents.validate_input_dict_param(dict_object, friendly_class_name, must_contain=[])
    +abacusai.api_class.ai_agents.validate_input_dict_param(dict_object, friendly_class_name, must_contain=[], schema={})
    @@ -405,26 +485,26 @@

    Module Contents
    Parameters:
      -
    • field (str) – The field to be extracted. This will be used as the key in the response.

    • -
    • description (str) – The description of this field. If not included, the response_field will be used.

    • -
    • example_extraction (Union[str, int, bool, float]) – An example of this extracted field.

    • +
    • field (str) – The field to be extracted. This will be used as the key in the response.

    • +
    • description (str) – The description of this field. If not included, the response_field will be used.

    • +
    • example_extraction (Union[str, int, bool, float]) – An example of this extracted field.

    • type (FieldDescriptorType) – The type of this field. If not provided, the default type is STRING.

    -field: str
    +field: str
    -description: str = None
    +description: str = None
    -example_extraction: str | int | bool | float | list | dict = None
    +example_extraction: str | int | bool | float | list | dict = None
    @@ -442,7 +522,7 @@

    Module Contentsclassmethod from_fields_list(fields_list)
    Parameters:
    -

    fields_list (List[str])

    +

    fields_list (List[str])

    @@ -452,7 +532,7 @@

    Module Contentsclassmethod to_fields_list(json_schema)
    Return type:
    -

    List[str]

    +

    List[str]

    @@ -467,21 +547,22 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name of the input variable of the node function.

    • -
    • variable_type (Union[WorkflowNodeInputType, str]) – The type of the input. If the type is IGNORE, the input will be ignored.

    • -
    • variable_source (str) – The name of the node this variable is sourced from. +

    • name (str) – The name of the input variable of the node function.

    • +
    • variable_type (Union[WorkflowNodeInputType, str]) – The type of the input. If the type is IGNORE, the input will be ignored.

    • +
    • variable_source (str) – The name of the node this variable is sourced from. If the type is WORKFLOW_VARIABLE, the value given by the source node will be directly used. If the type is USER_INPUT, the value given by the source node will be used as the default initial value before the user edits it. Set to None if the type is USER_INPUT and the variable doesn’t need a pre-filled initial value.

    • -
    • is_required (bool) – Indicates whether the input is required. Defaults to True.

    • -
    • description (str) – The description of this input.

    • -
    • constant_value (str) – The constant value of this input if variable type is CONSTANT. Only applicable for template nodes.

    • +
    • is_required (bool) – Indicates whether the input is required. Defaults to True.

    • +
    • description (str) – The description of this input.

    • +
    • long_description (str) – The detailed description of this input.

    • +
    • constant_value (str) – The constant value of this input if variable type is CONSTANT. Only applicable for template nodes.

    -name: str
    +name: str
    @@ -491,27 +572,32 @@

    Module Contents
    -variable_source: str = None
    +variable_source: str = None

    -source_prop: str = None
    +source_prop: str = None
    -is_required: bool = True
    +is_required: bool = True
    -description: str = None
    +description: str = None +
    + +
    +
    +long_description: str = None
    -constant_value: str = None
    +constant_value: str = None
    @@ -522,17 +608,14 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -548,50 +631,47 @@

    Module Contents
    Parameters:
      -
    • json_schema (dict) – The JSON schema for the input, conformant to react-jsonschema-form specification. Must define keys like “title”, “type”, and “properties”. Supported elements include Checkbox, Radio Button, Dropdown, Textarea, Number, Date, and file upload. Nested elements, arrays, and other complex types are not supported.

    • -
    • ui_schema (dict) – The UI schema for the input, conformant to react-jsonschema-form specification.

    • +
    • json_schema (dict) – The JSON schema for the input, conformant to react-jsonschema-form specification. Must define keys like “title”, “type”, and “properties”. Supported elements include Checkbox, Radio Button, Dropdown, Textarea, Number, Date, and file upload. Nested elements, arrays, and other complex types are not supported.

    • +
    • ui_schema (dict) – The UI schema for the input, conformant to react-jsonschema-form specification.

    -json_schema: dict
    +json_schema: dict
    -ui_schema: dict
    +ui_schema: dict
    -schema_source: str = None
    +schema_source: str = None
    -schema_prop: str = None
    +schema_prop: str = None
    -runtime_schema: bool = False
    +runtime_schema: bool = False
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(schema)
    Parameters:
    -

    schema (dict)

    +

    schema (dict)

    @@ -603,8 +683,8 @@

    Module Contents
    Parameters:
      -
    • schema_source (str) – The name of the source WorkflowGraphNode.

    • -
    • schema_prop (str) – The name of the input schema parameter which source node outputs.

    • +
    • schema_source (str) – The name of the source WorkflowGraphNode.

    • +
    • schema_prop (str) – The name of the input schema parameter which source node outputs.

    @@ -621,6 +701,17 @@

    Module Contents +
    +classmethod from_tool_variable_mappings(tool_variable_mappings)
    +

    Creates a WorkflowNodeInputSchema for the given tool variable mappings.

    +
    +
    Parameters:
    +

    tool_variable_mappings (List[dict]) – The tool variable mappings for the node.

    +
    +
    +
    +
    @@ -631,25 +722,31 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name of the output.

    • -
    • variable_type (Union[WorkflowNodeOutputType, str]) – The type of the output in the form of an enum or a string.

    • -
    • description (str) – The description of this output.

    • +
    • name (str) – The name of the output.

    • +
    • variable_type (Union[WorkflowNodeOutputType, str]) – The type of the output in the form of an enum or a string.

    • +
    • description (str) – The description of this output.

    • +
    • long_description (str) – The detailed description of this output.

    -name: str
    +name: str
    -variable_type: abacusai.api_class.enums.WorkflowNodeOutputType | str
    +variable_type: abacusai.api_class.enums.WorkflowNodeOutputType | str
    -description: str = None
    +description: str = None +
    + +
    +
    +long_description: str = None
    @@ -660,17 +757,14 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -684,28 +778,25 @@

    Module Contents
    Parameters:
    -

    json_schema (dict) – The JSON schema for the output, conformant to react-jsonschema-form specification.

    +

    json_schema (dict) – The JSON schema for the output, conformant to react-jsonschema-form specification.

    -json_schema: dict
    +json_schema: dict
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(schema)
    Parameters:
    -

    schema (dict)

    +

    schema (dict)

    @@ -719,28 +810,25 @@

    Module Contents
    Parameters:
    -

    sleep_time (int) – The time in seconds to wait before the node gets executed again.

    +

    sleep_time (int) – The time in seconds to wait before the node gets executed again.

    -sleep_time: int = None
    +sleep_time: int = None
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(configs)
    Parameters:
    -

    configs (dict)

    +

    configs (dict)

    @@ -749,21 +837,22 @@

    Module Contents
    -class abacusai.api_class.ai_agents.WorkflowGraphNode(name, function=None, input_mappings=None, output_mappings=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None)
    +class abacusai.api_class.ai_agents.WorkflowGraphNode(name, function=None, input_mappings=None, output_mappings=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None, description=None)

    Bases: abacusai.api_class.abstract.ApiClass

    Represents a node in an Agent workflow graph.

    Parameters:
      -
    • name (str) – A unique name for the workflow node.

    • +
    • name (str) – A unique name for the workflow node.

    • input_mappings (List[WorkflowNodeInputMapping]) – List of input mappings for the node. Each arg/kwarg of the node function should have a corresponding input mapping.

    • -
    • output_mappings (List[WorkflowNodeOutputMapping]) – List of output mappings for the node. Each field in the returned dict/AgentResponse must have a corresponding output mapping.

    • +
    • output_mappings (List[str]) – List of outputs for the node. Each field in the returned dict/AgentResponse must have a corresponding output in the list.

    • function (callable) – The callable node function reference.

    • -
    • input_schema (WorkflowNodeInputSchema) – The react json schema for the user input variables.

    • -
    • output_schema (WorkflowNodeOutputSchema) – The react json schema for the output to be shown on UI.

    • -
    • function_name (str)

    • -
    • source_code (str)

    • -
    • template_metadata (dict)

    • +
    • input_schema (WorkflowNodeInputSchema) – The react json schema for the user input variables. This should be empty for CHAT interface.

    • +
    • output_schema (List[str]) – The list of outputs to be shown on UI. Each output corresponds to a field in the output mappings of the node.

    • +
    • description (str) – A description of the workflow node.

    • +
    • function_name (str)

    • +
    • source_code (str)

    • +
    • template_metadata (dict)

    • trigger_config (TriggerConfig)

    @@ -774,6 +863,19 @@

    Module Contents +
    +classmethod is_special_node_type()
    +

    Returns True if this node type skips source code validation.

    +

    Special node types (like InputNode and LLMAgentNode) are executed +directly without source code validation.

    +
    +
    Return type:
    +

    bool

    +
    +
    +

    +
    template_metadata = None
    @@ -784,22 +886,33 @@

    Module Contentstrigger_config = None

    +
    +
    +node_type = 'workflow_node'
    +
    + +
    +
    +description = None
    +
    +
    -classmethod _raw_init(name, input_mappings=None, output_mappings=None, function=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None)
    +classmethod _raw_init(name, input_mappings=None, output_mappings=None, function=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None, description=None)
    Parameters:
    @@ -811,13 +924,51 @@

    Module Contents
    Parameters:
    +
    +

    +
    + +
    +
    +classmethod from_tool(tool_name, name, configs=None, input_mappings=None, input_schema=None, output_schema=None)
    +

    Creates and returns a WorkflowGraphNode based on an available user created tool. +Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error.

    +
    +
    Parameters:
    +
      +
    • tool_name (str) – The name of the tool. There should already be a tool created in the platform with tool_name.

    • +
    • name (str) – The name to assign to the WorkflowGraphNode instance.

    • +
    • configs (optional) – The configuration state of the tool to use (if necessary). If not specified, will use the tool’s default configuration.

    • +
    • input_mappings (optional) – The WorkflowNodeInputMappings for this node.

    • +
    • input_schema (optional) – The WorkflowNodeInputSchema for this node.

    • +
    • output_schema (optional) – The WorkflowNodeOutputSchema for this node.

    • +
    +
    +
    +
    + +
    +
    +classmethod from_system_tool(tool_name, name, configs=None, input_mappings=None, input_schema=None, output_schema=None)
    +

    Creates and returns a WorkflowGraphNode based on the name of an available system tool. +Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error.

    +
    +
    Parameters:
    +
      +
    • tool_name (str) – The name of the tool. There should already be a tool created in the platform with tool_name.

    • +
    • name (str) – The name to assign to the WorkflowGraphNode instance.

    • +
    • configs (optional) – The configuration state of the tool to use (if necessary). If not specified, will use the tool’s default configuration.

    • +
    • input_mappings (optional) – The WorkflowNodeInputMappings for this node.

    • +
    • input_schema (optional) – The WorkflowNodeInputSchema for this node.

    • +
    • output_schema (optional) – The WorkflowNodeOutputSchema for this node.

    @@ -826,10 +977,7 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -846,7 +994,7 @@

    Module Contentsclassmethod from_dict(node)

    Parameters:
    -

    node (dict)

    +

    node (dict)

    @@ -888,6 +1036,311 @@

    Module Contents +
    +class abacusai.api_class.ai_agents.DecisionNode(name, condition, input_mappings, description=None)
    +

    Bases: WorkflowGraphNode

    +

    Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed.

    +
    +
    Parameters:
    +
    +
    +
    +
    +
    +node_type = 'decision_node'
    +
    + +
    +
    +name
    +
    + +
    +
    +source_code
    +
    + +
    +
    +description = None
    +
    + +
    +
    +output_mappings
    +
    + +
    +
    +template_metadata = None
    +
    + +
    +
    +trigger_config = None
    +
    + +
    +
    +input_schema = None
    +
    + +
    +
    +output_schema = None
    +
    + +
    +
    +function_name = None
    +
    + +
    +
    +to_dict()
    +
    + +
    +
    +classmethod from_dict(node)
    +
    +
    Parameters:
    +

    node (dict)

    +
    +
    +
    + +
    + +
    +
    +class abacusai.api_class.ai_agents.LLMAgentNode(name, chatbot_deployment_id=None, chatbot_parameters=None, input_schema=None, output_schema=None)
    +

    Bases: WorkflowGraphNode

    +

    Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters.

    +
    +
    Parameters:
    +
      +
    • name (str) – A unique name for the LLM agent node.

    • +
    • chatbot_deployment_id (str) – The deployment ID of the chatbot to use for this node. If not provided, a new chatbot will be created.

    • +
    • chatbot_parameters (dict) – Parameters for configuring the chatbot, such as data_feature_group_ids and document_retrievers.

    • +
    • uid (str) – A unique identifier for the LLM agent node. If not provided, a unique ID will be auto-generated.

    • +
    • input_schema (WorkflowNodeInputSchema)

    • +
    • output_schema (WorkflowNodeOutputSchema)

    • +
    +
    +
    +
    +
    +name: str
    +
    + +
    +
    +chatbot_deployment_id: str = None
    +
    + +
    +
    +chatbot_parameters: dict
    +
    + +
    +
    +uid: str = None
    +
    + +
    +
    +classmethod is_special_node_type()
    +

    LLM agent nodes skip source code validation.

    +
    +
    Return type:
    +

    bool

    +
    +
    +
    + +
    +
    +node_type = 'llm_agent_node'
    +
    + +
    +
    +source_code = None
    +
    + +
    +
    +get_source_code()
    +
    + +
    +
    +get_function_name()
    +
    + +
    +
    +to_dict()
    +
    + +
    +
    +classmethod from_dict(node)
    +
    +
    Parameters:
    +

    node (dict)

    +
    +
    +
    + +
    + +
    +
    +class abacusai.api_class.ai_agents.InputNode(name, input_mappings=None, output_mappings=None, input_schema=None, output_schema=None, description=None, function_name=None, source_code=None, uid=None)
    +

    Bases: WorkflowGraphNode

    +

    Represents an input node in an agent workflow graph.

    +

    Accepts multiple user inputs (text and file) and processes them into a single combined text output. +File inputs are processed using OCR/document extraction when applicable.

    +
    +
    Parameters:
    +
      +
    • name (str) – The name of the input node.

    • +
    • input_mappings (Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]]) – The input mappings for the input node. If not provided, defaults to a text_input and file_input.

    • +
    • output_mappings (Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]]) – The output mappings for the input node. If not provided, defaults to a single ‘answer’ output.

    • +
    • input_schema (WorkflowNodeInputSchema) – The input schema for the input node. If not provided, will be generated from input_mappings.

    • +
    • output_schema (WorkflowNodeOutputSchema) – The output schema for the input node. If not provided, will be generated from output_mappings.

    • +
    • description (str) – The description of the input node.

    • +
    • uid (str) – A unique identifier for the input node. Auto-generated if not provided.

    • +
    • function_name (str)

    • +
    • source_code (str)

    • +
    +
    +
    +
    +
    +name: str
    +
    + +
    +
    +input_mappings: Dict[str, WorkflowNodeInputMapping] | List[WorkflowNodeInputMapping] = None
    +
    + +
    +
    +output_mappings: List[str] | Dict[str, str] | List[WorkflowNodeOutputMapping] = None
    +
    + +
    +
    +input_schema: WorkflowNodeInputSchema = None
    +
    + +
    +
    +output_schema: WorkflowNodeOutputSchema = None
    +
    + +
    +
    +description: str = None
    +
    + +
    +
    +uid: str = None
    +
    + +
    +
    +classmethod is_special_node_type()
    +

    Input nodes skip source code validation.

    +
    +
    Return type:
    +

    bool

    +
    +
    +
    + +
    +
    +static _mark_file_inputs_in_schema(input_schema)
    +

    Mark file inputs in the schema based on format and ui:widget indicators.

    +
    +
    Parameters:
    +

    input_schema (WorkflowNodeInputSchema)

    +
    +
    Return type:
    +

    None

    +
    +
    +
    + +
    +
    +node_type = 'input_node'
    +
    + +
    +
    +source_code = None
    +
    + +
    +
    +template_metadata = None
    +
    + +
    +
    +trigger_config = None
    +
    + +
    +
    +to_dict()
    +

    Return snake_case keys to match return filter expectations. +(The base ApiClass.to_dict() camelCases keys, which causes the +WorkflowGraphNodeDetails return filter to miss fields.)

    +
    + +
    +
    +classmethod from_dict(node)
    +
    +
    Parameters:
    +

    node (dict)

    +
    +
    +
    + +
    +
    +get_function_name()
    +
    + +
    +
    +get_source_code()
    +

    Return the stored source code, if any.

    +
    + +
    +
    +get_input_schema()
    +
    + +
    +
    class abacusai.api_class.ai_agents.WorkflowGraphEdge(source, target, details=None)
    @@ -898,25 +1351,25 @@

    Module Contents
    Parameters:
      -
    • source (str) – The name of the source node of the edge.

    • -
    • target (str) – The name of the target node of the edge.

    • -
    • details (dict) – Additional details about the edge. Like the condition for edge execution.

    • +
    • source (str) – The name of the source node of the edge.

    • +
    • target (str) – The name of the target node of the edge.

    • +
    • details (dict) – Additional details about the edge. Like the condition for edge execution.

    -source: str | WorkflowGraphNode
    +source: str | WorkflowGraphNode
    -target: str | WorkflowGraphNode
    +target: str | WorkflowGraphNode
    -details: dict
    +details: dict
    @@ -924,6 +1377,16 @@

    Module Contentsto_nx_edge()

    +
    +
    +classmethod from_dict(input_dict)
    +
    +
    Parameters:
    +

    input_dict (dict)

    +
    +
    +
    +
    @@ -931,40 +1394,38 @@

    Module Contentsclass abacusai.api_class.ai_agents.WorkflowGraph

    Bases: abacusai.api_class.abstract.ApiClass

    Represents an Agent workflow graph.

    -

    The edges define the node invocation order.

    Parameters:
      -
    • nodes (List[WorkflowGraphNode]) – A list of nodes in the workflow graph.

    • -
    • edges (List[WorkflowGraphEdge]) – A list of edges in the workflow graph, where each edge is a tuple of source, target, and details.

    • -
    • primary_start_node (Union[str, WorkflowGraphNode]) – The primary node to start the workflow from.

    • -
    • common_source_code (str) – Common source code that can be used across all nodes.

    • +
    • nodes (List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]]) – A list of nodes in the workflow graph.

    • +
    • primary_start_node (Union[str, WorkflowGraphNode, LLMAgentNode]) – The primary node to start the workflow from.

    • +
    • common_source_code (str) – Common source code that can be used across all nodes.

    -nodes: List[WorkflowGraphNode] = []
    +nodes: List[WorkflowGraphNode | DecisionNode | LLMAgentNode] = []
    -edges: List[WorkflowGraphEdge | Tuple[WorkflowGraphNode, WorkflowGraphNode, dict] | Tuple[str, str, dict]] = []
    +edges: List[WorkflowGraphEdge | Tuple[WorkflowGraphNode, WorkflowGraphNode, dict] | Tuple[str, str, dict]] = []
    -primary_start_node: str | WorkflowGraphNode = None
    +primary_start_node: str | WorkflowGraphNode | LLMAgentNode = None
    -common_source_code: str = None
    +common_source_code: str = None
    -specification_type: str = 'data_flow'
    +specification_type: str = 'data_flow'
    @@ -975,17 +1436,14 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +

    classmethod from_dict(graph)
    Parameters:
    -

    graph (dict)

    +

    graph (dict)

    @@ -1000,34 +1458,31 @@

    Module Contents
    Parameters:
      -
    • is_user (bool) – Whether the message is from the user.

    • -
    • text (str) – The message’s text.

    • -
    • document_contents (dict) – Dict of document name to document text in case of any document present.

    • +
    • is_user (bool) – Whether the message is from the user.

    • +
    • text (str) – The message’s text.

    • +
    • document_contents (dict) – Dict of document name to document text in case of any document present.

    -is_user: bool = None
    +is_user: bool = None
    -text: str = None
    +text: str = None
    -document_contents: dict = None
    +document_contents: dict = None
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    @@ -1039,47 +1494,44 @@

    Module Contents
    Parameters:
      -
    • name (str) – A unique name of the config.

    • -
    • description (str) – The description of this config.

    • -
    • default_value (str) – Default value of the config to be used if value is not provided during node initialization.

    • -
    • is_required (bool) – Indicates whether the config is required. Defaults to False.

    • +
    • name (str) – A unique name of the config.

    • +
    • description (str) – The description of this config.

    • +
    • default_value (str) – Default value of the config to be used if value is not provided during node initialization.

    • +
    • is_required (bool) – Indicates whether the config is required. Defaults to False.

    -name: str
    +name: str
    -description: str = None
    +description: str = None
    -default_value: str = None
    +default_value: str = None
    -is_required: bool = False
    +is_required: bool = False
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -1094,41 +1546,44 @@

    Module Contents
    Parameters:
      -
    • name (str) – A unique name of the input.

    • -
    • is_required (bool) – Indicates whether the input is required. Defaults to False.

    • -
    • description (str) – The description of this input.

    • +
    • name (str) – A unique name of the input.

    • +
    • is_required (bool) – Indicates whether the input is required. Defaults to False.

    • +
    • description (str) – The description of this input.

    • +
    • long_description (str) – The detailed description of this input.

    -name: str
    +name: str
    -is_required: bool = False
    +is_required: bool = False
    -description: str = ''
    +description: str = '' +
    + +
    +
    +long_description: str = ''
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -1143,15 +1598,16 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name of the output.

    • +
    • name (str) – The name of the output.

    • variable_type (WorkflowNodeOutputType) – The type of the output.

    • -
    • description (str) – The description of this output.

    • +
    • description (str) – The description of this output.

    • +
    • long_description (str) – The detailed description of this output.

    -name: str
    +name: str
    @@ -1161,23 +1617,25 @@

    Module Contents
    -description: str = ''
    +description: str = '' +

    + +
    +
    +long_description: str = ''
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    diff --git a/docs/autoapi/abacusai/api_class/ai_chat/index.html b/docs/autoapi/abacusai/api_class/ai_chat/index.html index 7d5f839d6..d67ca433b 100644 --- a/docs/autoapi/abacusai/api_class/ai_chat/index.html +++ b/docs/autoapi/abacusai/api_class/ai_chat/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -351,29 +407,29 @@

    Module Contents
    Parameters:
      -
    • prompt (str) – The prompt to send to Data Science Co-Pilot

    • -
    • title (str) – A short, descriptive title for the prompt. If not provided, one will be automatically generated.

    • +
    • prompt (str) – The prompt to send to Data Science Co-Pilot

    • +
    • title (str) – A short, descriptive title for the prompt. If not provided, one will be automatically generated.

    -prompt: str
    +prompt: str
    -title: str = None
    +title: str = None
    -disable_problem_type_context: bool = True
    +disable_problem_type_context: bool = True
    -ignore_history: bool = None
    +ignore_history: bool = None
    diff --git a/docs/autoapi/abacusai/api_class/batch_prediction/index.html b/docs/autoapi/abacusai/api_class/batch_prediction/index.html index 2a1b7ff00..c1e139357 100644 --- a/docs/autoapi/abacusai/api_class/batch_prediction/index.html +++ b/docs/autoapi/abacusai/api_class/batch_prediction/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -369,7 +425,7 @@

    Classes

    - +

    WorkflowGraphNode

    Represents a node in an Agent workflow graph.

    WorkflowGraphEdge

    DecisionNode

    Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed.

    LLMAgentNode

    Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters.

    InputNode

    Represents an input node in an agent workflow graph.

    WorkflowGraphEdge

    Represents an edge in an Agent workflow graph.

    WorkflowGraph

    WorkflowGraph

    Represents an Agent workflow graph.

    AgentConversationMessage

    AgentConversationMessage

    Message format for agent conversation

    WorkflowNodeTemplateConfig

    WorkflowNodeTemplateConfig

    Represents a WorkflowNode template config.

    WorkflowNodeTemplateInput

    WorkflowNodeTemplateInput

    Represents an input to the workflow node generated using template.

    WorkflowNodeTemplateOutput

    WorkflowNodeTemplateOutput

    Represents an output returned by the workflow node generated using template.

    Batch Prediction Config for the AIAgents problem type

    _BatchPredictionArgsFactory

    Helper class that provides a standard way to create an ABC using

    @@ -383,12 +439,12 @@

    Module Contents
    -_support_kwargs: bool = True
    +_support_kwargs: bool = True

    -kwargs: dict
    +kwargs: dict
    @@ -411,55 +467,55 @@

    Module Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • -
    • predictions_start_date (str) – The start date for predictions. Accepts timestamp integers and strings in many standard formats such as YYYY-MM-DD, YYYY-MM-DD HH:MM:SS, or YYYY-MM-DDTHH:MM:SS. If not specified, the prediction start date will be automatically defined.

    • -
    • use_prediction_offset (bool) – If True, use prediction offset.

    • -
    • start_date_offset (int) – Sets prediction start date as this offset relative to the prediction start date.

    • -
    • forecasting_horizon (int) – The number of timestamps to predict in the future. Range: [1, 1000].

    • -
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • -
    • explain_predictions (bool) – If True, calculates explanations for the forecasted values along with predictions.

    • -
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • +
    • predictions_start_date (str) – The start date for predictions. Accepts timestamp integers and strings in many standard formats such as YYYY-MM-DD, YYYY-MM-DD HH:MM:SS, or YYYY-MM-DDTHH:MM:SS. If not specified, the prediction start date will be automatically defined.

    • +
    • use_prediction_offset (bool) – If True, use prediction offset.

    • +
    • start_date_offset (int) – Sets prediction start date as this offset relative to the prediction start date.

    • +
    • forecasting_horizon (int) – The number of timestamps to predict in the future. Range: [1, 1000].

    • +
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • +
    • explain_predictions (bool) – If True, calculates explanations for the forecasted values along with predictions.

    • +
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    -for_eval: bool = None
    +for_eval: bool = None
    -predictions_start_date: str = None
    +predictions_start_date: str = None
    -use_prediction_offset: bool = None
    +use_prediction_offset: bool = None
    -start_date_offset: int = None
    +start_date_offset: int = None
    -forecasting_horizon: int = None
    +forecasting_horizon: int = None
    -item_attributes_to_include_in_the_result: list = None
    +item_attributes_to_include_in_the_result: list = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -create_monitor: bool = None
    +create_monitor: bool = None
    @@ -476,12 +532,12 @@

    Module Contents
    Parameters:
    -

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    +

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    -for_eval: bool = None
    +for_eval: bool = None
    @@ -499,31 +555,31 @@

    Module Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • number_of_items (int) – Number of items to recommend.

    • -
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • -
    • score_field (str) – If specified, relative item scores will be returned using a field with this name

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • number_of_items (int) – Number of items to recommend.

    • +
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • +
    • score_field (str) – If specified, relative item scores will be returned using a field with this name

    -for_eval: bool = None
    +for_eval: bool = None
    -number_of_items: int = None
    +number_of_items: int = None
    -item_attributes_to_include_in_the_result: list = None
    +item_attributes_to_include_in_the_result: list = None
    -score_field: str = None
    +score_field: str = None
    @@ -541,24 +597,24 @@

    Module Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • explainer_type (enums.ExplainerType) – The type of explainer to use to generate explanations on the batch prediction.

    • -
    • number_of_samples_to_use_for_explainer (int) – Number Of Samples To Use For Kernel Explainer.

    • -
    • include_multi_class_explanations (bool) – If True, Includes explanations for all classes in multi-class classification.

    • -
    • features_considered_constant_for_explanations (str) – Comma separate list of fields to treat as constant in SHAP explanations.

    • -
    • importance_of_records_in_nested_columns (str) – Returns importance of each index in the specified nested column instead of SHAP column explanations.

    • -
    • explanation_filter_lower_bound (float) – If set explanations will be limited to predictions above this value, Range: [0, 1].

    • -
    • explanation_filter_upper_bound (float) – If set explanations will be limited to predictions below this value, Range: [0, 1].

    • -
    • explanation_filter_label (str) – For classification problems specifies the label to which the explanation bounds are applied.

    • -
    • output_columns (list) – A list of column names to include in the prediction result.

    • -
    • explain_predictions (bool) – If True, calculates explanations for the predicted values along with predictions.

    • -
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    • +
    • number_of_samples_to_use_for_explainer (int) – Number Of Samples To Use For Kernel Explainer.

    • +
    • include_multi_class_explanations (bool) – If True, Includes explanations for all classes in multi-class classification.

    • +
    • features_considered_constant_for_explanations (str) – Comma separate list of fields to treat as constant in SHAP explanations.

    • +
    • importance_of_records_in_nested_columns (str) – Returns importance of each index in the specified nested column instead of SHAP column explanations.

    • +
    • explanation_filter_lower_bound (float) – If set explanations will be limited to predictions above this value, Range: [0, 1].

    • +
    • explanation_filter_upper_bound (float) – If set explanations will be limited to predictions below this value, Range: [0, 1].

    • +
    • explanation_filter_label (str) – For classification problems specifies the label to which the explanation bounds are applied.

    • +
    • output_columns (list) – A list of column names to include in the prediction result.

    • +
    • explain_predictions (bool) – If True, calculates explanations for the predicted values along with predictions.

    • +
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    -for_eval: bool = None
    +for_eval: bool = None
    @@ -568,52 +624,52 @@

    Module Contents
    -number_of_samples_to_use_for_explainer: int = None
    +number_of_samples_to_use_for_explainer: int = None

    -include_multi_class_explanations: bool = None
    +include_multi_class_explanations: bool = None
    -features_considered_constant_for_explanations: str = None
    +features_considered_constant_for_explanations: str = None
    -importance_of_records_in_nested_columns: str = None
    +importance_of_records_in_nested_columns: str = None
    -explanation_filter_lower_bound: float = None
    +explanation_filter_lower_bound: float = None
    -explanation_filter_upper_bound: float = None
    +explanation_filter_upper_bound: float = None
    -explanation_filter_label: str = None
    +explanation_filter_label: str = None
    -output_columns: list = None
    +output_columns: list = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -create_monitor: bool = None
    +create_monitor: bool = None
    @@ -631,25 +687,31 @@

    Module Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • files_output_location_prefix (str) – The output location prefix for the files.

    • -
    • channel_id_to_label_map (str) – JSON string for the map from channel ids to their labels.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • files_input_location (str) – The input location for the files.

    • +
    • files_output_location_prefix (str) – The output location prefix for the files.

    • +
    • channel_id_to_label_map (str) – JSON string for the map from channel ids to their labels.

    -for_eval: bool = None
    +for_eval: bool = None +
    + +
    +
    +files_input_location: str = None
    -files_output_location_prefix: str = None
    +files_output_location_prefix: str = None
    -channel_id_to_label_map: str = None
    +channel_id_to_label_map: str = None
    @@ -667,19 +729,19 @@

    Module Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • -
    • explode_output (bool) – Explode data so there is one sentence per row.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • +
    • explode_output (bool) – Explode data so there is one sentence per row.

    -for_eval: bool = None
    +for_eval: bool = None
    -explode_output: bool = None
    +explode_output: bool = None
    @@ -697,31 +759,31 @@

    Module Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • analysis_frequency (str) – The length of each analysis interval.

    • -
    • start_date (str) – The end point for predictions.

    • -
    • analysis_days (int) – How many days to analyze.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • analysis_frequency (str) – The length of each analysis interval.

    • +
    • start_date (str) – The end point for predictions.

    • +
    • analysis_days (int) – How many days to analyze.

    -for_eval: bool = None
    +for_eval: bool = None
    -analysis_frequency: str = None
    +analysis_frequency: str = None
    -start_date: str = None
    +start_date: str = None
    -analysis_days: int = None
    +analysis_days: int = None
    @@ -738,12 +800,12 @@

    Module Contents
    Parameters:
    -

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    +

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    -for_eval: bool = None
    +for_eval: bool = None
    @@ -761,19 +823,19 @@

    Module Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    -for_eval: bool = None
    +for_eval: bool = None
    -create_monitor: bool = None
    +create_monitor: bool = None
    @@ -799,8 +861,6 @@

    Module Contents class abacusai.api_class.batch_prediction._BatchPredictionArgsFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    diff --git a/docs/autoapi/abacusai/api_class/blob_input/index.html b/docs/autoapi/abacusai/api_class/blob_input/index.html index abddbb900..d2ec67017 100644 --- a/docs/autoapi/abacusai/api_class/blob_input/index.html +++ b/docs/autoapi/abacusai/api_class/blob_input/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -355,31 +411,31 @@

    Module Contents
    Parameters:
      -
    • contents (bytes) – The binary contents of the blob.

    • -
    • mime_type (str) – The mime type of the blob.

    • -
    • filename (str) – The original filename of the blob.

    • -
    • size (int) – The size of the blob in bytes.

    • +
    • contents (bytes) – The binary contents of the blob.

    • +
    • mime_type (str) – The mime type of the blob.

    • +
    • filename (str) – The original filename of the blob.

    • +
    • size (int) – The size of the blob in bytes.

    -filename: str
    +filename: str
    -contents: bytes
    +contents: bytes
    -mime_type: str
    +mime_type: str
    -size: int
    +size: int
    @@ -387,7 +443,7 @@

    Module Contentsclassmethod from_local_file(file_path)
    Parameters:
    -

    file_path (str)

    +

    file_path (str)

    Return type:

    Blob

    @@ -401,9 +457,9 @@

    Module Contents
    Parameters:
    Return type:
    @@ -423,10 +479,10 @@

    Module Contents
    Parameters:
      -
    • filename (str) – The original filename of the blob.

    • -
    • contents (bytes) – The binary contents of the blob.

    • -
    • mime_type (str) – The mime type of the blob.

    • -
    • size (int) – The size of the blob in bytes.

    • +
    • filename (str) – The original filename of the blob.

    • +
    • contents (bytes) – The binary contents of the blob.

    • +
    • mime_type (str) – The mime type of the blob.

    • +
    • size (int) – The size of the blob in bytes.

    diff --git a/docs/autoapi/abacusai/api_class/connectors/index.html b/docs/autoapi/abacusai/api_class/connectors/index.html index 1d88687d4..03eba32a9 100644 --- a/docs/autoapi/abacusai/api_class/connectors/index.html +++ b/docs/autoapi/abacusai/api_class/connectors/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -342,7 +398,7 @@

    Classes

    Dataset config for Kafka Streaming Connector

    _StreamingConnectorDatasetConfigFactory

    -

    Helper class that provides a standard way to create an ABC using

    +

    @@ -378,12 +434,12 @@

    Module Contents
    Parameters:
    -

    topic (str) – The kafka topic to consume

    +

    topic (str) – The kafka topic to consume

    -topic: str = None
    +topic: str = None
    @@ -397,8 +453,6 @@

    Module Contents class abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    diff --git a/docs/autoapi/abacusai/api_class/dataset/index.html b/docs/autoapi/abacusai/api_class/dataset/index.html index 750a10a0d..50eee3c48 100644 --- a/docs/autoapi/abacusai/api_class/dataset/index.html +++ b/docs/autoapi/abacusai/api_class/dataset/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -365,12 +421,12 @@

    Module Contents
    Parameters:
    -

    is_documentset (bool) – Whether the dataset is a document set

    +

    is_documentset (bool) – Whether the dataset is a document set

    -is_documentset: bool = None
    +is_documentset: bool = None

    @@ -383,25 +439,25 @@

    Module Contents
    Parameters:
      -
    • escape (str) – Escape character for CSV files. Defaults to ‘”’.

    • -
    • csv_delimiter (str) – Delimiter for CSV files. Defaults to None.

    • -
    • file_path_with_schema (str) – Path to the file with schema. Defaults to None.

    • +
    • escape (str) – Escape character for CSV files. Defaults to ‘”’.

    • +
    • csv_delimiter (str) – Delimiter for CSV files. Defaults to None.

    • +
    • file_path_with_schema (str) – Path to the file with schema. Defaults to None.

    -escape: str = '"'
    +escape: str = '"'
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -file_path_with_schema: str = None
    +file_path_with_schema: str = None

    @@ -415,15 +471,15 @@

    Module ContentsParameters:
    • document_type (DocumentType) – Type of document. Can be one of Text, Tables and Forms, Embedded Images, etc. If not specified, type will be decided automatically.

    • -
    • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

    • -
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • +
    • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

    • +
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • -
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

    • -
    • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

    • +
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

    • +
    • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

    @@ -434,12 +490,12 @@

    Module Contents
    -highlight_relevant_text: bool = None
    +highlight_relevant_text: bool = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    @@ -449,32 +505,32 @@

    Module Contents
    -use_full_ocr: bool = None
    +use_full_ocr: bool = None

    +remove_header_footer: bool = False
    -remove_watermarks: bool = True
    +remove_watermarks: bool = True
    -convert_to_markdown: bool = False
    +convert_to_markdown: bool = False
    -mask_pii: bool = False
    +mask_pii: bool = False
    -extract_images: bool = False
    +extract_images: bool = False
    @@ -493,7 +549,7 @@

    Module Contents
    Parameters:
    -

    config (dict)

    +

    config (dict)

    @@ -508,19 +564,19 @@

    Module Contents
    Parameters:
      -
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • +
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • -
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

    • +
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

    -page_text_column: str = None
    +page_text_column: str = None

    @@ -532,12 +588,12 @@

    Module Contents
    Parameters:
    -

    timestamp_column (str) – If dataset is incremental, this is the column name of the required column in the dataset. This column must contain timestamps in descending order which are used to determine the increments of the incremental dataset.

    +

    timestamp_column (str) – If dataset is incremental, this is the column name of the required column in the dataset. This column must contain timestamps in descending order which are used to determine the increments of the incremental dataset.

    -timestamp_column: str = None
    +timestamp_column: str = None
    @@ -550,25 +606,25 @@

    Module Contents
    Parameters:
      -
    • feature_group_name (str) – feature group name

    • -
    • column_name (str) – column name

    • -
    • urls (str) – list of urls

    • +
    • feature_group_name (str) – feature group name

    • +
    • column_name (str) – column name

    • +
    • urls (str) – list of urls

    -feature_group_name: str = None
    +feature_group_name: str = None
    -column_name: str = None
    +column_name: str = None
    -urls: str = None
    +urls: str = None
    diff --git a/docs/autoapi/abacusai/api_class/dataset_application_connector/index.html b/docs/autoapi/abacusai/api_class/dataset_application_connector/index.html index 247418235..2f4210d25 100644 --- a/docs/autoapi/abacusai/api_class/dataset_application_connector/index.html +++ b/docs/autoapi/abacusai/api_class/dataset_application_connector/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -368,11 +424,20 @@

    Classes

    TeamsScraperDatasetConfig

    Dataset config for Teams Scraper Application Connector

    +

    OutlookDatasetConfig

    +

    Dataset config for Outlook Application Connector

    + +

    AzureStorageDatasetConfig

    +

    Dataset config for Azure Storage Application Connector

    +

    FreshserviceDatasetConfig

    Dataset config for Freshservice Application Connector

    -

    _ApplicationConnectorDatasetConfigFactory

    -

    Helper class that provides a standard way to create an ABC using

    +

    SftpDatasetConfig

    +

    Dataset config for SFTP Application Connector

    + +

    _ApplicationConnectorDatasetConfigFactory

    +

    @@ -388,7 +453,7 @@

    Module ContentsParameters:
    @@ -400,7 +465,7 @@

    Module Contents
    -application_connector_id: str = None
    +application_connector_id: str = None
    @@ -427,25 +492,32 @@

    Module Contents*’ -> ‘folder’ +:type location_type: str

    -location: str = None
    +location: str = None
    -space_key: str = None
    +space_key: str = None
    -pull_attachments: bool = False
    +pull_attachments: bool = False
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False +
    + +
    +
    +location_type: str = None
    @@ -468,17 +540,17 @@

    Module Contents
    -location: str = None
    +location: str = None

    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False
    @@ -496,25 +568,25 @@

    Module Contents
    Parameters:
      -
    • location (str) – The view id of the report in the connector to fetch

    • -
    • start_timestamp (int) – Unix timestamp of the start of the period that will be queried

    • -
    • end_timestamp (int) – Unix timestamp of the end of the period that will be queried

    • +
    • location (str) – The view id of the report in the connector to fetch

    • +
    • start_timestamp (int) – Unix timestamp of the start of the period that will be queried

    • +
    • end_timestamp (int) – Unix timestamp of the end of the period that will be queried

    -location: str = None
    +location: str = None
    -start_timestamp: int = None
    +start_timestamp: int = None
    -end_timestamp: int = None
    +end_timestamp: int = None
    @@ -532,31 +604,37 @@

    Module Contents
    Parameters:
      -
    • location (str) – The regex location of the files to fetch

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location_type (str) – The type of path to fetch. ‘shared’ for shared files. if not provided, it will fetch from the root folder.

    -location: str = None
    +location: str = None
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False +
    + +
    +
    +location_type: str = None
    @@ -574,31 +652,31 @@

    Module Contents
    Parameters:
      -
    • jql (str) – The JQL query for fetching issues

    • -
    • custom_fields (list) – A list of custom fields to include in the dataset

    • -
    • include_comments (bool) – Fetch comments for each issue

    • -
    • include_watchers (bool) – Fetch watchers for each issue

    • +
    • jql (str) – The JQL query for fetching issues

    • +
    • custom_fields (list) – A list of custom fields to include in the dataset

    • +
    • include_comments (bool) – Fetch comments for each issue

    • +
    • include_watchers (bool) – Fetch watchers for each issue

    -jql: str = None
    +jql: str = None
    -custom_fields: list = None
    +custom_fields: list = None
    -include_comments: bool = False
    +include_comments: bool = False
    -include_watchers: bool = False
    +include_watchers: bool = False
    @@ -616,31 +694,31 @@

    Module Contents
    Parameters:
      -
    • location (str) – The regex location of the files to fetch

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    -location: str = None
    +location: str = None
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False
    @@ -658,31 +736,37 @@

    Module Contents
    Parameters:
      -
    • location (str) – The regex location of the files to fetch

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • add_file_metadata (bool) – Signifies if the file metadata should be added to the dataset

    -location: str = None
    +location: str = None
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False +
    + +
    +
    +add_file_metadata: bool = False
    @@ -699,12 +783,12 @@

    Module Contents
    Parameters:
    -

    location (str) – The regex location of the files to fetch

    +

    location (str) – The regex location of the files to fetch

    -location: str = None
    +location: str = None
    @@ -722,26 +806,26 @@

    Module Contents
    Parameters:
      -
    • include_entire_conversation_history (bool) – Whether to show the entire history for this deployment conversation

    • -
    • include_all_feedback (bool) – Whether to include all feedback for this deployment conversation

    • -
    • resolve_matching_documents (bool) – Whether to get matching document references for response instead of prompt. +

    • include_entire_conversation_history (bool) – Whether to show the entire history for this deployment conversation

    • +
    • include_all_feedback (bool) – Whether to include all feedback for this deployment conversation

    • +
    • resolve_matching_documents (bool) – Whether to get matching document references for response instead of prompt. Needs to recalculate them if highlights are unavailable in summary_info

    -include_entire_conversation_history: bool = False
    +include_entire_conversation_history: bool = False
    -include_all_feedback: bool = False
    +include_all_feedback: bool = False
    -resolve_matching_documents: bool = False
    +resolve_matching_documents: bool = False
    @@ -759,25 +843,31 @@

    Module Contents
    Parameters:
      -
    • pull_chat_messages (bool) – Whether to pull teams chat messages

    • -
    • pull_channel_posts (bool) – Whether to pull posts for each channel

    • -
    • pull_transcripts (bool) – Whether to pull transcripts for calendar meetings

    • +
    • pull_chat_messages (bool) – Whether to pull teams chat messages

    • +
    • pull_channel_posts (bool) – Whether to pull posts for each channel

    • +
    • pull_transcripts (bool) – Whether to pull transcripts for calendar meetings

    • +
    • max_days_to_lookback (int) – The maximum number of days to look back for data

    -pull_chat_messages: bool = False
    +pull_chat_messages: bool = False
    -pull_channel_posts: bool = False
    +pull_channel_posts: bool = False
    -pull_transcripts: bool = False
    +pull_transcripts: bool = False +
    + +
    +
    +max_days_to_lookback: int = 365
    @@ -787,6 +877,48 @@

    Module Contents +
    +class abacusai.api_class.dataset_application_connector.OutlookDatasetConfig
    +

    Bases: ApplicationConnectorDatasetConfig

    +

    Dataset config for Outlook Application Connector

    +
    +
    +__post_init__()
    +
    + +

    + +
    +
    +class abacusai.api_class.dataset_application_connector.AzureStorageDatasetConfig
    +

    Bases: ApplicationConnectorDatasetConfig

    +

    Dataset config for Azure Storage Application Connector

    +
    +
    Parameters:
    +
      +
    • location (str) – The location of the files to fetch

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    +
    +
    +
    +
    +location: str = None
    +
    + +
    +
    +merge_file_schemas: bool = False
    +
    + +
    +
    +__post_init__()
    +
    + +
    +
    class abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig
    @@ -799,12 +931,52 @@

    Module Contents +
    +class abacusai.api_class.dataset_application_connector.SftpDatasetConfig
    +

    Bases: ApplicationConnectorDatasetConfig

    +

    Dataset config for SFTP Application Connector

    +
    +
    Parameters:
    +
      +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    +
    +
    +
    +
    +location: str = None
    +
    + +
    +
    +csv_delimiter: str = None
    +
    + +
    +
    +extract_bounding_boxes: bool = False
    +
    + +
    +
    +merge_file_schemas: bool = False
    +
    + +
    +
    +__post_init__()
    +
    + +

    +
    class abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    diff --git a/docs/autoapi/abacusai/api_class/deployment/index.html b/docs/autoapi/abacusai/api_class/deployment/index.html index e622a1f49..7f758fcea 100644 --- a/docs/autoapi/abacusai/api_class/deployment/index.html +++ b/docs/autoapi/abacusai/api_class/deployment/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -363,7 +419,7 @@

    Classes

    Prediction arguments for the FEATURE_STORE problem type

    _PredictionArgumentsFactory

    -

    Helper class that provides a standard way to create an ABC using

    +

    @@ -377,12 +433,12 @@

    Module Contents
    -_support_kwargs: bool = True
    +_support_kwargs: bool = True

    -kwargs: dict
    +kwargs: dict
    @@ -405,25 +461,25 @@

    Module Contents
    Parameters:
      -
    • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

    • -
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • -
    • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

    • +
    • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

    • +
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • +
    • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

    -forced_assignments: dict = None
    +forced_assignments: dict = None
    -solve_time_limit_seconds: float = None
    +solve_time_limit_seconds: float = None
    -include_all_assignments: bool = None
    +include_all_assignments: bool = None
    @@ -441,25 +497,25 @@

    Module Contents
    Parameters:
      -
    • start_timestamp (str) – Timestamp from which anomalies have to be detected in the training data

    • -
    • end_timestamp (str) – Timestamp to which anomalies have to be detected in the training data

    • -
    • get_all_item_data (bool) – If True, anomaly detection has to be performed on all the data related to input ids

    • +
    • start_timestamp (str) – Timestamp from which anomalies have to be detected in the training data

    • +
    • end_timestamp (str) – Timestamp to which anomalies have to be detected in the training data

    • +
    • get_all_item_data (bool) – If True, anomaly detection has to be performed on all the data related to input ids

    -start_timestamp: str = None
    +start_timestamp: str = None
    -end_timestamp: str = None
    +end_timestamp: str = None
    -get_all_item_data: bool = None
    +get_all_item_data: bool = None
    @@ -477,43 +533,43 @@

    Module Contents
    Parameters:
      -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • -
    • system_message (str) – The generative LLM system message.

    • -
    • temperature (float) – The generative LLM temperature.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • +
    • system_message (str) – The generative LLM system message.

    • +
    • temperature (float) – The generative LLM temperature.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    -llm_name: str = None
    +llm_name: str = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -system_message: str = None
    +system_message: str = None
    -temperature: float = None
    +temperature: float = None
    -search_score_cutoff: float = None
    +search_score_cutoff: float = None
    -ignore_documents: bool = None
    +ignore_documents: bool = None
    @@ -531,19 +587,19 @@

    Module Contents
    Parameters:
      -
    • explain_predictions (bool) – If true, will explain predictions.

    • -
    • explainer_type (str) – Type of explainer to use for explanations.

    • +
    • explain_predictions (bool) – If true, will explain predictions.

    • +
    • explainer_type (str) – Type of explainer to use for explanations.

    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -explainer_type: str = None
    +explainer_type: str = None
    @@ -561,37 +617,37 @@

    Module Contents
    Parameters:
      -
    • num_predictions (int) – The number of timestamps to predict in the future.

    • -
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • -
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • -
    • explainer_type (str) – Type of explainer to use for explanations.

    • -
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    • +
    • num_predictions (int) – The number of timestamps to predict in the future.

    • +
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • +
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • +
    • explainer_type (str) – Type of explainer to use for explanations.

    • +
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    -num_predictions: int = None
    +num_predictions: int = None
    -prediction_start: str = None
    +prediction_start: str = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -explainer_type: str = None
    +explainer_type: str = None
    -get_item_data: bool = None
    +get_item_data: bool = None
    @@ -609,37 +665,37 @@

    Module Contents
    Parameters:
      -
    • num_predictions (int) – The number of timestamps to predict in the future.

    • -
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • -
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • -
    • explainer_type (str) – Type of explainer to use for explanations.

    • -
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    • +
    • num_predictions (int) – The number of timestamps to predict in the future.

    • +
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • +
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • +
    • explainer_type (str) – Type of explainer to use for explanations.

    • +
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    -num_predictions: int = None
    +num_predictions: int = None
    -prediction_start: str = None
    +prediction_start: str = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -explainer_type: str = None
    +explainer_type: str = None
    -get_item_data: bool = None
    +get_item_data: bool = None
    @@ -657,43 +713,43 @@

    Module Contents
    Parameters:
      -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • -
    • system_message (str) – The generative LLM system message.

    • -
    • temperature (float) – The generative LLM temperature.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • +
    • system_message (str) – The generative LLM system message.

    • +
    • temperature (float) – The generative LLM temperature.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    -llm_name: str = None
    +llm_name: str = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -system_message: str = None
    +system_message: str = None
    -temperature: float = None
    +temperature: float = None
    -search_score_cutoff: float = None
    +search_score_cutoff: float = None
    -ignore_documents: bool = None
    +ignore_documents: bool = None
    @@ -710,12 +766,12 @@

    Module Contents
    Parameters:
    -

    limit_results (int) – If provided, will limit the number of results to the value specified.

    +

    limit_results (int) – If provided, will limit the number of results to the value specified.

    -limit_results: int = None
    +limit_results: int = None
    @@ -729,8 +785,6 @@

    Module Contents class abacusai.api_class.deployment._PredictionArgumentsFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    diff --git a/docs/autoapi/abacusai/api_class/document_retriever/index.html b/docs/autoapi/abacusai/api_class/document_retriever/index.html index 3dbd432c1..a40753bc7 100644 --- a/docs/autoapi/abacusai/api_class/document_retriever/index.html +++ b/docs/autoapi/abacusai/api_class/document_retriever/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -361,27 +417,27 @@

    Module Contents
    Parameters:
      -
    • chunk_size (int) – The size of text chunks in the vector store.

    • -
    • chunk_overlap_fraction (float) – The fraction of overlap between chunks.

    • +
    • chunk_size (int) – The size of text chunks in the vector store.

    • +
    • chunk_overlap_fraction (float) – The fraction of overlap between chunks.

    • text_encoder (VectorStoreTextEncoder) – Encoder used to index texts from the documents.

    • -
    • chunk_size_factors (list) – Chunking data with multiple sizes. The specified list of factors are used to calculate more sizes, in addition to chunk_size.

    • -
    • score_multiplier_column (str) – If provided, will use the values in this metadata column to modify the relevance score of returned chunks for all queries.

    • -
    • prune_vectors (bool) – Transform vectors using SVD so that the average component of vectors in the corpus are removed.

    • -
    • index_metadata_columns (bool) – If True, metadata columns of the FG will also be used for indexing and querying.

    • -
    • use_document_summary (bool) – If True, uses the summary of the document in addition to chunks of the document for indexing and querying.

    • -
    • summary_instructions (str) – Instructions for the LLM to generate the document summary.

    • -
    • standalone_deployment (bool) – If True, the document retriever will be deployed as a standalone deployment.

    • +
    • chunk_size_factors (list) – Chunking data with multiple sizes. The specified list of factors are used to calculate more sizes, in addition to chunk_size.

    • +
    • score_multiplier_column (str) – If provided, will use the values in this metadata column to modify the relevance score of returned chunks for all queries.

    • +
    • prune_vectors (bool) – Transform vectors using SVD so that the average component of vectors in the corpus are removed.

    • +
    • index_metadata_columns (bool) – If True, metadata columns of the FG will also be used for indexing and querying.

    • +
    • use_document_summary (bool) – If True, uses the summary of the document in addition to chunks of the document for indexing and querying.

    • +
    • summary_instructions (str) – Instructions for the LLM to generate the document summary.

    • +
    • standalone_deployment (bool) – If True, the document retriever will be deployed as a standalone deployment.

    -chunk_size: int = None
    +chunk_size: int = None
    -chunk_overlap_fraction: float = None
    +chunk_overlap_fraction: float = None
    @@ -391,37 +447,37 @@

    Module Contents
    -chunk_size_factors: list = None
    +chunk_size_factors: list = None

    -score_multiplier_column: str = None
    +score_multiplier_column: str = None
    -prune_vectors: bool = None
    +prune_vectors: bool = None
    -index_metadata_columns: bool = None
    +index_metadata_columns: bool = None
    -use_document_summary: bool = None
    +use_document_summary: bool = None
    -summary_instructions: str = None
    +summary_instructions: str = None
    -standalone_deployment: bool = False
    +standalone_deployment: bool = False

    diff --git a/docs/autoapi/abacusai/api_class/enums/index.html b/docs/autoapi/abacusai/api_class/enums/index.html index fb82fe585..fa9288e23 100644 --- a/docs/autoapi/abacusai/api_class/enums/index.html +++ b/docs/autoapi/abacusai/api_class/enums/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -533,6 +589,12 @@

    Classes

    DeploymentConversationType

    Generic enumeration.

    +

    AgentClientType

    +

    Generic enumeration.

    + +

    OrganizationSecretType

    +

    Enum for organization secret types

    + @@ -556,7 +618,7 @@

    Module Contents
    class abacusai.api_class.enums.ApiEnum
    -

    Bases: enum.Enum

    +

    Bases: enum.Enum

    Generic enumeration.

    Derive from this class to define new enumerations.

    @@ -1418,6 +1480,16 @@

    Module ContentsMSG = 'msg'

    +
    +
    +TS = 'TS'
    +
    + +
    +
    +TSX = 'TSX'
    +
    +

    @@ -2078,6 +2150,11 @@

    Module ContentsGOOGLEDRIVE = 'GOOGLEDRIVE'

    +
    +
    +GOOGLECALENDAR = 'GOOGLECALENDAR'
    +
    +
    GIT = 'GIT'
    @@ -2153,11 +2230,6 @@

    Module ContentsGMAILUSER = 'GMAILUSER'

    -
    -
    -GOOGLECALENDAR = 'GOOGLECALENDAR'
    -
    -
    GOOGLESHEETS = 'GOOGLESHEETS'
    @@ -2188,6 +2260,71 @@

    Module ContentsBOX = 'BOX'

    +
    +
    +SFTPAPPLICATION = 'SFTPAPPLICATION'
    +
    + +
    +
    +OAUTH = 'OAUTH'
    +
    + +
    +
    +SALESFORCE = 'SALESFORCE'
    +
    + +
    +
    +TWITTER = 'TWITTER'
    +
    + +
    +
    +MCP = 'MCP'
    +
    + +
    +
    +ODBC = 'ODBC'
    +
    + +
    +
    +DBC = 'DBC'
    +
    + +
    +
    +GENERIC_OAUTH = 'GENERIC_OAUTH'
    +
    + +
    +
    +OUTLOOK = 'OUTLOOK'
    +
    + +
    +
    +BIGQUERY = 'BIGQUERY'
    +
    + +
    +
    +AZURESTORAGE = 'AZURESTORAGE'
    +
    + +
    +
    +classmethod user_connectors()
    +
    + +
    +
    +classmethod database_connectors()
    +
    +

    @@ -2274,6 +2411,16 @@

    Module ContentsDEPLOYMENT_ID = 'DEPLOYMENT_ID'

    +
    +
    +ATTACHMENT = 'ATTACHMENT'
    +
    + +
    +
    +static to_json_type(type)
    +
    +
    @@ -2347,6 +2494,11 @@

    Module ContentsANY = 'ANY'

    +
    +
    +ATTACHMENT = 'ATTACHMENT'
    +
    +
    @@ -2398,6 +2550,16 @@

    Module ContentsApiEnum

    Generic enumeration.

    Derive from this class to define new enumerations.

    +
    +
    +OPENAI_GPT3_5 = 'OPENAI_GPT3_5'
    +
    + +
    +
    +OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT'
    +
    +
    OPENAI_GPT4 = 'OPENAI_GPT4'
    @@ -2434,48 +2596,78 @@

    Module Contents -
    -OPENAI_GPT3_5 = 'OPENAI_GPT3_5'
    +
    +OPENAI_O3 = 'OPENAI_O3'

    -
    -OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT'
    +
    +OPENAI_O3_HIGH = 'OPENAI_O3_HIGH'
    -
    -LLAMA3_1_405B = 'LLAMA3_1_405B'
    +
    +OPENAI_O4_MINI = 'OPENAI_O4_MINI'
    -
    -LLAMA3_1_70B = 'LLAMA3_1_70B'
    +
    +OPENAI_O4_MINI_HIGH = 'OPENAI_O4_MINI_HIGH'
    -
    -LLAMA3_1_8B = 'LLAMA3_1_8B'
    +
    +OPENAI_GPT4_1 = 'OPENAI_GPT4_1'
    -
    -LLAMA3_3_70B = 'LLAMA3_3_70B'
    +
    +OPENAI_GPT4_1_MINI = 'OPENAI_GPT4_1_MINI'
    -
    -LLAMA3_LARGE_CHAT = 'LLAMA3_LARGE_CHAT'
    +
    +OPENAI_GPT4_1_NANO = 'OPENAI_GPT4_1_NANO'
    -
    -CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS'
    +
    +OPENAI_GPT5 = 'OPENAI_GPT5'
    +
    + +
    +
    +OPENAI_GPT5_MINI = 'OPENAI_GPT5_MINI'
    -
    -CLAUDE_V3_SONNET = 'CLAUDE_V3_SONNET'
    +
    +OPENAI_GPT5_MINI_HIGH = 'OPENAI_GPT5_MINI_HIGH'
    +
    + +
    +
    +OPENAI_GPT5_MINI_LOW = 'OPENAI_GPT5_MINI_LOW'
    +
    + +
    +
    +OPENAI_GPT5_NANO = 'OPENAI_GPT5_NANO'
    +
    + +
    +
    +OPENAI_GPT5_NANO_HIGH = 'OPENAI_GPT5_NANO_HIGH'
    +
    + +
    +
    +OPENAI_GPT5_1 = 'OPENAI_GPT5_1'
    +
    + +
    +
    +OPENAI_GPT5_2 = 'OPENAI_GPT5_2'
    @@ -2484,8 +2676,8 @@

    Module Contents -
    -CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET'
    +
    +CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS'

    @@ -2493,24 +2685,119 @@

    Module ContentsCLAUDE_V3_5_HAIKU = 'CLAUDE_V3_5_HAIKU'

    +
    +
    +CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET'
    +
    + +
    +
    +CLAUDE_V3_7_SONNET = 'CLAUDE_V3_7_SONNET'
    +
    + +
    +
    +CLAUDE_V4_SONNET = 'CLAUDE_V4_SONNET'
    +
    + +
    +
    +CLAUDE_V4_OPUS = 'CLAUDE_V4_OPUS'
    +
    + +
    +
    +CLAUDE_V4_5_SONNET = 'CLAUDE_V4_5_SONNET'
    +
    +
    GEMINI_1_5_PRO = 'GEMINI_1_5_PRO'
    +
    +
    +GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH'
    +
    + +
    +
    +GEMINI_2_PRO = 'GEMINI_2_PRO'
    +
    +
    GEMINI_2_FLASH = 'GEMINI_2_FLASH'
    -
    -GEMINI_2_FLASH_THINKING = 'GEMINI_2_FLASH_THINKING'
    +
    +GEMINI_2_5_PRO = 'GEMINI_2_5_PRO'
    -
    -GEMINI_2_PRO = 'GEMINI_2_PRO'
    +
    +GEMINI_3_PRO = 'GEMINI_3_PRO'
    +
    + +
    +
    +GEMINI_2_5_FLASH = 'GEMINI_2_5_FLASH'
    +
    + +
    +
    +GEMINI_3_FLASH = 'GEMINI_3_FLASH'
    +
    + +
    +
    +XAI_GROK = 'XAI_GROK'
    +
    + +
    +
    +XAI_GROK_3 = 'XAI_GROK_3'
    +
    + +
    +
    +XAI_GROK_3_MINI = 'XAI_GROK_3_MINI'
    +
    + +
    +
    +XAI_GROK_4 = 'XAI_GROK_4'
    +
    + +
    +
    +LLAMA4_MAVERICK = 'LLAMA4_MAVERICK'
    +
    + +
    +
    +LLAMA3_1_405B = 'LLAMA3_1_405B'
    +
    + +
    +
    +LLAMA3_1_70B = 'LLAMA3_1_70B'
    +
    + +
    +
    +LLAMA3_1_8B = 'LLAMA3_1_8B'
    +
    + +
    +
    +LLAMA3_3_70B = 'LLAMA3_3_70B'
    +
    + +
    +
    +LLAMA3_LARGE_CHAT = 'LLAMA3_LARGE_CHAT'
    @@ -2544,18 +2831,23 @@

    Module Contents -
    -GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH'
    +
    +QWEN3_32B = 'QWEN3_32B'

    -
    -XAI_GROK = 'XAI_GROK'
    +
    +QWEN3_235B_A22B = 'QWEN3_235B_A22B'
    -
    -DEEPSEEK_V3 = 'DEEPSEEK_V3'
    +
    +QWEN3_CODER = 'QWEN3_CODER'
    +
    + +
    +
    +DEEPSEEK_V3_1 = 'DEEPSEEK_V3_1'
    @@ -2746,6 +3038,11 @@

    Module ContentsUSERCODE_TOOL = 'USERCODE_TOOL'

    +
    +
    +CONNECTOR_TOOL = 'CONNECTOR_TOOL'
    +
    +

    @@ -2893,7 +3190,7 @@

    Module Contentsclassmethod normalize_type(python_type)
    Parameters:
    -

    python_type (Union[str, type, None, WorkflowNodeOutputType])

    +

    python_type (Union[str, type, None, WorkflowNodeOutputType, PythonFunctionOutputArgumentType])

    Return type:

    WorkflowNodeOutputType

    @@ -3007,6 +3304,11 @@

    Module ContentsSCANNED_TEXT = 'SCANNED_TEXT'

    +
    +
    +COMPREHENSIVE_MARKDOWN = 'COMPREHENSIVE_MARKDOWN'
    +
    +
    classmethod is_ocr_forced(document_type)
    @@ -3347,6 +3649,96 @@

    Module ContentsCODE_LLM = 'CODE_LLM'

    +
    +
    +CODE_LLM_AGENT = 'CODE_LLM_AGENT'
    +
    + +
    +
    +CHAT_LLM_TASK = 'CHAT_LLM_TASK'
    +
    + +
    +
    +COMPUTER_AGENT = 'COMPUTER_AGENT'
    +
    + +
    +
    +SEARCH_LLM = 'SEARCH_LLM'
    +
    + +
    +
    +APP_LLM = 'APP_LLM'
    +
    + +
    +
    +TEST_AGENT = 'TEST_AGENT'
    +
    + +
    +
    +SUPER_AGENT = 'SUPER_AGENT'
    +
    + +
    +
    +CODE_LLM_NON_INTERACTIVE = 'CODE_LLM_NON_INTERACTIVE'
    +
    + +
    +
    +BROWSER_EXTENSION = 'BROWSER_EXTENSION'
    +
    + +

    + +
    +
    +class abacusai.api_class.enums.AgentClientType
    +

    Bases: ApiEnum

    +

    Generic enumeration.

    +

    Derive from this class to define new enumerations.

    +
    +
    +CHAT_UI = 'CHAT_UI'
    +
    + +
    +
    +MESSAGING_APP = 'MESSAGING_APP'
    +
    + +
    +
    +API = 'API'
    +
    + +
    + +
    +
    +class abacusai.api_class.enums.OrganizationSecretType
    +

    Bases: ApiEnum

    +

    Enum for organization secret types

    +
    +
    +ORG_SECRET = 'ORG_SECRET'
    +
    + +
    +
    +ORG_API_CREDENTIALS = 'ORG_API_CREDENTIALS'
    +
    + +
    +
    +USER_API_CREDENTIALS = 'USER_API_CREDENTIALS'
    +
    +
    diff --git a/docs/autoapi/abacusai/api_class/feature_group/index.html b/docs/autoapi/abacusai/api_class/feature_group/index.html index b0fcbe797..f2ee3a8ee 100644 --- a/docs/autoapi/abacusai/api_class/feature_group/index.html +++ b/docs/autoapi/abacusai/api_class/feature_group/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -418,19 +474,19 @@

    Module Contents
    Parameters:
      -
    • sample_count (int) – The number of rows to include in the sample

    • -
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    • +
    • sample_count (int) – The number of rows to include in the sample

    • +
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    -sample_count: int
    +sample_count: int
    -key_columns: List[str] = []
    +key_columns: List[str] = []
    @@ -448,19 +504,19 @@

    Module Contents
    Parameters:
      -
    • sample_percent (float) – The percentage of the rows to sample

    • -
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    • +
    • sample_percent (float) – The percentage of the rows to sample

    • +
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    -sample_percent: float
    +sample_percent: float
    -key_columns: List[str] = []
    +key_columns: List[str] = []
    @@ -523,19 +579,19 @@

    Module Contents
    Parameters:
      -
    • num_versions (int) – The number of versions to merge. num_versions == 0 means merge all versions.

    • -
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    • +
    • num_versions (int) – The number of versions to merge. num_versions == 0 means merge all versions.

    • +
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    -num_versions: int
    +num_versions: int
    -include_version_timestamp_column: bool = None
    +include_version_timestamp_column: bool = None
    @@ -553,25 +609,25 @@

    Module Contents
    Parameters:
      -
    • feature_name (str) – Time based column to index on

    • -
    • time_window_size_ms (int) – Range of merged rows will be [MAX_TIME - time_window_size_ms, MAX_TIME]

    • -
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    • +
    • feature_name (str) – Time based column to index on

    • +
    • time_window_size_ms (int) – Range of merged rows will be [MAX_TIME - time_window_size_ms, MAX_TIME]

    • +
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    -feature_name: str
    +feature_name: str
    -time_window_size_ms: int
    +time_window_size_ms: int
    -include_version_timestamp_column: bool = None
    +include_version_timestamp_column: bool = None
    @@ -634,31 +690,31 @@

    Module Contents
    Parameters:
      -
    • columns (List[str]) – Which columns to unpivot.

    • -
    • index_column (str) – Name of new column containing the unpivoted column names as its values

    • -
    • value_column (str) – Name of new column containing the row values that were unpivoted.

    • -
    • exclude (bool) – If True, the unpivoted columns are all the columns EXCEPT the ones in the columns argument. Default is False.

    • +
    • columns (List[str]) – Which columns to unpivot.

    • +
    • index_column (str) – Name of new column containing the unpivoted column names as its values

    • +
    • value_column (str) – Name of new column containing the row values that were unpivoted.

    • +
    • exclude (bool) – If True, the unpivoted columns are all the columns EXCEPT the ones in the columns argument. Default is False.

    -columns: List[str] = None
    +columns: List[str] = None
    -index_column: str = None
    +index_column: str = None
    -value_column: str = None
    +value_column: str = None
    -exclude: bool = None
    +exclude: bool = None
    @@ -676,20 +732,20 @@

    Module Contents
    Parameters:
      -
    • input_column (str) – Name of input column to transform.

    • -
    • output_column (str) – Name of output column to store transformed data.

    • +
    • input_column (str) – Name of input column to transform.

    • +
    • output_column (str) – Name of output column to store transformed data.

    • input_column_type (MarkdownOperatorInputType) – Type of input column to transform.

    -input_column: str = None
    +input_column: str = None
    -output_column: str = None
    +output_column: str = None
    @@ -712,53 +768,53 @@

    Module Contents
    Parameters:
      -
    • input_column (str) – Name of input column to transform.

    • -
    • output_column (str) – Name of output column to store transformed data.

    • -
    • depth_column (str) – Increasing depth explores more links, capturing more content

    • -
    • disable_host_restriction (bool) – If True, will not restrict crawling to the same host.

    • -
    • honour_website_rules (bool) – If True, will respect robots.txt rules.

    • -
    • user_agent (str) – If provided, will use this user agent instead of randomly selecting one.

    • +
    • input_column (str) – Name of input column to transform.

    • +
    • output_column (str) – Name of output column to store transformed data.

    • +
    • depth_column (str) – Increasing depth explores more links, capturing more content

    • +
    • disable_host_restriction (bool) – If True, will not restrict crawling to the same host.

    • +
    • honour_website_rules (bool) – If True, will respect robots.txt rules.

    • +
    • user_agent (str) – If provided, will use this user agent instead of randomly selecting one.

    -input_column: str = None
    +input_column: str = None
    -output_column: str = None
    +output_column: str = None
    -depth_column: str = None
    +depth_column: str = None
    -input_column_type: str = None
    +input_column_type: str = None
    -crawl_depth: int = None
    +crawl_depth: int = None
    -disable_host_restriction: bool = None
    +disable_host_restriction: bool = None
    -honour_website_rules: bool = None
    +honour_website_rules: bool = None
    -user_agent: str = None
    +user_agent: str = None
    @@ -776,20 +832,20 @@

    Module Contents
    Parameters:
      -
    • doc_id_column (str) – Name of input document ID column.

    • -
    • document_column (str) – Name of the input document column which contains the page infos. This column will be transformed to include the document processing config in the output feature group.

    • +
    • doc_id_column (str) – Name of input document ID column.

    • +
    • document_column (str) – Name of the input document column which contains the page infos. This column will be transformed to include the document processing config in the output feature group.

    • document_processing_config (DocumentProcessingConfig) – Document processing configuration.

    -doc_id_column: str = None
    +doc_id_column: str = None
    -document_column: str = None
    +document_column: str = None
    @@ -812,109 +868,109 @@

    Module Contents
    Parameters:
      -
    • prompt_col (str) – Name of the input prompt column.

    • -
    • completion_col (str) – Name of the output completion column.

    • -
    • description_col (str) – Name of the description column.

    • -
    • id_col (str) – Name of the identifier column.

    • -
    • generation_instructions (str) – Instructions for the data generation model.

    • -
    • temperature (float) – Sampling temperature for the model.

    • -
    • fewshot_examples (int) – Number of fewshot examples used to prompt the model.

    • -
    • concurrency (int) – Number of concurrent processes.

    • -
    • examples_per_target (int) – Number of examples per target.

    • -
    • subset_size (Optional[int]) – Size of the subset to use for generation.

    • -
    • verify_response (bool) – Whether to verify the response.

    • -
    • token_budget (int) – Token budget for generation.

    • -
    • oversample (bool) – Whether to oversample the data.

    • -
    • documentation_char_limit (int) – Character limit for documentation.

    • -
    • frequency_penalty (float) – Penalty for frequency of token appearance.

    • -
    • model (str) – Model to use for data generation.

    • -
    • seed (Optional[int]) – Seed for random number generation.

    • +
    • prompt_col (str) – Name of the input prompt column.

    • +
    • completion_col (str) – Name of the output completion column.

    • +
    • description_col (str) – Name of the description column.

    • +
    • id_col (str) – Name of the identifier column.

    • +
    • generation_instructions (str) – Instructions for the data generation model.

    • +
    • temperature (float) – Sampling temperature for the model.

    • +
    • fewshot_examples (int) – Number of fewshot examples used to prompt the model.

    • +
    • concurrency (int) – Number of concurrent processes.

    • +
    • examples_per_target (int) – Number of examples per target.

    • +
    • subset_size (Optional[int]) – Size of the subset to use for generation.

    • +
    • verify_response (bool) – Whether to verify the response.

    • +
    • token_budget (int) – Token budget for generation.

    • +
    • oversample (bool) – Whether to oversample the data.

    • +
    • documentation_char_limit (int) – Character limit for documentation.

    • +
    • frequency_penalty (float) – Penalty for frequency of token appearance.

    • +
    • model (str) – Model to use for data generation.

    • +
    • seed (Optional[int]) – Seed for random number generation.

    -prompt_col: str = None
    +prompt_col: str = None
    -completion_col: str = None
    +completion_col: str = None
    -description_col: str = None
    +description_col: str = None
    -id_col: str = None
    +id_col: str = None
    -generation_instructions: str = None
    +generation_instructions: str = None
    -temperature: float = None
    +temperature: float = None
    -fewshot_examples: int = None
    +fewshot_examples: int = None
    -concurrency: int = None
    +concurrency: int = None
    -examples_per_target: int = None
    +examples_per_target: int = None
    -subset_size: int = None
    +subset_size: int = None
    -verify_response: bool = None
    +verify_response: bool = None
    -token_budget: int = None
    +token_budget: int = None
    -oversample: bool = None
    +oversample: bool = None
    -documentation_char_limit: int = None
    +documentation_char_limit: int = None
    -frequency_penalty: float = None
    +frequency_penalty: float = None
    -model: str = None
    +model: str = None
    -seed: int = None
    +seed: int = None
    @@ -932,19 +988,19 @@

    Module Contents
    Parameters:
      -
    • feature_group_ids (List[str]) – List of feature group IDs to union with source FG.

    • -
    • drop_non_intersecting_columns (bool) – If true, will drop columns that are not present in all feature groups. If false fills missing columns with nulls.

    • +
    • feature_group_ids (List[str]) – List of feature group IDs to union with source FG.

    • +
    • drop_non_intersecting_columns (bool) – If true, will drop columns that are not present in all feature groups. If false fills missing columns with nulls.

    -feature_group_ids: List[str] = None
    +feature_group_ids: List[str] = None
    -drop_non_intersecting_columns: bool = False
    +drop_non_intersecting_columns: bool = False
    diff --git a/docs/autoapi/abacusai/api_class/index.html b/docs/autoapi/abacusai/api_class/index.html index 511428c22..c859c41a6 100644 --- a/docs/autoapi/abacusai/api_class/index.html +++ b/docs/autoapi/abacusai/api_class/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -360,10 +416,13 @@

    Submodules

    - + - + + + + @@ -373,7 +432,7 @@

    Attributes

    DocumentRetrieverConfig

    MIN_AGENT_SLEEP_TIME

    Segment

    DocumentRetrieverConfig

    Segment

    - + @@ -400,175 +459,193 @@

    Classes

    - + + + + + + + + + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + + + + + + + + + + - + - + - + @@ -599,12 +676,12 @@

    Classes

    - + - + - + @@ -736,7 +813,7 @@

    Classes

    - + @@ -772,13 +849,13 @@

    Classes

    - + - + - + @@ -808,13 +885,19 @@

    Classes

    - + + + + + + + - + - + @@ -865,10 +948,10 @@

    Classes

    - + - + @@ -889,217 +972,220 @@

    Classes

    - + + + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - + + - + - + - - + + - + - + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - + - + - + - + - + @@ -1129,17 +1215,17 @@

    Package Contents
    class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -_upper_snake_case_keys: bool = False
    +_upper_snake_case_keys: bool = False
    -_support_kwargs: bool = False
    +_support_kwargs: bool = False
    @@ -1167,7 +1253,7 @@

    Package Contents__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -1178,7 +1264,7 @@

    Package Contents
    Parameters:
    @@ -1190,7 +1276,7 @@

    Package Contents_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -1201,7 +1287,7 @@

    Package Contents
    Parameters:
    @@ -1214,7 +1300,7 @@

    Package Contents
    Parameters:
    @@ -1234,7 +1320,7 @@

    Package Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -1256,9 +1342,14 @@

    Package Contentsabacusai.api_class.validate_constructor_arg_types(friendly_class_name=None)
    +
    +
    +abacusai.api_class.MIN_AGENT_SLEEP_TIME = 300
    +
    +
    -abacusai.api_class.validate_input_dict_param(dict_object, friendly_class_name, must_contain=[])
    +abacusai.api_class.validate_input_dict_param(dict_object, friendly_class_name, must_contain=[], schema={})
    @@ -1269,26 +1360,26 @@

    Package Contents
    Parameters:
      -
    • field (str) – The field to be extracted. This will be used as the key in the response.

    • -
    • description (str) – The description of this field. If not included, the response_field will be used.

    • -
    • example_extraction (Union[str, int, bool, float]) – An example of this extracted field.

    • +
    • field (str) – The field to be extracted. This will be used as the key in the response.

    • +
    • description (str) – The description of this field. If not included, the response_field will be used.

    • +
    • example_extraction (Union[str, int, bool, float]) – An example of this extracted field.

    • type (FieldDescriptorType) – The type of this field. If not provided, the default type is STRING.

    -field: str
    +field: str
    -description: str = None
    +description: str = None
    -example_extraction: str | int | bool | float | list | dict = None
    +example_extraction: str | int | bool | float | list | dict = None
    @@ -1306,7 +1397,7 @@

    Package Contentsclassmethod from_fields_list(fields_list)
    Parameters:
    -

    fields_list (List[str])

    +

    fields_list (List[str])

    @@ -1316,7 +1407,7 @@

    Package Contentsclassmethod to_fields_list(json_schema)
    Return type:
    -

    List[str]

    +

    List[str]

    @@ -1331,21 +1422,22 @@

    Package Contents
    Parameters:
      -
    • name (str) – The name of the input variable of the node function.

    • -
    • variable_type (Union[WorkflowNodeInputType, str]) – The type of the input. If the type is IGNORE, the input will be ignored.

    • -
    • variable_source (str) – The name of the node this variable is sourced from. +

    • name (str) – The name of the input variable of the node function.

    • +
    • variable_type (Union[WorkflowNodeInputType, str]) – The type of the input. If the type is IGNORE, the input will be ignored.

    • +
    • variable_source (str) – The name of the node this variable is sourced from. If the type is WORKFLOW_VARIABLE, the value given by the source node will be directly used. If the type is USER_INPUT, the value given by the source node will be used as the default initial value before the user edits it. Set to None if the type is USER_INPUT and the variable doesn’t need a pre-filled initial value.

    • -
    • is_required (bool) – Indicates whether the input is required. Defaults to True.

    • -
    • description (str) – The description of this input.

    • -
    • constant_value (str) – The constant value of this input if variable type is CONSTANT. Only applicable for template nodes.

    • +
    • is_required (bool) – Indicates whether the input is required. Defaults to True.

    • +
    • description (str) – The description of this input.

    • +
    • long_description (str) – The detailed description of this input.

    • +
    • constant_value (str) – The constant value of this input if variable type is CONSTANT. Only applicable for template nodes.

    -name: str
    +name: str
    @@ -1355,27 +1447,32 @@

    Package Contents
    -variable_source: str = None
    +variable_source: str = None

    -source_prop: str = None
    +source_prop: str = None
    -is_required: bool = True
    +is_required: bool = True
    -description: str = None
    +description: str = None +
    + +
    +
    +long_description: str = None
    -constant_value: str = None
    +constant_value: str = None
    @@ -1386,17 +1483,14 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -1412,50 +1506,47 @@

    Package Contents
    Parameters:
      -
    • json_schema (dict) – The JSON schema for the input, conformant to react-jsonschema-form specification. Must define keys like “title”, “type”, and “properties”. Supported elements include Checkbox, Radio Button, Dropdown, Textarea, Number, Date, and file upload. Nested elements, arrays, and other complex types are not supported.

    • -
    • ui_schema (dict) – The UI schema for the input, conformant to react-jsonschema-form specification.

    • +
    • json_schema (dict) – The JSON schema for the input, conformant to react-jsonschema-form specification. Must define keys like “title”, “type”, and “properties”. Supported elements include Checkbox, Radio Button, Dropdown, Textarea, Number, Date, and file upload. Nested elements, arrays, and other complex types are not supported.

    • +
    • ui_schema (dict) – The UI schema for the input, conformant to react-jsonschema-form specification.

    -json_schema: dict
    +json_schema: dict
    -ui_schema: dict
    +ui_schema: dict
    -schema_source: str = None
    +schema_source: str = None
    -schema_prop: str = None
    +schema_prop: str = None
    -runtime_schema: bool = False
    +runtime_schema: bool = False
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(schema)
    Parameters:
    -

    schema (dict)

    +

    schema (dict)

    @@ -1467,8 +1558,8 @@

    Package Contents
    Parameters:
      -
    • schema_source (str) – The name of the source WorkflowGraphNode.

    • -
    • schema_prop (str) – The name of the input schema parameter which source node outputs.

    • +
    • schema_source (str) – The name of the source WorkflowGraphNode.

    • +
    • schema_prop (str) – The name of the input schema parameter which source node outputs.

    @@ -1485,6 +1576,17 @@

    Package Contents +
    +classmethod from_tool_variable_mappings(tool_variable_mappings)
    +

    Creates a WorkflowNodeInputSchema for the given tool variable mappings.

    +
    +
    Parameters:
    +

    tool_variable_mappings (List[dict]) – The tool variable mappings for the node.

    +
    +
    +
    +

    @@ -1495,25 +1597,31 @@

    Package Contents
    Parameters:
      -
    • name (str) – The name of the output.

    • -
    • variable_type (Union[WorkflowNodeOutputType, str]) – The type of the output in the form of an enum or a string.

    • -
    • description (str) – The description of this output.

    • +
    • name (str) – The name of the output.

    • +
    • variable_type (Union[WorkflowNodeOutputType, str]) – The type of the output in the form of an enum or a string.

    • +
    • description (str) – The description of this output.

    • +
    • long_description (str) – The detailed description of this output.

    -name: str
    +name: str
    -variable_type: abacusai.api_class.enums.WorkflowNodeOutputType | str
    +variable_type: abacusai.api_class.enums.WorkflowNodeOutputType | str
    -description: str = None
    +description: str = None +
    + +
    +
    +long_description: str = None
    @@ -1524,17 +1632,14 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -1548,28 +1653,25 @@

    Package Contents
    Parameters:
    -

    json_schema (dict) – The JSON schema for the output, conformant to react-jsonschema-form specification.

    +

    json_schema (dict) – The JSON schema for the output, conformant to react-jsonschema-form specification.

    -json_schema: dict
    +json_schema: dict
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(schema)
    Parameters:
    -

    schema (dict)

    +

    schema (dict)

    @@ -1583,28 +1685,25 @@

    Package Contents
    Parameters:
    -

    sleep_time (int) – The time in seconds to wait before the node gets executed again.

    +

    sleep_time (int) – The time in seconds to wait before the node gets executed again.

    -sleep_time: int = None
    +sleep_time: int = None
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(configs)
    Parameters:
    -

    configs (dict)

    +

    configs (dict)

    @@ -1613,21 +1712,22 @@

    Package Contents
    -class abacusai.api_class.WorkflowGraphNode(name, function=None, input_mappings=None, output_mappings=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None)
    +class abacusai.api_class.WorkflowGraphNode(name, function=None, input_mappings=None, output_mappings=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None, description=None)

    Bases: abacusai.api_class.abstract.ApiClass

    Represents a node in an Agent workflow graph.

    Parameters:
      -
    • name (str) – A unique name for the workflow node.

    • +
    • name (str) – A unique name for the workflow node.

    • input_mappings (List[WorkflowNodeInputMapping]) – List of input mappings for the node. Each arg/kwarg of the node function should have a corresponding input mapping.

    • -
    • output_mappings (List[WorkflowNodeOutputMapping]) – List of output mappings for the node. Each field in the returned dict/AgentResponse must have a corresponding output mapping.

    • +
    • output_mappings (List[str]) – List of outputs for the node. Each field in the returned dict/AgentResponse must have a corresponding output in the list.

    • function (callable) – The callable node function reference.

    • -
    • input_schema (WorkflowNodeInputSchema) – The react json schema for the user input variables.

    • -
    • output_schema (WorkflowNodeOutputSchema) – The react json schema for the output to be shown on UI.

    • -
    • function_name (str)

    • -
    • source_code (str)

    • -
    • template_metadata (dict)

    • +
    • input_schema (WorkflowNodeInputSchema) – The react json schema for the user input variables. This should be empty for CHAT interface.

    • +
    • output_schema (List[str]) – The list of outputs to be shown on UI. Each output corresponds to a field in the output mappings of the node.

    • +
    • description (str) – A description of the workflow node.

    • +
    • function_name (str)

    • +
    • source_code (str)

    • +
    • template_metadata (dict)

    • trigger_config (TriggerConfig)

    @@ -1638,6 +1738,19 @@

    Package Contents +
    +classmethod is_special_node_type()
    +

    Returns True if this node type skips source code validation.

    +

    Special node types (like InputNode and LLMAgentNode) are executed +directly without source code validation.

    +
    +
    Return type:
    +

    bool

    +
    +
    +

    +
    template_metadata = None
    @@ -1648,22 +1761,33 @@

    Package Contentstrigger_config = None

    +
    +
    +node_type = 'workflow_node'
    +
    + +
    +
    +description = None
    +
    +
    -classmethod _raw_init(name, input_mappings=None, output_mappings=None, function=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None)
    +classmethod _raw_init(name, input_mappings=None, output_mappings=None, function=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None, description=None)
    Parameters:
    @@ -1675,13 +1799,51 @@

    Package Contents
    Parameters:
    +
    +

    +
    + +
    +
    +classmethod from_tool(tool_name, name, configs=None, input_mappings=None, input_schema=None, output_schema=None)
    +

    Creates and returns a WorkflowGraphNode based on an available user created tool. +Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error.

    +
    +
    Parameters:
    +
      +
    • tool_name (str) – The name of the tool. There should already be a tool created in the platform with tool_name.

    • +
    • name (str) – The name to assign to the WorkflowGraphNode instance.

    • +
    • configs (optional) – The configuration state of the tool to use (if necessary). If not specified, will use the tool’s default configuration.

    • +
    • input_mappings (optional) – The WorkflowNodeInputMappings for this node.

    • +
    • input_schema (optional) – The WorkflowNodeInputSchema for this node.

    • +
    • output_schema (optional) – The WorkflowNodeOutputSchema for this node.

    • +
    +
    +
    +
    + +
    +
    +classmethod from_system_tool(tool_name, name, configs=None, input_mappings=None, input_schema=None, output_schema=None)
    +

    Creates and returns a WorkflowGraphNode based on the name of an available system tool. +Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error.

    +
    +
    Parameters:
    +
      +
    • tool_name (str) – The name of the tool. There should already be a tool created in the platform with tool_name.

    • +
    • name (str) – The name to assign to the WorkflowGraphNode instance.

    • +
    • configs (optional) – The configuration state of the tool to use (if necessary). If not specified, will use the tool’s default configuration.

    • +
    • input_mappings (optional) – The WorkflowNodeInputMappings for this node.

    • +
    • input_schema (optional) – The WorkflowNodeInputSchema for this node.

    • +
    • output_schema (optional) – The WorkflowNodeOutputSchema for this node.

    @@ -1690,10 +1852,7 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -1710,7 +1869,7 @@

    Package Contentsclassmethod from_dict(node)

    Parameters:
    -

    node (dict)

    +

    node (dict)

    @@ -1752,6 +1911,311 @@

    Package Contents +
    +class abacusai.api_class.DecisionNode(name, condition, input_mappings, description=None)
    +

    Bases: WorkflowGraphNode

    +

    Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed.

    +
    +
    Parameters:
    +
    +
    +
    +
    +
    +node_type = 'decision_node'
    +
    + +
    +
    +name
    +
    + +
    +
    +source_code
    +
    + +
    +
    +description = None
    +
    + +
    +
    +output_mappings
    +
    + +
    +
    +template_metadata = None
    +
    + +
    +
    +trigger_config = None
    +
    + +
    +
    +input_schema = None
    +
    + +
    +
    +output_schema = None
    +
    + +
    +
    +function_name = None
    +
    + +
    +
    +to_dict()
    +
    + +
    +
    +classmethod from_dict(node)
    +
    +
    Parameters:
    +

    node (dict)

    +
    +
    +
    + +
    + +
    +
    +class abacusai.api_class.LLMAgentNode(name, chatbot_deployment_id=None, chatbot_parameters=None, input_schema=None, output_schema=None)
    +

    Bases: WorkflowGraphNode

    +

    Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters.

    +
    +
    Parameters:
    +
      +
    • name (str) – A unique name for the LLM agent node.

    • +
    • chatbot_deployment_id (str) – The deployment ID of the chatbot to use for this node. If not provided, a new chatbot will be created.

    • +
    • chatbot_parameters (dict) – Parameters for configuring the chatbot, such as data_feature_group_ids and document_retrievers.

    • +
    • uid (str) – A unique identifier for the LLM agent node. If not provided, a unique ID will be auto-generated.

    • +
    • input_schema (WorkflowNodeInputSchema)

    • +
    • output_schema (WorkflowNodeOutputSchema)

    • +
    +
    +
    +
    +
    +name: str
    +
    + +
    +
    +chatbot_deployment_id: str = None
    +
    + +
    +
    +chatbot_parameters: dict
    +
    + +
    +
    +uid: str = None
    +
    + +
    +
    +classmethod is_special_node_type()
    +

    LLM agent nodes skip source code validation.

    +
    +
    Return type:
    +

    bool

    +
    +
    +
    + +
    +
    +node_type = 'llm_agent_node'
    +
    + +
    +
    +source_code = None
    +
    + +
    +
    +get_source_code()
    +
    + +
    +
    +get_function_name()
    +
    + +
    +
    +to_dict()
    +
    + +
    +
    +classmethod from_dict(node)
    +
    +
    Parameters:
    +

    node (dict)

    +
    +
    +
    + +
    + +
    +
    +class abacusai.api_class.InputNode(name, input_mappings=None, output_mappings=None, input_schema=None, output_schema=None, description=None, function_name=None, source_code=None, uid=None)
    +

    Bases: WorkflowGraphNode

    +

    Represents an input node in an agent workflow graph.

    +

    Accepts multiple user inputs (text and file) and processes them into a single combined text output. +File inputs are processed using OCR/document extraction when applicable.

    +
    +
    Parameters:
    +
      +
    • name (str) – The name of the input node.

    • +
    • input_mappings (Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]]) – The input mappings for the input node. If not provided, defaults to a text_input and file_input.

    • +
    • output_mappings (Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]]) – The output mappings for the input node. If not provided, defaults to a single ‘answer’ output.

    • +
    • input_schema (WorkflowNodeInputSchema) – The input schema for the input node. If not provided, will be generated from input_mappings.

    • +
    • output_schema (WorkflowNodeOutputSchema) – The output schema for the input node. If not provided, will be generated from output_mappings.

    • +
    • description (str) – The description of the input node.

    • +
    • uid (str) – A unique identifier for the input node. Auto-generated if not provided.

    • +
    • function_name (str)

    • +
    • source_code (str)

    • +
    +
    +
    +
    +
    +name: str
    +
    + +
    +
    +input_mappings: Dict[str, WorkflowNodeInputMapping] | List[WorkflowNodeInputMapping] = None
    +
    + +
    +
    +output_mappings: List[str] | Dict[str, str] | List[WorkflowNodeOutputMapping] = None
    +
    + +
    +
    +input_schema: WorkflowNodeInputSchema = None
    +
    + +
    +
    +output_schema: WorkflowNodeOutputSchema = None
    +
    + +
    +
    +description: str = None
    +
    + +
    +
    +uid: str = None
    +
    + +
    +
    +classmethod is_special_node_type()
    +

    Input nodes skip source code validation.

    +
    +
    Return type:
    +

    bool

    +
    +
    +
    + +
    +
    +static _mark_file_inputs_in_schema(input_schema)
    +

    Mark file inputs in the schema based on format and ui:widget indicators.

    +
    +
    Parameters:
    +

    input_schema (WorkflowNodeInputSchema)

    +
    +
    Return type:
    +

    None

    +
    +
    +
    + +
    +
    +node_type = 'input_node'
    +
    + +
    +
    +source_code = None
    +
    + +
    +
    +template_metadata = None
    +
    + +
    +
    +trigger_config = None
    +
    + +
    +
    +to_dict()
    +

    Return snake_case keys to match return filter expectations. +(The base ApiClass.to_dict() camelCases keys, which causes the +WorkflowGraphNodeDetails return filter to miss fields.)

    +
    + +
    +
    +classmethod from_dict(node)
    +
    +
    Parameters:
    +

    node (dict)

    +
    +
    +
    + +
    +
    +get_function_name()
    +
    + +
    +
    +get_source_code()
    +

    Return the stored source code, if any.

    +
    + +
    +
    +get_input_schema()
    +
    + +
    +
    class abacusai.api_class.WorkflowGraphEdge(source, target, details=None)
    @@ -1762,25 +2226,25 @@

    Package Contents
    Parameters:
      -
    • source (str) – The name of the source node of the edge.

    • -
    • target (str) – The name of the target node of the edge.

    • -
    • details (dict) – Additional details about the edge. Like the condition for edge execution.

    • +
    • source (str) – The name of the source node of the edge.

    • +
    • target (str) – The name of the target node of the edge.

    • +
    • details (dict) – Additional details about the edge. Like the condition for edge execution.

    -source: str | WorkflowGraphNode
    +source: str | WorkflowGraphNode
    -target: str | WorkflowGraphNode
    +target: str | WorkflowGraphNode
    -details: dict
    +details: dict
    @@ -1788,6 +2252,16 @@

    Package Contentsto_nx_edge()

    +
    +
    +classmethod from_dict(input_dict)
    +
    +
    Parameters:
    +

    input_dict (dict)

    +
    +
    +
    +
    @@ -1795,40 +2269,38 @@

    Package Contentsclass abacusai.api_class.WorkflowGraph

    Bases: abacusai.api_class.abstract.ApiClass

    Represents an Agent workflow graph.

    -

    The edges define the node invocation order.

    Parameters:
      -
    • nodes (List[WorkflowGraphNode]) – A list of nodes in the workflow graph.

    • -
    • edges (List[WorkflowGraphEdge]) – A list of edges in the workflow graph, where each edge is a tuple of source, target, and details.

    • -
    • primary_start_node (Union[str, WorkflowGraphNode]) – The primary node to start the workflow from.

    • -
    • common_source_code (str) – Common source code that can be used across all nodes.

    • +
    • nodes (List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]]) – A list of nodes in the workflow graph.

    • +
    • primary_start_node (Union[str, WorkflowGraphNode, LLMAgentNode]) – The primary node to start the workflow from.

    • +
    • common_source_code (str) – Common source code that can be used across all nodes.

    -nodes: List[WorkflowGraphNode] = []
    +nodes: List[WorkflowGraphNode | DecisionNode | LLMAgentNode] = []
    -edges: List[WorkflowGraphEdge | Tuple[WorkflowGraphNode, WorkflowGraphNode, dict] | Tuple[str, str, dict]] = []
    +edges: List[WorkflowGraphEdge | Tuple[WorkflowGraphNode, WorkflowGraphNode, dict] | Tuple[str, str, dict]] = []
    -primary_start_node: str | WorkflowGraphNode = None
    +primary_start_node: str | WorkflowGraphNode | LLMAgentNode = None
    -common_source_code: str = None
    +common_source_code: str = None
    -specification_type: str = 'data_flow'
    +specification_type: str = 'data_flow'
    @@ -1839,17 +2311,14 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +

    classmethod from_dict(graph)
    Parameters:
    -

    graph (dict)

    +

    graph (dict)

    @@ -1864,34 +2333,31 @@

    Package Contents
    Parameters:
      -
    • is_user (bool) – Whether the message is from the user.

    • -
    • text (str) – The message’s text.

    • -
    • document_contents (dict) – Dict of document name to document text in case of any document present.

    • +
    • is_user (bool) – Whether the message is from the user.

    • +
    • text (str) – The message’s text.

    • +
    • document_contents (dict) – Dict of document name to document text in case of any document present.

    -is_user: bool = None
    +is_user: bool = None
    -text: str = None
    +text: str = None
    -document_contents: dict = None
    +document_contents: dict = None
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    @@ -1903,47 +2369,44 @@

    Package Contents
    Parameters:
      -
    • name (str) – A unique name of the config.

    • -
    • description (str) – The description of this config.

    • -
    • default_value (str) – Default value of the config to be used if value is not provided during node initialization.

    • -
    • is_required (bool) – Indicates whether the config is required. Defaults to False.

    • +
    • name (str) – A unique name of the config.

    • +
    • description (str) – The description of this config.

    • +
    • default_value (str) – Default value of the config to be used if value is not provided during node initialization.

    • +
    • is_required (bool) – Indicates whether the config is required. Defaults to False.

    -name: str
    +name: str
    -description: str = None
    +description: str = None
    -default_value: str = None
    +default_value: str = None
    -is_required: bool = False
    +is_required: bool = False
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -1958,41 +2421,44 @@

    Package Contents
    Parameters:
      -
    • name (str) – A unique name of the input.

    • -
    • is_required (bool) – Indicates whether the input is required. Defaults to False.

    • -
    • description (str) – The description of this input.

    • +
    • name (str) – A unique name of the input.

    • +
    • is_required (bool) – Indicates whether the input is required. Defaults to False.

    • +
    • description (str) – The description of this input.

    • +
    • long_description (str) – The detailed description of this input.

    -name: str
    +name: str
    -is_required: bool = False
    +is_required: bool = False
    -description: str = ''
    +description: str = '' +
    + +
    +
    +long_description: str = ''
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -2007,15 +2473,16 @@

    Package Contents
    Parameters:
      -
    • name (str) – The name of the output.

    • +
    • name (str) – The name of the output.

    • variable_type (WorkflowNodeOutputType) – The type of the output.

    • -
    • description (str) – The description of this output.

    • +
    • description (str) – The description of this output.

    • +
    • long_description (str) – The detailed description of this output.

    -name: str
    +name: str
    @@ -2025,23 +2492,25 @@

    Package Contents
    -description: str = ''
    +description: str = '' +

    + +
    +
    +long_description: str = ''
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +
    classmethod from_dict(mapping)
    Parameters:
    -

    mapping (dict)

    +

    mapping (dict)

    @@ -2051,17 +2520,17 @@

    Package Contents
    class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -_upper_snake_case_keys: bool = False
    +_upper_snake_case_keys: bool = False
    -_support_kwargs: bool = False
    +_support_kwargs: bool = False
    @@ -2089,7 +2558,7 @@

    Package Contents__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -2100,7 +2569,7 @@

    Package Contents
    Parameters:
    @@ -2112,7 +2581,7 @@

    Package Contents_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -2123,7 +2592,7 @@

    Package Contents
    Parameters:
    @@ -2136,7 +2605,7 @@

    Package Contents
    Parameters:
    @@ -2156,7 +2625,7 @@

    Package Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -2171,29 +2640,29 @@

    Package Contents
    Parameters:
      -
    • prompt (str) – The prompt to send to Data Science Co-Pilot

    • -
    • title (str) – A short, descriptive title for the prompt. If not provided, one will be automatically generated.

    • +
    • prompt (str) – The prompt to send to Data Science Co-Pilot

    • +
    • title (str) – A short, descriptive title for the prompt. If not provided, one will be automatically generated.

    -prompt: str
    +prompt: str
    -title: str = None
    +title: str = None
    -disable_problem_type_context: bool = True
    +disable_problem_type_context: bool = True
    -ignore_history: bool = None
    +ignore_history: bool = None

    @@ -2201,17 +2670,17 @@

    Package Contents
    class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -_upper_snake_case_keys: bool = False
    +_upper_snake_case_keys: bool = False
    -_support_kwargs: bool = False
    +_support_kwargs: bool = False
    @@ -2239,7 +2708,7 @@

    Package Contents__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -2250,7 +2719,7 @@

    Package Contents
    Parameters:
    @@ -2262,7 +2731,7 @@

    Package Contents_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -2273,7 +2742,7 @@

    Package Contents
    Parameters:
    @@ -2286,7 +2755,7 @@

    Package Contents
    Parameters:
    @@ -2306,7 +2775,7 @@

    Package Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -2316,7 +2785,7 @@

    Package Contents
    class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    @@ -2339,10 +2808,10 @@

    Package Contentsclassmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -2356,12 +2825,12 @@

    Package Contents
    -_support_kwargs: bool = True
    +_support_kwargs: bool = True
    -kwargs: dict
    +kwargs: dict
    @@ -2384,55 +2853,55 @@

    Package Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • -
    • predictions_start_date (str) – The start date for predictions. Accepts timestamp integers and strings in many standard formats such as YYYY-MM-DD, YYYY-MM-DD HH:MM:SS, or YYYY-MM-DDTHH:MM:SS. If not specified, the prediction start date will be automatically defined.

    • -
    • use_prediction_offset (bool) – If True, use prediction offset.

    • -
    • start_date_offset (int) – Sets prediction start date as this offset relative to the prediction start date.

    • -
    • forecasting_horizon (int) – The number of timestamps to predict in the future. Range: [1, 1000].

    • -
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • -
    • explain_predictions (bool) – If True, calculates explanations for the forecasted values along with predictions.

    • -
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • +
    • predictions_start_date (str) – The start date for predictions. Accepts timestamp integers and strings in many standard formats such as YYYY-MM-DD, YYYY-MM-DD HH:MM:SS, or YYYY-MM-DDTHH:MM:SS. If not specified, the prediction start date will be automatically defined.

    • +
    • use_prediction_offset (bool) – If True, use prediction offset.

    • +
    • start_date_offset (int) – Sets prediction start date as this offset relative to the prediction start date.

    • +
    • forecasting_horizon (int) – The number of timestamps to predict in the future. Range: [1, 1000].

    • +
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • +
    • explain_predictions (bool) – If True, calculates explanations for the forecasted values along with predictions.

    • +
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    -for_eval: bool = None
    +for_eval: bool = None
    -predictions_start_date: str = None
    +predictions_start_date: str = None
    -use_prediction_offset: bool = None
    +use_prediction_offset: bool = None
    -start_date_offset: int = None
    +start_date_offset: int = None
    -forecasting_horizon: int = None
    +forecasting_horizon: int = None
    -item_attributes_to_include_in_the_result: list = None
    +item_attributes_to_include_in_the_result: list = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -create_monitor: bool = None
    +create_monitor: bool = None
    @@ -2449,12 +2918,12 @@

    Package Contents
    Parameters:
    -

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    +

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    -for_eval: bool = None
    +for_eval: bool = None
    @@ -2472,31 +2941,31 @@

    Package Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • number_of_items (int) – Number of items to recommend.

    • -
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • -
    • score_field (str) – If specified, relative item scores will be returned using a field with this name

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • number_of_items (int) – Number of items to recommend.

    • +
    • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

    • +
    • score_field (str) – If specified, relative item scores will be returned using a field with this name

    -for_eval: bool = None
    +for_eval: bool = None
    -number_of_items: int = None
    +number_of_items: int = None
    -item_attributes_to_include_in_the_result: list = None
    +item_attributes_to_include_in_the_result: list = None
    -score_field: str = None
    +score_field: str = None
    @@ -2514,24 +2983,24 @@

    Package Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • explainer_type (enums.ExplainerType) – The type of explainer to use to generate explanations on the batch prediction.

    • -
    • number_of_samples_to_use_for_explainer (int) – Number Of Samples To Use For Kernel Explainer.

    • -
    • include_multi_class_explanations (bool) – If True, Includes explanations for all classes in multi-class classification.

    • -
    • features_considered_constant_for_explanations (str) – Comma separate list of fields to treat as constant in SHAP explanations.

    • -
    • importance_of_records_in_nested_columns (str) – Returns importance of each index in the specified nested column instead of SHAP column explanations.

    • -
    • explanation_filter_lower_bound (float) – If set explanations will be limited to predictions above this value, Range: [0, 1].

    • -
    • explanation_filter_upper_bound (float) – If set explanations will be limited to predictions below this value, Range: [0, 1].

    • -
    • explanation_filter_label (str) – For classification problems specifies the label to which the explanation bounds are applied.

    • -
    • output_columns (list) – A list of column names to include in the prediction result.

    • -
    • explain_predictions (bool) – If True, calculates explanations for the predicted values along with predictions.

    • -
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    • +
    • number_of_samples_to_use_for_explainer (int) – Number Of Samples To Use For Kernel Explainer.

    • +
    • include_multi_class_explanations (bool) – If True, Includes explanations for all classes in multi-class classification.

    • +
    • features_considered_constant_for_explanations (str) – Comma separate list of fields to treat as constant in SHAP explanations.

    • +
    • importance_of_records_in_nested_columns (str) – Returns importance of each index in the specified nested column instead of SHAP column explanations.

    • +
    • explanation_filter_lower_bound (float) – If set explanations will be limited to predictions above this value, Range: [0, 1].

    • +
    • explanation_filter_upper_bound (float) – If set explanations will be limited to predictions below this value, Range: [0, 1].

    • +
    • explanation_filter_label (str) – For classification problems specifies the label to which the explanation bounds are applied.

    • +
    • output_columns (list) – A list of column names to include in the prediction result.

    • +
    • explain_predictions (bool) – If True, calculates explanations for the predicted values along with predictions.

    • +
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    -for_eval: bool = None
    +for_eval: bool = None
    @@ -2541,52 +3010,52 @@

    Package Contents
    -number_of_samples_to_use_for_explainer: int = None
    +number_of_samples_to_use_for_explainer: int = None

    -include_multi_class_explanations: bool = None
    +include_multi_class_explanations: bool = None
    -features_considered_constant_for_explanations: str = None
    +features_considered_constant_for_explanations: str = None
    -importance_of_records_in_nested_columns: str = None
    +importance_of_records_in_nested_columns: str = None
    -explanation_filter_lower_bound: float = None
    +explanation_filter_lower_bound: float = None
    -explanation_filter_upper_bound: float = None
    +explanation_filter_upper_bound: float = None
    -explanation_filter_label: str = None
    +explanation_filter_label: str = None
    -output_columns: list = None
    +output_columns: list = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -create_monitor: bool = None
    +create_monitor: bool = None
    @@ -2604,25 +3073,31 @@

    Package Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • files_output_location_prefix (str) – The output location prefix for the files.

    • -
    • channel_id_to_label_map (str) – JSON string for the map from channel ids to their labels.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • files_input_location (str) – The input location for the files.

    • +
    • files_output_location_prefix (str) – The output location prefix for the files.

    • +
    • channel_id_to_label_map (str) – JSON string for the map from channel ids to their labels.

    -for_eval: bool = None
    +for_eval: bool = None +
    + +
    +
    +files_input_location: str = None
    -files_output_location_prefix: str = None
    +files_output_location_prefix: str = None
    -channel_id_to_label_map: str = None
    +channel_id_to_label_map: str = None
    @@ -2640,19 +3115,19 @@

    Package Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • -
    • explode_output (bool) – Explode data so there is one sentence per row.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

    • +
    • explode_output (bool) – Explode data so there is one sentence per row.

    -for_eval: bool = None
    +for_eval: bool = None
    -explode_output: bool = None
    +explode_output: bool = None
    @@ -2670,31 +3145,31 @@

    Package Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • analysis_frequency (str) – The length of each analysis interval.

    • -
    • start_date (str) – The end point for predictions.

    • -
    • analysis_days (int) – How many days to analyze.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • analysis_frequency (str) – The length of each analysis interval.

    • +
    • start_date (str) – The end point for predictions.

    • +
    • analysis_days (int) – How many days to analyze.

    -for_eval: bool = None
    +for_eval: bool = None
    -analysis_frequency: str = None
    +analysis_frequency: str = None
    -start_date: str = None
    +start_date: str = None
    -analysis_days: int = None
    +analysis_days: int = None
    @@ -2711,12 +3186,12 @@

    Package Contents
    Parameters:
    -

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    +

    for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    -for_eval: bool = None
    +for_eval: bool = None
    @@ -2734,19 +3209,19 @@

    Package Contents
    Parameters:
      -
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • -
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    • +
    • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

    • +
    • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

    -for_eval: bool = None
    +for_eval: bool = None
    -create_monitor: bool = None
    +create_monitor: bool = None
    @@ -2772,8 +3247,6 @@

    Package Contents class abacusai.api_class._BatchPredictionArgsFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -2794,17 +3267,17 @@

    Package Contents
    class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -_upper_snake_case_keys: bool = False
    +_upper_snake_case_keys: bool = False
    -_support_kwargs: bool = False
    +_support_kwargs: bool = False
    @@ -2832,7 +3305,7 @@

    Package Contents__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -2843,7 +3316,7 @@

    Package Contents
    Parameters:
    @@ -2855,7 +3328,7 @@

    Package Contents_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -2866,7 +3339,7 @@

    Package Contents
    Parameters:
    @@ -2879,7 +3352,7 @@

    Package Contents
    Parameters:
    @@ -2899,7 +3372,7 @@

    Package Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -2915,31 +3388,31 @@

    Package Contents
    Parameters:
      -
    • contents (bytes) – The binary contents of the blob.

    • -
    • mime_type (str) – The mime type of the blob.

    • -
    • filename (str) – The original filename of the blob.

    • -
    • size (int) – The size of the blob in bytes.

    • +
    • contents (bytes) – The binary contents of the blob.

    • +
    • mime_type (str) – The mime type of the blob.

    • +
    • filename (str) – The original filename of the blob.

    • +
    • size (int) – The size of the blob in bytes.

    -filename: str
    +filename: str
    -contents: bytes
    +contents: bytes
    -mime_type: str
    +mime_type: str
    -size: int
    +size: int
    @@ -2947,7 +3420,7 @@

    Package Contentsclassmethod from_local_file(file_path)
    Parameters:
    -

    file_path (str)

    +

    file_path (str)

    Return type:

    Blob

    @@ -2961,9 +3434,9 @@

    Package Contents
    Parameters:
    Return type:
    @@ -2983,10 +3456,10 @@

    Package Contents
    Parameters:
      -
    • filename (str) – The original filename of the blob.

    • -
    • contents (bytes) – The binary contents of the blob.

    • -
    • mime_type (str) – The mime type of the blob.

    • -
    • size (int) – The size of the blob in bytes.

    • +
    • filename (str) – The original filename of the blob.

    • +
    • contents (bytes) – The binary contents of the blob.

    • +
    • mime_type (str) – The mime type of the blob.

    • +
    • size (int) – The size of the blob in bytes.

    @@ -2995,7 +3468,7 @@

    Package Contents
    class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    @@ -3018,10 +3491,10 @@

    Package Contentsclassmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -3035,12 +3508,12 @@

    Package Contents
    Parameters:
    -

    is_documentset (bool) – Whether the dataset is a document set

    +

    is_documentset (bool) – Whether the dataset is a document set

    -is_documentset: bool = None
    +is_documentset: bool = None

    @@ -3074,12 +3547,12 @@

    Package Contents
    Parameters:
    -

    topic (str) – The kafka topic to consume

    +

    topic (str) – The kafka topic to consume

    -topic: str = None
    +topic: str = None
    @@ -3093,8 +3566,6 @@

    Package Contents class abacusai.api_class._StreamingConnectorDatasetConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -3115,17 +3586,17 @@

    Package Contents
    class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -_upper_snake_case_keys: bool = False
    +_upper_snake_case_keys: bool = False
    -_support_kwargs: bool = False
    +_support_kwargs: bool = False
    @@ -3153,7 +3624,7 @@

    Package Contents__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -3164,7 +3635,7 @@

    Package Contents
    Parameters:
    @@ -3176,7 +3647,7 @@

    Package Contents_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    @@ -3187,7 +3658,7 @@

    Package Contents
    Parameters:
    @@ -3200,7 +3671,7 @@

    Package Contents
    Parameters:
    @@ -3220,7 +3691,7 @@

    Package Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -3258,12 +3729,17 @@

    Package ContentsSCANNED_TEXT = 'SCANNED_TEXT'
    +
    +
    +COMPREHENSIVE_MARKDOWN = 'COMPREHENSIVE_MARKDOWN'
    +
    +
    classmethod is_ocr_forced(document_type)
    Parameters:
    -

    document_type (DocumentType)

    +

    document_type (DocumentType)

    @@ -3350,12 +3826,12 @@

    Package Contents
    Parameters:
    -

    is_documentset (bool) – Whether the dataset is a document set

    +

    is_documentset (bool) – Whether the dataset is a document set

    -is_documentset: bool = None
    +is_documentset: bool = None

    @@ -3368,25 +3844,25 @@

    Package Contents
    Parameters:
      -
    • escape (str) – Escape character for CSV files. Defaults to ‘”’.

    • -
    • csv_delimiter (str) – Delimiter for CSV files. Defaults to None.

    • -
    • file_path_with_schema (str) – Path to the file with schema. Defaults to None.

    • +
    • escape (str) – Escape character for CSV files. Defaults to ‘”’.

    • +
    • csv_delimiter (str) – Delimiter for CSV files. Defaults to None.

    • +
    • file_path_with_schema (str) – Path to the file with schema. Defaults to None.

    -escape: str = '"'
    +escape: str = '"'
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -file_path_with_schema: str = None
    +file_path_with_schema: str = None
    @@ -3399,16 +3875,16 @@

    Package Contents
    Parameters:
      -
    • document_type (DocumentType) – Type of document. Can be one of Text, Tables and Forms, Embedded Images, etc. If not specified, type will be decided automatically.

    • -
    • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

    • -
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • -
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • -
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

    • -
    • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

    • +
    • document_type (DocumentType) – Type of document. Can be one of Text, Tables and Forms, Embedded Images, etc. If not specified, type will be decided automatically.

    • +
    • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

    • +
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • +
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • +
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

    • +
    • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

    @@ -3419,12 +3895,12 @@

    Package Contents
    -highlight_relevant_text: bool = None
    +highlight_relevant_text: bool = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    @@ -3434,32 +3910,32 @@

    Package Contents
    -use_full_ocr: bool = None
    +use_full_ocr: bool = None

    +remove_header_footer: bool = False
    -remove_watermarks: bool = True
    +remove_watermarks: bool = True
    -convert_to_markdown: bool = False
    +convert_to_markdown: bool = False
    -mask_pii: bool = False
    +mask_pii: bool = False
    -extract_images: bool = False
    +extract_images: bool = False
    @@ -3478,7 +3954,7 @@

    Package Contents
    Parameters:
    -

    config (dict)

    +

    config (dict)

    @@ -3488,24 +3964,24 @@

    Package Contents
    class abacusai.api_class.DatasetDocumentProcessingConfig
    -

    Bases: DocumentProcessingConfig

    +

    Bases: DocumentProcessingConfig

    Document processing configuration for dataset imports.

    Parameters:
      -
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • -
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • -
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

    • +
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • +
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • +
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

    -page_text_column: str = None
    +page_text_column: str = None
    @@ -3517,12 +3993,12 @@

    Package Contents
    Parameters:
    -

    timestamp_column (str) – If dataset is incremental, this is the column name of the required column in the dataset. This column must contain timestamps in descending order which are used to determine the increments of the incremental dataset.

    +

    timestamp_column (str) – If dataset is incremental, this is the column name of the required column in the dataset. This column must contain timestamps in descending order which are used to determine the increments of the incremental dataset.

    -timestamp_column: str = None
    +timestamp_column: str = None
    @@ -3535,25 +4011,25 @@

    Package Contents
    Parameters:
      -
    • feature_group_name (str) – feature group name

    • -
    • column_name (str) – column name

    • -
    • urls (str) – list of urls

    • +
    • feature_group_name (str) – feature group name

    • +
    • column_name (str) – column name

    • +
    • urls (str) – list of urls

    -feature_group_name: str = None
    +feature_group_name: str = None
    -column_name: str = None
    +column_name: str = None
    -urls: str = None
    +urls: str = None
    @@ -3561,7 +4037,7 @@

    Package Contents
    class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    @@ -3584,10 +4060,10 @@

    Package Contentsclassmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -3601,12 +4077,12 @@

    Package Contents
    Parameters:
    -

    is_documentset (bool) – Whether the dataset is a document set

    +

    is_documentset (bool) – Whether the dataset is a document set

    -is_documentset: bool = None
    +is_documentset: bool = None

    @@ -3614,24 +4090,24 @@

    Package Contents
    class abacusai.api_class.DatasetDocumentProcessingConfig
    -

    Bases: DocumentProcessingConfig

    +

    Bases: DocumentProcessingConfig

    Document processing configuration for dataset imports.

    Parameters:
      -
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • -
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • -
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

    • +
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • +
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • +
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

    -page_text_column: str = None
    +page_text_column: str = None
    @@ -3645,7 +4121,7 @@

    Package ContentsParameters:
    @@ -3657,7 +4133,7 @@

    Package Contents
    -application_connector_id: str = None
    +application_connector_id: str = None
    @@ -3684,25 +4160,32 @@

    Package Contents*’ -> ‘folder’ +:type location_type: str

    -location: str = None
    +location: str = None
    -space_key: str = None
    +space_key: str = None
    -pull_attachments: bool = False
    +pull_attachments: bool = False
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False +
    + +
    +
    +location_type: str = None
    @@ -3725,17 +4208,17 @@

    Package Contents
    -location: str = None
    +location: str = None

    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False
    @@ -3753,25 +4236,25 @@

    Package Contents
    Parameters:
      -
    • location (str) – The view id of the report in the connector to fetch

    • -
    • start_timestamp (int) – Unix timestamp of the start of the period that will be queried

    • -
    • end_timestamp (int) – Unix timestamp of the end of the period that will be queried

    • +
    • location (str) – The view id of the report in the connector to fetch

    • +
    • start_timestamp (int) – Unix timestamp of the start of the period that will be queried

    • +
    • end_timestamp (int) – Unix timestamp of the end of the period that will be queried

    -location: str = None
    +location: str = None
    -start_timestamp: int = None
    +start_timestamp: int = None
    -end_timestamp: int = None
    +end_timestamp: int = None
    @@ -3789,31 +4272,37 @@

    Package Contents
    Parameters:
      -
    • location (str) – The regex location of the files to fetch

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location_type (str) – The type of path to fetch. ‘shared’ for shared files. if not provided, it will fetch from the root folder.

    -location: str = None
    +location: str = None
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False +
    + +
    +
    +location_type: str = None
    @@ -3831,31 +4320,31 @@

    Package Contents
    Parameters:
      -
    • jql (str) – The JQL query for fetching issues

    • -
    • custom_fields (list) – A list of custom fields to include in the dataset

    • -
    • include_comments (bool) – Fetch comments for each issue

    • -
    • include_watchers (bool) – Fetch watchers for each issue

    • +
    • jql (str) – The JQL query for fetching issues

    • +
    • custom_fields (list) – A list of custom fields to include in the dataset

    • +
    • include_comments (bool) – Fetch comments for each issue

    • +
    • include_watchers (bool) – Fetch watchers for each issue

    -jql: str = None
    +jql: str = None
    -custom_fields: list = None
    +custom_fields: list = None
    -include_comments: bool = False
    +include_comments: bool = False
    -include_watchers: bool = False
    +include_watchers: bool = False
    @@ -3873,31 +4362,31 @@

    Package Contents
    Parameters:
      -
    • location (str) – The regex location of the files to fetch

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    -location: str = None
    +location: str = None
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False
    @@ -3915,31 +4404,37 @@

    Package Contents
    Parameters:
      -
    • location (str) – The regex location of the files to fetch

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    • add_file_metadata (bool) – Signifies if the file metadata should be added to the dataset

    -location: str = None
    +location: str = None
    -csv_delimiter: str = None
    +csv_delimiter: str = None
    -extract_bounding_boxes: bool = False
    +extract_bounding_boxes: bool = False
    -merge_file_schemas: bool = False
    +merge_file_schemas: bool = False +
    + +
    +
    +add_file_metadata: bool = False
    @@ -3956,12 +4451,12 @@

    Package Contents
    Parameters:
    -

    location (str) – The regex location of the files to fetch

    +

    location (str) – The regex location of the files to fetch

    -location: str = None
    +location: str = None
    @@ -3979,26 +4474,26 @@

    Package Contents
    Parameters:
      -
    • include_entire_conversation_history (bool) – Whether to show the entire history for this deployment conversation

    • -
    • include_all_feedback (bool) – Whether to include all feedback for this deployment conversation

    • -
    • resolve_matching_documents (bool) – Whether to get matching document references for response instead of prompt. +

    • include_entire_conversation_history (bool) – Whether to show the entire history for this deployment conversation

    • +
    • include_all_feedback (bool) – Whether to include all feedback for this deployment conversation

    • +
    • resolve_matching_documents (bool) – Whether to get matching document references for response instead of prompt. Needs to recalculate them if highlights are unavailable in summary_info

    -include_entire_conversation_history: bool = False
    +include_entire_conversation_history: bool = False
    -include_all_feedback: bool = False
    +include_all_feedback: bool = False
    -resolve_matching_documents: bool = False
    +resolve_matching_documents: bool = False
    @@ -4016,25 +4511,31 @@

    Package Contents
    Parameters:
      -
    • pull_chat_messages (bool) – Whether to pull teams chat messages

    • -
    • pull_channel_posts (bool) – Whether to pull posts for each channel

    • -
    • pull_transcripts (bool) – Whether to pull transcripts for calendar meetings

    • +
    • pull_chat_messages (bool) – Whether to pull teams chat messages

    • +
    • pull_channel_posts (bool) – Whether to pull posts for each channel

    • +
    • pull_transcripts (bool) – Whether to pull transcripts for calendar meetings

    • +
    • max_days_to_lookback (int) – The maximum number of days to look back for data

    -pull_chat_messages: bool = False
    +pull_chat_messages: bool = False
    -pull_channel_posts: bool = False
    +pull_channel_posts: bool = False
    -pull_transcripts: bool = False
    +pull_transcripts: bool = False +
    + +
    +
    +max_days_to_lookback: int = 365
    @@ -4044,6 +4545,48 @@

    Package Contents +
    +class abacusai.api_class.OutlookDatasetConfig
    +

    Bases: ApplicationConnectorDatasetConfig

    +

    Dataset config for Outlook Application Connector

    +
    +
    +__post_init__()
    +
    + +

    + +
    +
    +class abacusai.api_class.AzureStorageDatasetConfig
    +

    Bases: ApplicationConnectorDatasetConfig

    +

    Dataset config for Azure Storage Application Connector

    +
    +
    Parameters:
    +
      +
    • location (str) – The location of the files to fetch

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    +
    +
    +
    +
    +location: str = None
    +
    + +
    +
    +merge_file_schemas: bool = False
    +
    + +
    +
    +__post_init__()
    +
    + +
    +
    class abacusai.api_class.FreshserviceDatasetConfig
    @@ -4056,12 +4599,52 @@

    Package Contents +
    +class abacusai.api_class.SftpDatasetConfig
    +

    Bases: ApplicationConnectorDatasetConfig

    +

    Dataset config for SFTP Application Connector

    +
    +
    Parameters:
    +
      +
    • location (str) – The regex location of the files to fetch

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

    • +
    +
    +
    +
    +
    +location: str = None
    +
    + +
    +
    +csv_delimiter: str = None
    +
    + +
    +
    +extract_bounding_boxes: bool = False
    +
    + +
    +
    +merge_file_schemas: bool = False
    +
    + +
    +
    +__post_init__()
    +
    + +

    +
    class abacusai.api_class._ApplicationConnectorDatasetConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -4080,58 +4663,58 @@

    Package Contents -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -4139,22 +4722,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -4162,12 +4745,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -4175,19 +4758,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -4195,35 +4778,35 @@

    Package Contents -
    -class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class._ApiClassFactory
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -config_abstract_class = None
    +
    +config_abstract_class = None
    -
    -config_class_key = None
    +
    +config_class_key = None
    -
    -config_class_map
    +
    +config_class_map
    -
    -classmethod from_dict(config)
    +
    +classmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -4237,12 +4820,12 @@

    Package Contents
    -_support_kwargs: bool = True
    +_support_kwargs: bool = True

    -kwargs: dict
    +kwargs: dict
    @@ -4265,25 +4848,25 @@

    Package Contents
    Parameters:
      -
    • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

    • -
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • -
    • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

    • +
    • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

    • +
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • +
    • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

    -forced_assignments: dict = None
    +forced_assignments: dict = None
    -solve_time_limit_seconds: float = None
    +solve_time_limit_seconds: float = None
    -include_all_assignments: bool = None
    +include_all_assignments: bool = None
    @@ -4301,25 +4884,25 @@

    Package Contents
    Parameters:
      -
    • start_timestamp (str) – Timestamp from which anomalies have to be detected in the training data

    • -
    • end_timestamp (str) – Timestamp to which anomalies have to be detected in the training data

    • -
    • get_all_item_data (bool) – If True, anomaly detection has to be performed on all the data related to input ids

    • +
    • start_timestamp (str) – Timestamp from which anomalies have to be detected in the training data

    • +
    • end_timestamp (str) – Timestamp to which anomalies have to be detected in the training data

    • +
    • get_all_item_data (bool) – If True, anomaly detection has to be performed on all the data related to input ids

    -start_timestamp: str = None
    +start_timestamp: str = None
    -end_timestamp: str = None
    +end_timestamp: str = None
    -get_all_item_data: bool = None
    +get_all_item_data: bool = None
    @@ -4337,43 +4920,43 @@

    Package Contents
    Parameters:
      -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • -
    • system_message (str) – The generative LLM system message.

    • -
    • temperature (float) – The generative LLM temperature.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • +
    • system_message (str) – The generative LLM system message.

    • +
    • temperature (float) – The generative LLM temperature.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    -llm_name: str = None
    +llm_name: str = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -system_message: str = None
    +system_message: str = None
    -temperature: float = None
    +temperature: float = None
    -search_score_cutoff: float = None
    +search_score_cutoff: float = None
    -ignore_documents: bool = None
    +ignore_documents: bool = None
    @@ -4391,19 +4974,19 @@

    Package Contents
    Parameters:
      -
    • explain_predictions (bool) – If true, will explain predictions.

    • -
    • explainer_type (str) – Type of explainer to use for explanations.

    • +
    • explain_predictions (bool) – If true, will explain predictions.

    • +
    • explainer_type (str) – Type of explainer to use for explanations.

    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -explainer_type: str = None
    +explainer_type: str = None
    @@ -4421,37 +5004,37 @@

    Package Contents
    Parameters:
      -
    • num_predictions (int) – The number of timestamps to predict in the future.

    • -
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • -
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • -
    • explainer_type (str) – Type of explainer to use for explanations.

    • -
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    • +
    • num_predictions (int) – The number of timestamps to predict in the future.

    • +
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • +
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • +
    • explainer_type (str) – Type of explainer to use for explanations.

    • +
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    -num_predictions: int = None
    +num_predictions: int = None
    -prediction_start: str = None
    +prediction_start: str = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -explainer_type: str = None
    +explainer_type: str = None
    -get_item_data: bool = None
    +get_item_data: bool = None
    @@ -4469,37 +5052,37 @@

    Package Contents
    Parameters:
      -
    • num_predictions (int) – The number of timestamps to predict in the future.

    • -
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • -
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • -
    • explainer_type (str) – Type of explainer to use for explanations.

    • -
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    • +
    • num_predictions (int) – The number of timestamps to predict in the future.

    • +
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • +
    • explain_predictions (bool) – If True, explain predictions for forecasting.

    • +
    • explainer_type (str) – Type of explainer to use for explanations.

    • +
    • get_item_data (bool) – If True, will return the data corresponding to items as well.

    -num_predictions: int = None
    +num_predictions: int = None
    -prediction_start: str = None
    +prediction_start: str = None
    -explain_predictions: bool = None
    +explain_predictions: bool = None
    -explainer_type: str = None
    +explainer_type: str = None
    -get_item_data: bool = None
    +get_item_data: bool = None
    @@ -4517,43 +5100,43 @@

    Package Contents
    Parameters:
      -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • -
    • system_message (str) – The generative LLM system message.

    • -
    • temperature (float) – The generative LLM temperature.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

    • +
    • system_message (str) – The generative LLM system message.

    • +
    • temperature (float) – The generative LLM temperature.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    -llm_name: str = None
    +llm_name: str = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -system_message: str = None
    +system_message: str = None
    -temperature: float = None
    +temperature: float = None
    -search_score_cutoff: float = None
    +search_score_cutoff: float = None
    -ignore_documents: bool = None
    +ignore_documents: bool = None
    @@ -4570,12 +5153,12 @@

    Package Contents
    Parameters:
    -

    limit_results (int) – If provided, will limit the number of results to the value specified.

    +

    limit_results (int) – If provided, will limit the number of results to the value specified.

    -limit_results: int = None
    +limit_results: int = None
    @@ -4589,8 +5172,6 @@

    Package Contents class abacusai.api_class._PredictionArgumentsFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -4609,58 +5190,58 @@

    Package Contents -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -4668,22 +5249,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -4691,12 +5272,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -4704,19 +5285,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -4774,27 +5355,27 @@

    Package Contents
    Parameters:
      -
    • chunk_size (int) – The size of text chunks in the vector store.

    • -
    • chunk_overlap_fraction (float) – The fraction of overlap between chunks.

    • -
    • text_encoder (VectorStoreTextEncoder) – Encoder used to index texts from the documents.

    • -
    • chunk_size_factors (list) – Chunking data with multiple sizes. The specified list of factors are used to calculate more sizes, in addition to chunk_size.

    • -
    • score_multiplier_column (str) – If provided, will use the values in this metadata column to modify the relevance score of returned chunks for all queries.

    • -
    • prune_vectors (bool) – Transform vectors using SVD so that the average component of vectors in the corpus are removed.

    • -
    • index_metadata_columns (bool) – If True, metadata columns of the FG will also be used for indexing and querying.

    • -
    • use_document_summary (bool) – If True, uses the summary of the document in addition to chunks of the document for indexing and querying.

    • -
    • summary_instructions (str) – Instructions for the LLM to generate the document summary.

    • -
    • standalone_deployment (bool) – If True, the document retriever will be deployed as a standalone deployment.

    • +
    • chunk_size (int) – The size of text chunks in the vector store.

    • +
    • chunk_overlap_fraction (float) – The fraction of overlap between chunks.

    • +
    • text_encoder (VectorStoreTextEncoder) – Encoder used to index texts from the documents.

    • +
    • chunk_size_factors (list) – Chunking data with multiple sizes. The specified list of factors are used to calculate more sizes, in addition to chunk_size.

    • +
    • score_multiplier_column (str) – If provided, will use the values in this metadata column to modify the relevance score of returned chunks for all queries.

    • +
    • prune_vectors (bool) – Transform vectors using SVD so that the average component of vectors in the corpus are removed.

    • +
    • index_metadata_columns (bool) – If True, metadata columns of the FG will also be used for indexing and querying.

    • +
    • use_document_summary (bool) – If True, uses the summary of the document in addition to chunks of the document for indexing and querying.

    • +
    • summary_instructions (str) – Instructions for the LLM to generate the document summary.

    • +
    • standalone_deployment (bool) – If True, the document retriever will be deployed as a standalone deployment.

    -chunk_size: int = None
    +chunk_size: int = None
    -chunk_overlap_fraction: float = None
    +chunk_overlap_fraction: float = None
    @@ -4804,37 +5385,37 @@

    Package Contents
    -chunk_size_factors: list = None
    +chunk_size_factors: list = None

    -score_multiplier_column: str = None
    +score_multiplier_column: str = None
    -prune_vectors: bool = None
    +prune_vectors: bool = None
    -index_metadata_columns: bool = None
    +index_metadata_columns: bool = None
    -use_document_summary: bool = None
    +use_document_summary: bool = None
    -summary_instructions: str = None
    +summary_instructions: str = None
    -standalone_deployment: bool = False
    +standalone_deployment: bool = False
    @@ -4852,7 +5433,7 @@

    Package Contents
    class abacusai.api_class.ApiEnum
    -

    Bases: enum.Enum

    +

    Bases: enum.Enum

    Generic enumeration.

    Derive from this class to define new enumerations.

    @@ -5714,6 +6295,16 @@

    Package ContentsMSG = 'msg'

    +
    +
    +TS = 'TS'
    +
    + +
    +
    +TSX = 'TSX'
    +
    +

    @@ -6374,6 +6965,11 @@

    Package ContentsGOOGLEDRIVE = 'GOOGLEDRIVE'

    +
    +
    +GOOGLECALENDAR = 'GOOGLECALENDAR'
    +
    +
    GIT = 'GIT'
    @@ -6449,11 +7045,6 @@

    Package ContentsGMAILUSER = 'GMAILUSER'

    -
    -
    -GOOGLECALENDAR = 'GOOGLECALENDAR'
    -
    -
    GOOGLESHEETS = 'GOOGLESHEETS'
    @@ -6484,6 +7075,71 @@

    Package ContentsBOX = 'BOX'

    +
    +
    +SFTPAPPLICATION = 'SFTPAPPLICATION'
    +
    + +
    +
    +OAUTH = 'OAUTH'
    +
    + +
    +
    +SALESFORCE = 'SALESFORCE'
    +
    + +
    +
    +TWITTER = 'TWITTER'
    +
    + +
    +
    +MCP = 'MCP'
    +
    + +
    +
    +ODBC = 'ODBC'
    +
    + +
    +
    +DBC = 'DBC'
    +
    + +
    +
    +GENERIC_OAUTH = 'GENERIC_OAUTH'
    +
    + +
    +
    +OUTLOOK = 'OUTLOOK'
    +
    + +
    +
    +BIGQUERY = 'BIGQUERY'
    +
    + +
    +
    +AZURESTORAGE = 'AZURESTORAGE'
    +
    + +
    +
    +classmethod user_connectors()
    +
    + +
    +
    +classmethod database_connectors()
    +
    +

    @@ -6570,6 +7226,16 @@

    Package ContentsDEPLOYMENT_ID = 'DEPLOYMENT_ID'

    +
    +
    +ATTACHMENT = 'ATTACHMENT'
    +
    + +
    +
    +static to_json_type(type)
    +
    +

    @@ -6643,47 +7309,52 @@

    Package ContentsANY = 'ANY'

    +
    +
    +ATTACHMENT = 'ATTACHMENT'
    +
    +
    -
    -class abacusai.api_class.VectorStoreTextEncoder
    +
    +class abacusai.api_class.VectorStoreTextEncoder

    Bases: ApiEnum

    Generic enumeration.

    Derive from this class to define new enumerations.

    -
    -E5 = 'E5'
    +
    +E5 = 'E5'
    -
    -OPENAI = 'OPENAI'
    +
    +OPENAI = 'OPENAI'
    -
    -OPENAI_COMPACT = 'OPENAI_COMPACT'
    +
    +OPENAI_COMPACT = 'OPENAI_COMPACT'
    -
    -OPENAI_LARGE = 'OPENAI_LARGE'
    +
    +OPENAI_LARGE = 'OPENAI_LARGE'
    -
    -SENTENCE_BERT = 'SENTENCE_BERT'
    +
    +SENTENCE_BERT = 'SENTENCE_BERT'
    -
    -E5_SMALL = 'E5_SMALL'
    +
    +E5_SMALL = 'E5_SMALL'
    -
    -CODE_BERT = 'CODE_BERT'
    +
    +CODE_BERT = 'CODE_BERT'
    @@ -6694,6 +7365,16 @@

    Package ContentsApiEnum

    Generic enumeration.

    Derive from this class to define new enumerations.

    +
    +
    +OPENAI_GPT3_5 = 'OPENAI_GPT3_5'
    +
    + +
    +
    +OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT'
    +
    +
    OPENAI_GPT4 = 'OPENAI_GPT4'
    @@ -6730,48 +7411,78 @@

    Package Contents -
    -OPENAI_GPT3_5 = 'OPENAI_GPT3_5'
    +
    +OPENAI_O3 = 'OPENAI_O3'

    -
    -OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT'
    +
    +OPENAI_O3_HIGH = 'OPENAI_O3_HIGH'
    -
    -LLAMA3_1_405B = 'LLAMA3_1_405B'
    +
    +OPENAI_O4_MINI = 'OPENAI_O4_MINI'
    -
    -LLAMA3_1_70B = 'LLAMA3_1_70B'
    +
    +OPENAI_O4_MINI_HIGH = 'OPENAI_O4_MINI_HIGH'
    -
    -LLAMA3_1_8B = 'LLAMA3_1_8B'
    +
    +OPENAI_GPT4_1 = 'OPENAI_GPT4_1'
    -
    -LLAMA3_3_70B = 'LLAMA3_3_70B'
    +
    +OPENAI_GPT4_1_MINI = 'OPENAI_GPT4_1_MINI'
    -
    -LLAMA3_LARGE_CHAT = 'LLAMA3_LARGE_CHAT'
    +
    +OPENAI_GPT4_1_NANO = 'OPENAI_GPT4_1_NANO'
    -
    -CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS'
    +
    +OPENAI_GPT5 = 'OPENAI_GPT5'
    +
    + +
    +
    +OPENAI_GPT5_MINI = 'OPENAI_GPT5_MINI'
    +
    + +
    +
    +OPENAI_GPT5_MINI_HIGH = 'OPENAI_GPT5_MINI_HIGH'
    +
    + +
    +
    +OPENAI_GPT5_MINI_LOW = 'OPENAI_GPT5_MINI_LOW'
    +
    + +
    +
    +OPENAI_GPT5_NANO = 'OPENAI_GPT5_NANO'
    -
    -CLAUDE_V3_SONNET = 'CLAUDE_V3_SONNET'
    +
    +OPENAI_GPT5_NANO_HIGH = 'OPENAI_GPT5_NANO_HIGH'
    +
    + +
    +
    +OPENAI_GPT5_1 = 'OPENAI_GPT5_1'
    +
    + +
    +
    +OPENAI_GPT5_2 = 'OPENAI_GPT5_2'
    @@ -6780,8 +7491,8 @@

    Package Contents -
    -CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET'
    +
    +CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS'

    @@ -6789,24 +7500,119 @@

    Package ContentsCLAUDE_V3_5_HAIKU = 'CLAUDE_V3_5_HAIKU'

    +
    +
    +CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET'
    +
    + +
    +
    +CLAUDE_V3_7_SONNET = 'CLAUDE_V3_7_SONNET'
    +
    + +
    +
    +CLAUDE_V4_SONNET = 'CLAUDE_V4_SONNET'
    +
    + +
    +
    +CLAUDE_V4_OPUS = 'CLAUDE_V4_OPUS'
    +
    + +
    +
    +CLAUDE_V4_5_SONNET = 'CLAUDE_V4_5_SONNET'
    +
    +
    GEMINI_1_5_PRO = 'GEMINI_1_5_PRO'
    +
    +
    +GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH'
    +
    + +
    +
    +GEMINI_2_PRO = 'GEMINI_2_PRO'
    +
    +
    GEMINI_2_FLASH = 'GEMINI_2_FLASH'
    -
    -GEMINI_2_FLASH_THINKING = 'GEMINI_2_FLASH_THINKING'
    +
    +GEMINI_2_5_PRO = 'GEMINI_2_5_PRO'
    +
    + +
    +
    +GEMINI_3_PRO = 'GEMINI_3_PRO'
    +
    + +
    +
    +GEMINI_2_5_FLASH = 'GEMINI_2_5_FLASH'
    +
    + +
    +
    +GEMINI_3_FLASH = 'GEMINI_3_FLASH'
    +
    + +
    +
    +XAI_GROK = 'XAI_GROK'
    +
    + +
    +
    +XAI_GROK_3 = 'XAI_GROK_3'
    +
    + +
    +
    +XAI_GROK_3_MINI = 'XAI_GROK_3_MINI'
    +
    + +
    +
    +XAI_GROK_4 = 'XAI_GROK_4'
    +
    + +
    +
    +LLAMA4_MAVERICK = 'LLAMA4_MAVERICK'
    +
    + +
    +
    +LLAMA3_1_405B = 'LLAMA3_1_405B'
    +
    + +
    +
    +LLAMA3_1_70B = 'LLAMA3_1_70B'
    +
    + +
    +
    +LLAMA3_1_8B = 'LLAMA3_1_8B'
    +
    + +
    +
    +LLAMA3_3_70B = 'LLAMA3_3_70B'
    -
    -GEMINI_2_PRO = 'GEMINI_2_PRO'
    +
    +LLAMA3_LARGE_CHAT = 'LLAMA3_LARGE_CHAT'
    @@ -6840,18 +7646,23 @@

    Package Contents -
    -GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH'
    +
    +QWEN3_32B = 'QWEN3_32B'

    -
    -XAI_GROK = 'XAI_GROK'
    +
    +QWEN3_235B_A22B = 'QWEN3_235B_A22B'
    +
    + +
    +
    +QWEN3_CODER = 'QWEN3_CODER'
    -
    -DEEPSEEK_V3 = 'DEEPSEEK_V3'
    +
    +DEEPSEEK_V3_1 = 'DEEPSEEK_V3_1'
    @@ -7042,6 +7853,11 @@

    Package ContentsUSERCODE_TOOL = 'USERCODE_TOOL'

    +
    +
    +CONNECTOR_TOOL = 'CONNECTOR_TOOL'
    +
    +

    @@ -7189,7 +8005,7 @@

    Package Contentsclassmethod normalize_type(python_type)
    Parameters:
    -

    python_type (Union[str, type, None, WorkflowNodeOutputType])

    +

    python_type (Union[str, type, None, WorkflowNodeOutputType, PythonFunctionOutputArgumentType])

    Return type:

    WorkflowNodeOutputType

    @@ -7200,115 +8016,120 @@

    Package Contents -
    -class abacusai.api_class.OcrMode
    +
    +class abacusai.api_class.OcrMode

    Bases: ApiEnum

    Generic enumeration.

    Derive from this class to define new enumerations.

    -
    -
    -AUTO = 'AUTO'
    -
    - -
    -
    -DEFAULT = 'DEFAULT'
    -
    -
    -LAYOUT = 'LAYOUT'
    +AUTO = 'AUTO'
    -SCANNED = 'SCANNED'
    +DEFAULT = 'DEFAULT'
    -COMPREHENSIVE = 'COMPREHENSIVE'
    +LAYOUT = 'LAYOUT'
    -COMPREHENSIVE_V2 = 'COMPREHENSIVE_V2'
    +SCANNED = 'SCANNED'
    -COMPREHENSIVE_TABLE_MD = 'COMPREHENSIVE_TABLE_MD'
    +COMPREHENSIVE = 'COMPREHENSIVE'
    -COMPREHENSIVE_FORM_MD = 'COMPREHENSIVE_FORM_MD'
    +COMPREHENSIVE_V2 = 'COMPREHENSIVE_V2'
    -COMPREHENSIVE_FORM_AND_TABLE_MD = 'COMPREHENSIVE_FORM_AND_TABLE_MD'
    +COMPREHENSIVE_TABLE_MD = 'COMPREHENSIVE_TABLE_MD'
    -TESSERACT_FAST = 'TESSERACT_FAST'
    +COMPREHENSIVE_FORM_MD = 'COMPREHENSIVE_FORM_MD'
    -LLM = 'LLM'
    +COMPREHENSIVE_FORM_AND_TABLE_MD = 'COMPREHENSIVE_FORM_AND_TABLE_MD'
    -AUGMENTED_LLM = 'AUGMENTED_LLM'
    +TESSERACT_FAST = 'TESSERACT_FAST'
    -
    +
    -classmethod aws_ocr_modes()
    +LLM = 'LLM' +
    + +
    +
    +AUGMENTED_LLM = 'AUGMENTED_LLM'
    +
    + +
    +
    +classmethod aws_ocr_modes()

    -
    -class abacusai.api_class.DocumentType
    +
    +class abacusai.api_class.DocumentType

    Bases: ApiEnum

    Generic enumeration.

    Derive from this class to define new enumerations.

    -
    -SIMPLE_TEXT = 'SIMPLE_TEXT'
    +
    +SIMPLE_TEXT = 'SIMPLE_TEXT'
    -
    -TEXT = 'TEXT'
    +
    +TEXT = 'TEXT'
    -
    -TABLES_AND_FORMS = 'TABLES_AND_FORMS'
    +
    +TABLES_AND_FORMS = 'TABLES_AND_FORMS'
    -
    -EMBEDDED_IMAGES = 'EMBEDDED_IMAGES'
    +
    +EMBEDDED_IMAGES = 'EMBEDDED_IMAGES'
    -
    -SCANNED_TEXT = 'SCANNED_TEXT'
    +
    +SCANNED_TEXT = 'SCANNED_TEXT'
    +
    + +
    +
    +COMPREHENSIVE_MARKDOWN = 'COMPREHENSIVE_MARKDOWN'
    -
    -classmethod is_ocr_forced(document_type)
    +
    +classmethod is_ocr_forced(document_type)
    Parameters:
    -

    document_type (DocumentType)

    +

    document_type (DocumentType)

    @@ -7643,61 +8464,151 @@

    Package ContentsCODE_LLM = 'CODE_LLM'

    +
    +
    +CODE_LLM_AGENT = 'CODE_LLM_AGENT'
    +
    + +
    +
    +CHAT_LLM_TASK = 'CHAT_LLM_TASK'
    +
    + +
    +
    +COMPUTER_AGENT = 'COMPUTER_AGENT'
    +
    + +
    +
    +SEARCH_LLM = 'SEARCH_LLM'
    +
    + +
    +
    +APP_LLM = 'APP_LLM'
    +
    + +
    +
    +TEST_AGENT = 'TEST_AGENT'
    +
    + +
    +
    +SUPER_AGENT = 'SUPER_AGENT'
    +
    + +
    +
    +CODE_LLM_NON_INTERACTIVE = 'CODE_LLM_NON_INTERACTIVE'
    +
    + +
    +
    +BROWSER_EXTENSION = 'BROWSER_EXTENSION'
    +
    +

    -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.AgentClientType
    +

    Bases: ApiEnum

    +

    Generic enumeration.

    +

    Derive from this class to define new enumerations.

    +
    +
    +CHAT_UI = 'CHAT_UI'
    +
    + +
    +
    +MESSAGING_APP = 'MESSAGING_APP'
    +
    + +
    +
    +API = 'API'
    +
    + +
    + +
    +
    +class abacusai.api_class.OrganizationSecretType
    +

    Bases: ApiEnum

    +

    Enum for organization secret types

    +
    +
    +ORG_SECRET = 'ORG_SECRET'
    +
    + +
    +
    +ORG_API_CREDENTIALS = 'ORG_API_CREDENTIALS'
    +
    + +
    +
    +USER_API_CREDENTIALS = 'USER_API_CREDENTIALS'
    +
    + +
    + +
    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -7705,22 +8616,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -7728,12 +8639,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -7741,19 +8652,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -7761,35 +8672,35 @@

    Package Contents -
    -class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class._ApiClassFactory
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -config_abstract_class = None
    +
    +config_abstract_class = None
    -
    -config_class_key = None
    +
    +config_class_key = None
    -
    -config_class_map
    +
    +config_class_map
    -
    -classmethod from_dict(config)
    +
    +classmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -7797,93 +8708,93 @@

    Package Contents -
    -class abacusai.api_class.DocumentProcessingConfig
    +
    +class abacusai.api_class.DocumentProcessingConfig

    Bases: abacusai.api_class.abstract.ApiClass

    Document processing configuration.

    Parameters:
      -
    • document_type (DocumentType) – Type of document. Can be one of Text, Tables and Forms, Embedded Images, etc. If not specified, type will be decided automatically.

    • -
    • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

    • -
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • -
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • -
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • -
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • -
    • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

    • -
    • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

    • +
    • document_type (DocumentType) – Type of document. Can be one of Text, Tables and Forms, Embedded Images, etc. If not specified, type will be decided automatically.

    • +
    • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

    • +
    • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

    • +
    • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

    • +
    • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

    • +
    • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

    • +
    • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

    • +
    • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

    -
    -document_type: abacusai.api_class.enums.DocumentType = None
    +
    +document_type: abacusai.api_class.enums.DocumentType = None
    -
    -highlight_relevant_text: bool = None
    +
    +highlight_relevant_text: bool = None
    -
    -extract_bounding_boxes: bool = False
    +
    +extract_bounding_boxes: bool = False
    -
    -ocr_mode: abacusai.api_class.enums.OcrMode
    +
    +ocr_mode: abacusai.api_class.enums.OcrMode
    -
    -use_full_ocr: bool = None
    +
    +use_full_ocr: bool = None
    -
    -remove_header_footer: bool = False
    +
    +remove_header_footer: bool = False
    -
    -remove_watermarks: bool = True
    +
    +remove_watermarks: bool = True
    -
    -convert_to_markdown: bool = False
    +
    +convert_to_markdown: bool = False
    -
    -mask_pii: bool = False
    +
    +mask_pii: bool = False
    -
    -extract_images: bool = False
    +
    +extract_images: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -_detect_ocr_mode()
    +
    +_detect_ocr_mode()
    -
    -classmethod _get_filtered_dict(config)
    +
    +classmethod _get_filtered_dict(config)

    Filters out default values from the config

    Parameters:
    -

    config (dict)

    +

    config (dict)

    @@ -7920,19 +8831,19 @@

    Package Contents
    Parameters:
      -
    • sample_count (int) – The number of rows to include in the sample

    • -
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    • +
    • sample_count (int) – The number of rows to include in the sample

    • +
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    -sample_count: int
    +sample_count: int
    -key_columns: List[str] = []
    +key_columns: List[str] = []
    @@ -7950,19 +8861,19 @@

    Package Contents
    Parameters:
      -
    • sample_percent (float) – The percentage of the rows to sample

    • -
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    • +
    • sample_percent (float) – The percentage of the rows to sample

    • +
    • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

    -sample_percent: float
    +sample_percent: float
    -key_columns: List[str] = []
    +key_columns: List[str] = []
    @@ -8025,19 +8936,19 @@

    Package Contents
    Parameters:
      -
    • num_versions (int) – The number of versions to merge. num_versions == 0 means merge all versions.

    • -
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    • +
    • num_versions (int) – The number of versions to merge. num_versions == 0 means merge all versions.

    • +
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    -num_versions: int
    +num_versions: int
    -include_version_timestamp_column: bool = None
    +include_version_timestamp_column: bool = None
    @@ -8055,25 +8966,25 @@

    Package Contents
    Parameters:
      -
    • feature_name (str) – Time based column to index on

    • -
    • time_window_size_ms (int) – Range of merged rows will be [MAX_TIME - time_window_size_ms, MAX_TIME]

    • -
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    • +
    • feature_name (str) – Time based column to index on

    • +
    • time_window_size_ms (int) – Range of merged rows will be [MAX_TIME - time_window_size_ms, MAX_TIME]

    • +
    • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

    -feature_name: str
    +feature_name: str
    -time_window_size_ms: int
    +time_window_size_ms: int
    -include_version_timestamp_column: bool = None
    +include_version_timestamp_column: bool = None
    @@ -8136,31 +9047,31 @@

    Package Contents
    Parameters:
      -
    • columns (List[str]) – Which columns to unpivot.

    • -
    • index_column (str) – Name of new column containing the unpivoted column names as its values

    • -
    • value_column (str) – Name of new column containing the row values that were unpivoted.

    • -
    • exclude (bool) – If True, the unpivoted columns are all the columns EXCEPT the ones in the columns argument. Default is False.

    • +
    • columns (List[str]) – Which columns to unpivot.

    • +
    • index_column (str) – Name of new column containing the unpivoted column names as its values

    • +
    • value_column (str) – Name of new column containing the row values that were unpivoted.

    • +
    • exclude (bool) – If True, the unpivoted columns are all the columns EXCEPT the ones in the columns argument. Default is False.

    -columns: List[str] = None
    +columns: List[str] = None
    -index_column: str = None
    +index_column: str = None
    -value_column: str = None
    +value_column: str = None
    -exclude: bool = None
    +exclude: bool = None
    @@ -8178,20 +9089,20 @@

    Package Contents
    Parameters:
      -
    • input_column (str) – Name of input column to transform.

    • -
    • output_column (str) – Name of output column to store transformed data.

    • +
    • input_column (str) – Name of input column to transform.

    • +
    • output_column (str) – Name of output column to store transformed data.

    • input_column_type (MarkdownOperatorInputType) – Type of input column to transform.

    -input_column: str = None
    +input_column: str = None
    -output_column: str = None
    +output_column: str = None
    @@ -8214,53 +9125,53 @@

    Package Contents
    Parameters:
      -
    • input_column (str) – Name of input column to transform.

    • -
    • output_column (str) – Name of output column to store transformed data.

    • -
    • depth_column (str) – Increasing depth explores more links, capturing more content

    • -
    • disable_host_restriction (bool) – If True, will not restrict crawling to the same host.

    • -
    • honour_website_rules (bool) – If True, will respect robots.txt rules.

    • -
    • user_agent (str) – If provided, will use this user agent instead of randomly selecting one.

    • +
    • input_column (str) – Name of input column to transform.

    • +
    • output_column (str) – Name of output column to store transformed data.

    • +
    • depth_column (str) – Increasing depth explores more links, capturing more content

    • +
    • disable_host_restriction (bool) – If True, will not restrict crawling to the same host.

    • +
    • honour_website_rules (bool) – If True, will respect robots.txt rules.

    • +
    • user_agent (str) – If provided, will use this user agent instead of randomly selecting one.

    -input_column: str = None
    +input_column: str = None
    -output_column: str = None
    +output_column: str = None
    -depth_column: str = None
    +depth_column: str = None
    -input_column_type: str = None
    +input_column_type: str = None
    -crawl_depth: int = None
    +crawl_depth: int = None
    -disable_host_restriction: bool = None
    +disable_host_restriction: bool = None
    -honour_website_rules: bool = None
    +honour_website_rules: bool = None
    -user_agent: str = None
    +user_agent: str = None
    @@ -8278,20 +9189,20 @@

    Package Contents
    Parameters:
      -
    • doc_id_column (str) – Name of input document ID column.

    • -
    • document_column (str) – Name of the input document column which contains the page infos. This column will be transformed to include the document processing config in the output feature group.

    • -
    • document_processing_config (DocumentProcessingConfig) – Document processing configuration.

    • +
    • doc_id_column (str) – Name of input document ID column.

    • +
    • document_column (str) – Name of the input document column which contains the page infos. This column will be transformed to include the document processing config in the output feature group.

    • +
    • document_processing_config (DocumentProcessingConfig) – Document processing configuration.

    -doc_id_column: str = None
    +doc_id_column: str = None
    -document_column: str = None
    +document_column: str = None
    @@ -8314,109 +9225,109 @@

    Package Contents
    Parameters:
      -
    • prompt_col (str) – Name of the input prompt column.

    • -
    • completion_col (str) – Name of the output completion column.

    • -
    • description_col (str) – Name of the description column.

    • -
    • id_col (str) – Name of the identifier column.

    • -
    • generation_instructions (str) – Instructions for the data generation model.

    • -
    • temperature (float) – Sampling temperature for the model.

    • -
    • fewshot_examples (int) – Number of fewshot examples used to prompt the model.

    • -
    • concurrency (int) – Number of concurrent processes.

    • -
    • examples_per_target (int) – Number of examples per target.

    • -
    • subset_size (Optional[int]) – Size of the subset to use for generation.

    • -
    • verify_response (bool) – Whether to verify the response.

    • -
    • token_budget (int) – Token budget for generation.

    • -
    • oversample (bool) – Whether to oversample the data.

    • -
    • documentation_char_limit (int) – Character limit for documentation.

    • -
    • frequency_penalty (float) – Penalty for frequency of token appearance.

    • -
    • model (str) – Model to use for data generation.

    • -
    • seed (Optional[int]) – Seed for random number generation.

    • +
    • prompt_col (str) – Name of the input prompt column.

    • +
    • completion_col (str) – Name of the output completion column.

    • +
    • description_col (str) – Name of the description column.

    • +
    • id_col (str) – Name of the identifier column.

    • +
    • generation_instructions (str) – Instructions for the data generation model.

    • +
    • temperature (float) – Sampling temperature for the model.

    • +
    • fewshot_examples (int) – Number of fewshot examples used to prompt the model.

    • +
    • concurrency (int) – Number of concurrent processes.

    • +
    • examples_per_target (int) – Number of examples per target.

    • +
    • subset_size (Optional[int]) – Size of the subset to use for generation.

    • +
    • verify_response (bool) – Whether to verify the response.

    • +
    • token_budget (int) – Token budget for generation.

    • +
    • oversample (bool) – Whether to oversample the data.

    • +
    • documentation_char_limit (int) – Character limit for documentation.

    • +
    • frequency_penalty (float) – Penalty for frequency of token appearance.

    • +
    • model (str) – Model to use for data generation.

    • +
    • seed (Optional[int]) – Seed for random number generation.

    -prompt_col: str = None
    +prompt_col: str = None
    -completion_col: str = None
    +completion_col: str = None
    -description_col: str = None
    +description_col: str = None
    -id_col: str = None
    +id_col: str = None
    -generation_instructions: str = None
    +generation_instructions: str = None
    -temperature: float = None
    +temperature: float = None
    -fewshot_examples: int = None
    +fewshot_examples: int = None
    -concurrency: int = None
    +concurrency: int = None
    -examples_per_target: int = None
    +examples_per_target: int = None
    -subset_size: int = None
    +subset_size: int = None
    -verify_response: bool = None
    +verify_response: bool = None
    -token_budget: int = None
    +token_budget: int = None
    -oversample: bool = None
    +oversample: bool = None
    -documentation_char_limit: int = None
    +documentation_char_limit: int = None
    -frequency_penalty: float = None
    +frequency_penalty: float = None
    -model: str = None
    +model: str = None
    -seed: int = None
    +seed: int = None
    @@ -8434,19 +9345,19 @@

    Package Contents
    Parameters:
      -
    • feature_group_ids (List[str]) – List of feature group IDs to union with source FG.

    • -
    • drop_non_intersecting_columns (bool) – If true, will drop columns that are not present in all feature groups. If false fills missing columns with nulls.

    • +
    • feature_group_ids (List[str]) – List of feature group IDs to union with source FG.

    • +
    • drop_non_intersecting_columns (bool) – If true, will drop columns that are not present in all feature groups. If false fills missing columns with nulls.

    -feature_group_ids: List[str] = None
    +feature_group_ids: List[str] = None
    -drop_non_intersecting_columns: bool = False
    +drop_non_intersecting_columns: bool = False
    @@ -8479,58 +9390,58 @@

    Package Contents -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -8538,22 +9449,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -8561,12 +9472,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -8574,19 +9485,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -8594,35 +9505,35 @@

    Package Contents -
    -class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class._ApiClassFactory
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -config_abstract_class = None
    +
    +config_abstract_class = None
    -
    -config_class_key = None
    +
    +config_class_key = None
    -
    -config_class_map
    +
    +config_class_map
    -
    -classmethod from_dict(config)
    +
    +classmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -8636,17 +9547,17 @@

    Package Contents
    -_upper_snake_case_keys: bool = True
    +_upper_snake_case_keys: bool = True

    -_support_kwargs: bool = True
    +_support_kwargs: bool = True
    -kwargs: dict
    +kwargs: dict
    @@ -8656,7 +9567,7 @@

    Package Contents
    -algorithm: str = None
    +algorithm: str = None

    @@ -8677,41 +9588,41 @@

    Package ContentsPersonalizationObjective) – Ranking scheme used to select final best model.

  • sort_objective (PersonalizationObjective) – Ranking scheme used to sort models on the metrics page.

  • training_mode (PersonalizationTrainingMode) – whether to train in production or experimental mode. Defaults to EXP.

  • -
  • target_action_types (List[str]) – List of action types to use as targets for training.

  • -
  • target_action_weights (Dict[str, float]) – Dictionary of action types to weights for training.

  • -
  • session_event_types (List[str]) – List of event types to treat as occurrences of sessions.

  • -
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 6% to 20% of your dataset to use as test data.

  • -
  • recent_days_for_training (int) – Limit training data to a certain latest number of days.

  • -
  • training_start_date (str) – Only consider training interaction data after this date. Specified in the timezone of the dataset.

  • -
  • test_on_user_split (bool) – Use user splits instead of using time splits, when validating and testing the model.

  • -
  • test_split_on_last_k_items (bool) – Use last k items instead of global timestamp splits, when validating and testing the model.

  • -
  • test_last_items_length (int) – Number of items to leave out for each user when using leave k out folds.

  • -
  • test_window_length_hours (int) – Duration (in hours) of most recent time window to use when validating and testing the model.

  • -
  • explicit_time_split (bool) – Sets an explicit time-based test boundary.

  • -
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN), validation (VAL) and testing (TEST).

  • -
  • full_data_retraining (bool) – Train models separately with all the data.

  • -
  • sequential_training (bool) – Train a mode sequentially through time.

  • -
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • -
  • optimized_event_type (str) – The final event type to optimize for and compute metrics on.

  • -
  • dropout_rate (int) – Dropout rate for neural network.

  • +
  • target_action_types (List[str]) – List of action types to use as targets for training.

  • +
  • target_action_weights (Dict[str, float]) – Dictionary of action types to weights for training.

  • +
  • session_event_types (List[str]) – List of event types to treat as occurrences of sessions.

  • +
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 6% to 20% of your dataset to use as test data.

  • +
  • recent_days_for_training (int) – Limit training data to a certain latest number of days.

  • +
  • training_start_date (str) – Only consider training interaction data after this date. Specified in the timezone of the dataset.

  • +
  • test_on_user_split (bool) – Use user splits instead of using time splits, when validating and testing the model.

  • +
  • test_split_on_last_k_items (bool) – Use last k items instead of global timestamp splits, when validating and testing the model.

  • +
  • test_last_items_length (int) – Number of items to leave out for each user when using leave k out folds.

  • +
  • test_window_length_hours (int) – Duration (in hours) of most recent time window to use when validating and testing the model.

  • +
  • explicit_time_split (bool) – Sets an explicit time-based test boundary.

  • +
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN), validation (VAL) and testing (TEST).

  • +
  • full_data_retraining (bool) – Train models separately with all the data.

  • +
  • sequential_training (bool) – Train a mode sequentially through time.

  • +
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • +
  • optimized_event_type (str) – The final event type to optimize for and compute metrics on.

  • +
  • dropout_rate (int) – Dropout rate for neural network.

  • batch_size (BatchSize) – Batch size for neural network.

  • -
  • disable_transformer (bool) – Disable training the transformer algorithm.

  • +
  • disable_transformer (bool) – Disable training the transformer algorithm.

  • disable_gpu (boo) – Disable training on GPU.

  • -
  • filter_history (bool) – Do not recommend items the user has already interacted with.

  • -
  • action_types_exclusion_days (Dict[str, float]) – Mapping from action type to number of days for which we exclude previously interacted items from prediction

  • -
  • session_dedupe_mins (float) – Minimum number of minutes between two sessions for a user.

  • -
  • max_history_length (int) – Maximum length of user-item history to include user in training examples.

  • -
  • compute_rerank_metrics (bool) – Compute metrics based on rerank results.

  • -
  • add_time_features (bool) – Include interaction time as a feature.

  • -
  • disable_timestamp_scalar_features (bool) – Exclude timestamp scalar features.

  • -
  • compute_session_metrics (bool) – Evaluate models based on how well they are able to predict the next session of interactions.

  • -
  • max_user_history_len_percentile (int) – Filter out users with history length above this percentile.

  • -
  • downsample_item_popularity_percentile (float) – Downsample items more popular than this percentile.

  • -
  • use_user_id_feature (bool) – Use user id as a feature in CTR models.

  • -
  • min_item_history (int) – Minimum number of interactions an item must have to be included in training.

  • -
  • query_column (str) – Name of column in the interactions table that represents a natural language query, e.g. ‘blue t-shirt’.

  • -
  • item_query_column (str) – Name of column in the item catalog that will be matched to the query column in the interactions table.

  • -
  • include_item_id_feature (bool) – Add Item-Id to the input features of the model. Applicable for Embedding distance and CTR models.

  • +
  • filter_history (bool) – Do not recommend items the user has already interacted with.

  • +
  • action_types_exclusion_days (Dict[str, float]) – Mapping from action type to number of days for which we exclude previously interacted items from prediction

  • +
  • session_dedupe_mins (float) – Minimum number of minutes between two sessions for a user.

  • +
  • max_history_length (int) – Maximum length of user-item history to include user in training examples.

  • +
  • compute_rerank_metrics (bool) – Compute metrics based on rerank results.

  • +
  • add_time_features (bool) – Include interaction time as a feature.

  • +
  • disable_timestamp_scalar_features (bool) – Exclude timestamp scalar features.

  • +
  • compute_session_metrics (bool) – Evaluate models based on how well they are able to predict the next session of interactions.

  • +
  • max_user_history_len_percentile (int) – Filter out users with history length above this percentile.

  • +
  • downsample_item_popularity_percentile (float) – Downsample items more popular than this percentile.

  • +
  • use_user_id_feature (bool) – Use user id as a feature in CTR models.

  • +
  • min_item_history (int) – Minimum number of interactions an item must have to be included in training.

  • +
  • query_column (str) – Name of column in the interactions table that represents a natural language query, e.g. ‘blue t-shirt’.

  • +
  • item_query_column (str) – Name of column in the item catalog that will be matched to the query column in the interactions table.

  • +
  • include_item_id_feature (bool) – Add Item-Id to the input features of the model. Applicable for Embedding distance and CTR models.

  • @@ -8732,87 +9643,87 @@

    Package Contents
    -target_action_types: List[str] = None
    +target_action_types: List[str] = None

    -target_action_weights: Dict[str, float] = None
    +target_action_weights: Dict[str, float] = None
    -session_event_types: List[str] = None
    +session_event_types: List[str] = None
    -test_split: int = None
    +test_split: int = None
    -recent_days_for_training: int = None
    +recent_days_for_training: int = None
    -training_start_date: str = None
    +training_start_date: str = None
    -test_on_user_split: bool = None
    +test_on_user_split: bool = None
    -test_split_on_last_k_items: bool = None
    +test_split_on_last_k_items: bool = None
    -test_last_items_length: int = None
    +test_last_items_length: int = None
    -test_window_length_hours: int = None
    +test_window_length_hours: int = None
    -explicit_time_split: bool = None
    +explicit_time_split: bool = None
    -test_row_indicator: str = None
    +test_row_indicator: str = None
    -full_data_retraining: bool = None
    +full_data_retraining: bool = None
    -sequential_training: bool = None
    +sequential_training: bool = None
    -data_split_feature_group_table_name: str = None
    +data_split_feature_group_table_name: str = None
    -optimized_event_type: str = None
    +optimized_event_type: str = None
    -dropout_rate: int = None
    +dropout_rate: int = None
    @@ -8822,87 +9733,87 @@

    Package Contents
    -disable_transformer: bool = None
    +disable_transformer: bool = None

    -disable_gpu: bool = None
    +disable_gpu: bool = None
    -filter_history: bool = None
    +filter_history: bool = None
    -action_types_exclusion_days: Dict[str, float] = None
    +action_types_exclusion_days: Dict[str, float] = None
    -max_history_length: int = None
    +max_history_length: int = None
    -compute_rerank_metrics: bool = None
    +compute_rerank_metrics: bool = None
    -add_time_features: bool = None
    +add_time_features: bool = None
    -disable_timestamp_scalar_features: bool = None
    +disable_timestamp_scalar_features: bool = None
    -compute_session_metrics: bool = None
    +compute_session_metrics: bool = None
    -query_column: str = None
    +query_column: str = None
    -item_query_column: str = None
    +item_query_column: str = None
    -use_user_id_feature: bool = None
    +use_user_id_feature: bool = None
    -session_dedupe_mins: float = None
    +session_dedupe_mins: float = None
    -include_item_id_feature: bool = None
    +include_item_id_feature: bool = None
    -max_user_history_len_percentile: int = None
    +max_user_history_len_percentile: int = None
    -downsample_item_popularity_percentile: float = None
    +downsample_item_popularity_percentile: float = None
    -min_item_history: int = None
    +min_item_history: int = None
    @@ -8924,48 +9835,48 @@

    Package ContentsRegressionObjective) – Ranking scheme used to sort models on the metrics page.

  • tree_hpo_mode – (RegressionTreeHPOMode): Turning off Rapid Experimentation will take longer to train.

  • type_of_split (RegressionTypeOfSplit) – Type of data splitting into train/test (validation also).

  • -
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

  • -
  • disable_test_val_fold (bool) – Do not create a TEST_VAL set. All records which would be part of the TEST_VAL fold otherwise, remain in the TEST fold.

  • -
  • k_fold_cross_validation (bool) – Use this to force k-fold cross validation bagging on or off.

  • -
  • num_cv_folds (int) – Specify the value of k in k-fold cross validation.

  • -
  • timestamp_based_splitting_column (str) – Timestamp column selected for splitting into test and train.

  • +
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

  • +
  • disable_test_val_fold (bool) – Do not create a TEST_VAL set. All records which would be part of the TEST_VAL fold otherwise, remain in the TEST fold.

  • +
  • k_fold_cross_validation (bool) – Use this to force k-fold cross validation bagging on or off.

  • +
  • num_cv_folds (int) – Specify the value of k in k-fold cross validation.

  • +
  • timestamp_based_splitting_column (str) – Timestamp column selected for splitting into test and train.

  • timestamp_based_splitting_method (RegressionTimeSplitMethod) – Method of selecting TEST set, top percentile wise or after a given timestamp.

  • -
  • test_splitting_timestamp (str) – Rows with timestamp greater than this will be considered to be in the test set.

  • -
  • sampling_unit_keys (List[str]) – Constrain train/test separation to partition a column.

  • -
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST). Validation (VAL) can also be specified.

  • -
  • full_data_retraining (bool) – Train models separately with all the data.

  • -
  • rebalance_classes (bool) – Class weights are computed as the inverse of the class frequency from the training dataset when this option is selected as “Yes”. It is useful when the classes in the dataset are unbalanced. +

  • test_splitting_timestamp (str) – Rows with timestamp greater than this will be considered to be in the test set.

  • +
  • sampling_unit_keys (List[str]) – Constrain train/test separation to partition a column.

  • +
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST). Validation (VAL) can also be specified.

  • +
  • full_data_retraining (bool) – Train models separately with all the data.

  • +
  • rebalance_classes (bool) – Class weights are computed as the inverse of the class frequency from the training dataset when this option is selected as “Yes”. It is useful when the classes in the dataset are unbalanced. Re-balancing classes generally boosts recall at the cost of precision on rare classes.

  • -
  • rare_class_augmentation_threshold (float) – Augments any rare class whose relative frequency with respect to the most frequent class is less than this threshold. Default = 0.1 for classification problems with rare classes.

  • +
  • rare_class_augmentation_threshold (float) – Augments any rare class whose relative frequency with respect to the most frequent class is less than this threshold. Default = 0.1 for classification problems with rare classes.

  • augmentation_strategy (RegressionAugmentationStrategy) – Strategy to deal with class imbalance and data augmentation.

  • -
  • training_rows_downsample_ratio (float) – Uses this ratio to train on a sample of the dataset provided.

  • -
  • active_labels_column (str) – Specify a column to use as the active columns in a multi label setting.

  • -
  • min_categorical_count (int) – Minimum threshold to consider a value different from the unknown placeholder.

  • -
  • sample_weight (str) – Specify a column to use as the weight of a sample for training and eval.

  • -
  • numeric_clipping_percentile (float) – Uses this option to clip the top and bottom x percentile of numeric feature columns where x is the value of this option.

  • +
  • training_rows_downsample_ratio (float) – Uses this ratio to train on a sample of the dataset provided.

  • +
  • active_labels_column (str) – Specify a column to use as the active columns in a multi label setting.

  • +
  • min_categorical_count (int) – Minimum threshold to consider a value different from the unknown placeholder.

  • +
  • sample_weight (str) – Specify a column to use as the weight of a sample for training and eval.

  • +
  • numeric_clipping_percentile (float) – Uses this option to clip the top and bottom x percentile of numeric feature columns where x is the value of this option.

  • target_transform (RegressionTargetTransform) – Specify a transform (e.g. log, quantile) to apply to the target variable.

  • -
  • ignore_datetime_features (bool) – Remove all datetime features from the model. Useful while generalizing to different time periods.

  • -
  • max_text_words (int) – Maximum number of words to use from text fields.

  • -
  • perform_feature_selection (bool) – If enabled, additional algorithms which support feature selection as a pretraining step will be trained separately with the selected subset of features. The details about their selected features can be found in their respective logs.

  • -
  • feature_selection_intensity (int) – This determines the strictness with which features will be filtered out. 1 being very lenient (more features kept), 100 being very strict.

  • +
  • ignore_datetime_features (bool) – Remove all datetime features from the model. Useful while generalizing to different time periods.

  • +
  • max_text_words (int) – Maximum number of words to use from text fields.

  • +
  • perform_feature_selection (bool) – If enabled, additional algorithms which support feature selection as a pretraining step will be trained separately with the selected subset of features. The details about their selected features can be found in their respective logs.

  • +
  • feature_selection_intensity (int) – This determines the strictness with which features will be filtered out. 1 being very lenient (more features kept), 100 being very strict.

  • batch_size (BatchSize) – Batch size.

  • -
  • dropout_rate (int) – Dropout percentage rate.

  • -
  • pretrained_model_name (str) – Enable algorithms which process text using pretrained multilingual NLP models.

  • -
  • pretrained_llm_name (str) – Enable algorithms which process text using pretrained large language models.

  • -
  • is_multilingual (bool) – Enable algorithms which process text using pretrained multilingual NLP models.

  • +
  • dropout_rate (int) – Dropout percentage rate.

  • +
  • pretrained_model_name (str) – Enable algorithms which process text using pretrained multilingual NLP models.

  • +
  • pretrained_llm_name (str) – Enable algorithms which process text using pretrained large language models.

  • +
  • is_multilingual (bool) – Enable algorithms which process text using pretrained multilingual NLP models.

  • loss_function (RegressionLossFunction) – Loss function to be used as objective for model training.

  • -
  • loss_parameters (str) – Loss function params in format <key>=<value>;<key>=<value>;…..

  • -
  • target_encode_categoricals (bool) – Use this to turn target encoding on categorical features on or off.

  • -
  • drop_original_categoricals (bool) – This option helps us choose whether to also feed the original label encoded categorical columns to the mdoels along with their target encoded versions.

  • -
  • monotonically_increasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically increasing with the selected features

  • -
  • monotonically_decreasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically decreasing with the selected features

  • -
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • -
  • custom_loss_functions (List[str]) – Registered custom losses available for selection.

  • -
  • custom_metrics (List[str]) – Registered custom metrics available for selection.

  • +
  • loss_parameters (str) – Loss function params in format <key>=<value>;<key>=<value>;…..

  • +
  • target_encode_categoricals (bool) – Use this to turn target encoding on categorical features on or off.

  • +
  • drop_original_categoricals (bool) – This option helps us choose whether to also feed the original label encoded categorical columns to the mdoels along with their target encoded versions.

  • +
  • monotonically_increasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically increasing with the selected features

  • +
  • monotonically_decreasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically decreasing with the selected features

  • +
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • +
  • custom_loss_functions (List[str]) – Registered custom losses available for selection.

  • +
  • custom_metrics (List[str]) – Registered custom metrics available for selection.

  • partial_dependence_analysis (PartialDependenceAnalysis) – Specify whether to run partial dependence plots for all features or only some features.

  • -
  • do_masked_language_model_pretraining (bool) – Specify whether to run a masked language model unsupervised pretraining step before supervized training in certain supported algorithms which use BERT-like backbones.

  • -
  • max_tokens_in_sentence (int) – Specify the max tokens to be kept in a sentence based on the truncation strategy.

  • -
  • truncation_strategy (str) – What strategy to use to deal with text rows with more than a given number of tokens (if num of tokens is more than “max_tokens_in_sentence”).

  • +
  • do_masked_language_model_pretraining (bool) – Specify whether to run a masked language model unsupervised pretraining step before supervized training in certain supported algorithms which use BERT-like backbones.

  • +
  • max_tokens_in_sentence (int) – Specify the max tokens to be kept in a sentence based on the truncation strategy.

  • +
  • truncation_strategy (str) – What strategy to use to deal with text rows with more than a given number of tokens (if num of tokens is more than “max_tokens_in_sentence”).

  • @@ -8996,27 +9907,27 @@

    Package Contents
    -test_split: int = None
    +test_split: int = None

    -disable_test_val_fold: bool = None
    +disable_test_val_fold: bool = None
    -k_fold_cross_validation: bool = None
    +k_fold_cross_validation: bool = None
    -num_cv_folds: int = None
    +num_cv_folds: int = None
    -timestamp_based_splitting_column: str = None
    +timestamp_based_splitting_column: str = None
    @@ -9026,32 +9937,32 @@

    Package Contents
    -test_splitting_timestamp: str = None
    +test_splitting_timestamp: str = None

    -sampling_unit_keys: List[str] = None
    +sampling_unit_keys: List[str] = None
    -test_row_indicator: str = None
    +test_row_indicator: str = None
    -full_data_retraining: bool = None
    +full_data_retraining: bool = None
    -rebalance_classes: bool = None
    +rebalance_classes: bool = None
    -rare_class_augmentation_threshold: float = None
    +rare_class_augmentation_threshold: float = None
    @@ -9061,27 +9972,27 @@

    Package Contents
    -training_rows_downsample_ratio: float = None
    +training_rows_downsample_ratio: float = None

    -active_labels_column: str = None
    +active_labels_column: str = None
    -min_categorical_count: int = None
    +min_categorical_count: int = None
    -sample_weight: str = None
    +sample_weight: str = None
    -numeric_clipping_percentile: float = None
    +numeric_clipping_percentile: float = None
    @@ -9091,22 +10002,22 @@

    Package Contents
    -ignore_datetime_features: bool = None
    +ignore_datetime_features: bool = None

    -max_text_words: int = None
    +max_text_words: int = None
    -perform_feature_selection: bool = None
    +perform_feature_selection: bool = None
    -feature_selection_intensity: int = None
    +feature_selection_intensity: int = None
    @@ -9116,37 +10027,37 @@

    Package Contents
    -dropout_rate: int = None
    +dropout_rate: int = None

    -pretrained_model_name: str = None
    +pretrained_model_name: str = None
    -pretrained_llm_name: str = None
    +pretrained_llm_name: str = None
    -is_multilingual: bool = None
    +is_multilingual: bool = None
    -do_masked_language_model_pretraining: bool = None
    +do_masked_language_model_pretraining: bool = None
    -max_tokens_in_sentence: int = None
    +max_tokens_in_sentence: int = None
    -truncation_strategy: str = None
    +truncation_strategy: str = None
    @@ -9156,42 +10067,42 @@

    Package Contents
    -loss_parameters: str = None
    +loss_parameters: str = None

    -target_encode_categoricals: bool = None
    +target_encode_categoricals: bool = None
    -drop_original_categoricals: bool = None
    +drop_original_categoricals: bool = None
    -monotonically_increasing_features: List[str] = None
    +monotonically_increasing_features: List[str] = None
    -monotonically_decreasing_features: List[str] = None
    +monotonically_decreasing_features: List[str] = None
    -data_split_feature_group_table_name: str = None
    +data_split_feature_group_table_name: str = None
    -custom_loss_functions: List[str] = None
    +custom_loss_functions: List[str] = None
    -custom_metrics: List[str] = None
    +custom_metrics: List[str] = None
    @@ -9209,67 +10120,67 @@

    Package Contents
    Parameters:
      -
    • prediction_length (int) – How many timesteps in the future to predict.

    • +
    • prediction_length (int) – How many timesteps in the future to predict.

    • objective (ForecastingObjective) – Ranking scheme used to select final best model.

    • sort_objective (ForecastingObjective) – Ranking scheme used to sort models on the metrics page.

    • forecast_frequency (ForecastingFrequency) – Forecast frequency.

    • -
    • probability_quantiles (List[float]) – Prediction quantiles.

    • -
    • force_prediction_length (int) – Force length of test window to be the same as prediction length.

    • -
    • filter_items (bool) – Filter items with small history and volume.

    • -
    • enable_feature_selection (bool) – Enable feature selection.

    • -
    • enable_padding (bool) – Pad series to the max_date of the dataset

    • -
    • enable_cold_start (bool) – Enable cold start forecasting by training/predicting for zero history items.

    • -
    • enable_multiple_backtests (bool) – Whether to enable multiple backtesting or not.

    • -
    • num_backtesting_windows (int) – Total backtesting windows to use for the training.

    • -
    • backtesting_window_step_size (int) – Use this step size to shift backtesting windows for model training.

    • -
    • full_data_retraining (bool) – Train models separately with all the data.

    • +
    • probability_quantiles (List[float]) – Prediction quantiles.

    • +
    • force_prediction_length (int) – Force length of test window to be the same as prediction length.

    • +
    • filter_items (bool) – Filter items with small history and volume.

    • +
    • enable_feature_selection (bool) – Enable feature selection.

    • +
    • enable_padding (bool) – Pad series to the max_date of the dataset

    • +
    • enable_cold_start (bool) – Enable cold start forecasting by training/predicting for zero history items.

    • +
    • enable_multiple_backtests (bool) – Whether to enable multiple backtesting or not.

    • +
    • num_backtesting_windows (int) – Total backtesting windows to use for the training.

    • +
    • backtesting_window_step_size (int) – Use this step size to shift backtesting windows for model training.

    • +
    • full_data_retraining (bool) – Train models separately with all the data.

    • additional_forecast_keys – List[str]: List of categoricals in timeseries that can act as multi-identifier.

    • experimentation_mode (ExperimentationMode) – Selecting Thorough Experimentation will take longer to train.

    • type_of_split (ForecastingDataSplitType) – Type of data splitting into train/test.

    • -
    • test_by_item (bool) – Partition train/test data by item rather than time if true.

    • -
    • test_start (str) – Limit training data to dates before the given test start.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

    • +
    • test_by_item (bool) – Partition train/test data by item rather than time if true.

    • +
    • test_start (str) – Limit training data to dates before the given test start.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

    • loss_function (ForecastingLossFunction) – Loss function for training neural network.

    • -
    • underprediction_weight (float) – Weight for underpredictions

    • -
    • disable_networks_without_analytic_quantiles (bool) – Disable neural networks, which quantile functions do not have analytic expressions (e.g, mixture models)

    • -
    • initial_learning_rate (float) – Initial learning rate.

    • -
    • l2_regularization_factor (float) – L2 regularization factor.

    • -
    • dropout_rate (int) – Dropout percentage rate.

    • -
    • recurrent_layers (int) – Number of recurrent layers to stack in network.

    • -
    • recurrent_units (int) – Number of units in each recurrent layer.

    • -
    • convolutional_layers (int) – Number of convolutional layers to stack on top of recurrent layers in network.

    • -
    • convolution_filters (int) – Number of filters in each convolution.

    • +
    • underprediction_weight (float) – Weight for underpredictions

    • +
    • disable_networks_without_analytic_quantiles (bool) – Disable neural networks, which quantile functions do not have analytic expressions (e.g, mixture models)

    • +
    • initial_learning_rate (float) – Initial learning rate.

    • +
    • l2_regularization_factor (float) – L2 regularization factor.

    • +
    • dropout_rate (int) – Dropout percentage rate.

    • +
    • recurrent_layers (int) – Number of recurrent layers to stack in network.

    • +
    • recurrent_units (int) – Number of units in each recurrent layer.

    • +
    • convolutional_layers (int) – Number of convolutional layers to stack on top of recurrent layers in network.

    • +
    • convolution_filters (int) – Number of filters in each convolution.

    • local_scaling_mode (ForecastingLocalScaling) – Options to make NN inputs stationary in high dynamic range datasets.

    • -
    • zero_predictor (bool) – Include subnetwork to classify points where target equals zero.

    • -
    • skip_missing (bool) – Make the RNN ignore missing entries rather instead of processing them.

    • +
    • zero_predictor (bool) – Include subnetwork to classify points where target equals zero.

    • +
    • skip_missing (bool) – Make the RNN ignore missing entries rather instead of processing them.

    • batch_size (ForecastingBatchSize) – Batch size.

    • -
    • batch_renormalization (bool) – Enable batch renormalization between layers.

    • -
    • history_length (int) – While training, how much history to consider.

    • -
    • prediction_step_size (int) – Number of future periods to include in objective for each training sample.

    • -
    • training_point_overlap (float) – Amount of overlap to allow between training samples.

    • -
    • max_scale_context (int) – Maximum context to use for local scaling.

    • +
    • batch_renormalization (bool) – Enable batch renormalization between layers.

    • +
    • history_length (int) – While training, how much history to consider.

    • +
    • prediction_step_size (int) – Number of future periods to include in objective for each training sample.

    • +
    • training_point_overlap (float) – Amount of overlap to allow between training samples.

    • +
    • max_scale_context (int) – Maximum context to use for local scaling.

    • quantiles_extension_method (ForecastingQuanitlesExtensionMethod) – Quantile extension method

    • -
    • number_of_samples (int) – Number of samples for ancestral simulation

    • -
    • symmetrize_quantiles (bool) – Force symmetric quantiles (like in Gaussian distribution)

    • -
    • use_log_transforms (bool) – Apply logarithmic transformations to input data.

    • -
    • smooth_history (float) – Smooth (low pass filter) the timeseries.

    • -
    • local_scale_target (bool) – Using per training/prediction window target scaling.

    • -
    • use_clipping (bool) – Apply clipping to input data to stabilize the training.

    • -
    • timeseries_weight_column (str) – If set, we use the values in this column from timeseries data to assign time dependent item weights during training and evaluation.

    • -
    • item_attributes_weight_column (str) – If set, we use the values in this column from item attributes data to assign weights to items during training and evaluation.

    • -
    • use_timeseries_weights_in_objective (bool) – If True, we include weights from column set as “TIMESERIES WEIGHT COLUMN” in objective functions.

    • -
    • use_item_weights_in_objective (bool) – If True, we include weights from column set as “ITEM ATTRIBUTES WEIGHT COLUMN” in objective functions.

    • -
    • skip_timeseries_weight_scaling (bool) – If True, we will avoid normalizing the weights.

    • -
    • timeseries_loss_weight_column (str) – Use value in this column to weight the loss while training.

    • -
    • use_item_id (bool) – Include a feature to indicate the item being forecast.

    • -
    • use_all_item_totals (bool) – Include as input total target across items.

    • -
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in demand as missing data.

    • +
    • number_of_samples (int) – Number of samples for ancestral simulation

    • +
    • symmetrize_quantiles (bool) – Force symmetric quantiles (like in Gaussian distribution)

    • +
    • use_log_transforms (bool) – Apply logarithmic transformations to input data.

    • +
    • smooth_history (float) – Smooth (low pass filter) the timeseries.

    • +
    • local_scale_target (bool) – Using per training/prediction window target scaling.

    • +
    • use_clipping (bool) – Apply clipping to input data to stabilize the training.

    • +
    • timeseries_weight_column (str) – If set, we use the values in this column from timeseries data to assign time dependent item weights during training and evaluation.

    • +
    • item_attributes_weight_column (str) – If set, we use the values in this column from item attributes data to assign weights to items during training and evaluation.

    • +
    • use_timeseries_weights_in_objective (bool) – If True, we include weights from column set as “TIMESERIES WEIGHT COLUMN” in objective functions.

    • +
    • use_item_weights_in_objective (bool) – If True, we include weights from column set as “ITEM ATTRIBUTES WEIGHT COLUMN” in objective functions.

    • +
    • skip_timeseries_weight_scaling (bool) – If True, we will avoid normalizing the weights.

    • +
    • timeseries_loss_weight_column (str) – Use value in this column to weight the loss while training.

    • +
    • use_item_id (bool) – Include a feature to indicate the item being forecast.

    • +
    • use_all_item_totals (bool) – Include as input total target across items.

    • +
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in demand as missing data.

    • datetime_holiday_calendars (List[HolidayCalendars]) – Holiday calendars to augment training with.

    • -
    • fill_missing_values (List[List[dict]]) – Strategy for filling in missing values.

    • -
    • enable_clustering (bool) – Enable clustering in forecasting.

    • -
    • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

    • -
    • custom_loss_functions (List[str]) – Registered custom losses available for selection.

    • -
    • custom_metrics (List[str]) – Registered custom metrics available for selection.

    • +
    • fill_missing_values (List[List[dict]]) – Strategy for filling in missing values.

    • +
    • enable_clustering (bool) – Enable clustering in forecasting.

    • +
    • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

    • +
    • custom_loss_functions (List[str]) – Registered custom losses available for selection.

    • +
    • custom_metrics (List[str]) – Registered custom metrics available for selection.

    • return_fractional_forecasts – Use this to return fractional forecast values while prediction

    • allow_training_with_small_history – Allows training with fewer than 100 rows in the dataset

    @@ -9277,7 +10188,7 @@

    Package Contents
    -prediction_length: int = None
    +prediction_length: int = None

    @@ -9297,57 +10208,57 @@

    Package Contents
    -probability_quantiles: List[float] = None
    +probability_quantiles: List[float] = None

    -force_prediction_length: bool = None
    +force_prediction_length: bool = None
    -filter_items: bool = None
    +filter_items: bool = None
    -enable_feature_selection: bool = None
    +enable_feature_selection: bool = None
    -enable_padding: bool = None
    +enable_padding: bool = None
    -enable_cold_start: bool = None
    +enable_cold_start: bool = None
    -enable_multiple_backtests: bool = None
    +enable_multiple_backtests: bool = None
    -num_backtesting_windows: int = None
    +num_backtesting_windows: int = None
    -backtesting_window_step_size: int = None
    +backtesting_window_step_size: int = None
    -full_data_retraining: bool = None
    +full_data_retraining: bool = None
    -additional_forecast_keys: List[str] = None
    +additional_forecast_keys: List[str] = None
    @@ -9362,17 +10273,17 @@

    Package Contents
    -test_by_item: bool = None
    +test_by_item: bool = None

    -test_start: str = None
    +test_start: str = None
    -test_split: int = None
    +test_split: int = None
    @@ -9382,47 +10293,47 @@

    Package Contents
    -underprediction_weight: float = None
    +underprediction_weight: float = None

    -disable_networks_without_analytic_quantiles: bool = None
    +disable_networks_without_analytic_quantiles: bool = None
    -initial_learning_rate: float = None
    +initial_learning_rate: float = None
    -l2_regularization_factor: float = None
    +l2_regularization_factor: float = None
    -dropout_rate: int = None
    +dropout_rate: int = None
    -recurrent_layers: int = None
    +recurrent_layers: int = None
    -recurrent_units: int = None
    +recurrent_units: int = None
    -convolutional_layers: int = None
    +convolutional_layers: int = None
    -convolution_filters: int = None
    +convolution_filters: int = None
    @@ -9432,12 +10343,12 @@

    Package Contents
    -zero_predictor: bool = None
    +zero_predictor: bool = None

    -skip_missing: bool = None
    +skip_missing: bool = None
    @@ -9447,27 +10358,27 @@

    Package Contents
    -batch_renormalization: bool = None
    +batch_renormalization: bool = None

    -history_length: int = None
    +history_length: int = None
    -prediction_step_size: int = None
    +prediction_step_size: int = None
    -training_point_overlap: float = None
    +training_point_overlap: float = None
    -max_scale_context: int = None
    +max_scale_context: int = None
    @@ -9477,77 +10388,77 @@

    Package Contents
    -number_of_samples: int = None
    +number_of_samples: int = None

    -symmetrize_quantiles: bool = None
    +symmetrize_quantiles: bool = None
    -use_log_transforms: bool = None
    +use_log_transforms: bool = None
    -smooth_history: float = None
    +smooth_history: float = None
    -local_scale_target: bool = None
    +local_scale_target: bool = None
    -use_clipping: bool = None
    +use_clipping: bool = None
    -timeseries_weight_column: str = None
    +timeseries_weight_column: str = None
    -item_attributes_weight_column: str = None
    +item_attributes_weight_column: str = None
    -use_timeseries_weights_in_objective: bool = None
    +use_timeseries_weights_in_objective: bool = None
    -use_item_weights_in_objective: bool = None
    +use_item_weights_in_objective: bool = None
    -skip_timeseries_weight_scaling: bool = None
    +skip_timeseries_weight_scaling: bool = None
    -timeseries_loss_weight_column: str = None
    +timeseries_loss_weight_column: str = None
    -use_item_id: bool = None
    +use_item_id: bool = None
    -use_all_item_totals: bool = None
    +use_all_item_totals: bool = None
    -handle_zeros_as_missing_values: bool = None
    +handle_zeros_as_missing_values: bool = None
    @@ -9557,37 +10468,37 @@

    Package Contents
    -fill_missing_values: List[List[dict]] = None
    +fill_missing_values: List[List[dict]] = None

    -enable_clustering: bool = None
    +enable_clustering: bool = None
    -data_split_feature_group_table_name: str = None
    +data_split_feature_group_table_name: str = None
    -custom_loss_functions: List[str] = None
    +custom_loss_functions: List[str] = None
    -custom_metrics: List[str] = None
    +custom_metrics: List[str] = None
    -return_fractional_forecasts: bool = None
    +return_fractional_forecasts: bool = None
    -allow_training_with_small_history: bool = None
    +allow_training_with_small_history: bool = None
    @@ -9606,14 +10517,14 @@

    Package ContentsParameters:
    • llm_for_ner (NERForLLM) – LLM to use for NER from among available LLM

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST).

    • -
    • active_labels_column (str) – Entities that have been marked in a particular text

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST).

    • +
    • active_labels_column (str) – Entities that have been marked in a particular text

    • document_format (NLPDocumentFormat) – Format of the input documents.

    • -
    • minimum_bounding_box_overlap_ratio (float) – Tokens are considered to belong to annotation if the user bounding box is provided and ratio of (token_bounding_box ∩ annotation_bounding_box) / token_bounding_area is greater than the provided value.

    • -
    • save_predicted_pdf (bool) – Whether to save predicted PDF documents

    • -
    • enhanced_ocr (bool) – Enhanced text extraction from predicted digital documents

    • -
    • additional_extraction_instructions (str) – Additional instructions to guide the LLM in extracting the entities. Only used with LLM algorithms.

    • +
    • minimum_bounding_box_overlap_ratio (float) – Tokens are considered to belong to annotation if the user bounding box is provided and ratio of (token_bounding_box ∩ annotation_bounding_box) / token_bounding_area is greater than the provided value.

    • +
    • save_predicted_pdf (bool) – Whether to save predicted PDF documents

    • +
    • enhanced_ocr (bool) – Enhanced text extraction from predicted digital documents

    • +
    • additional_extraction_instructions (str) – Additional instructions to guide the LLM in extracting the entities. Only used with LLM algorithms.

    @@ -9624,17 +10535,17 @@

    Package Contents
    -test_split: int = None
    +test_split: int = None

    -test_row_indicator: str = None
    +test_row_indicator: str = None
    -active_labels_column: str = None
    +active_labels_column: str = None
    @@ -9644,22 +10555,22 @@

    Package Contents
    -minimum_bounding_box_overlap_ratio: float = 0.0
    +minimum_bounding_box_overlap_ratio: float = 0.0

    -save_predicted_pdf: bool = True
    +save_predicted_pdf: bool = True
    -enhanced_ocr: bool = False
    +enhanced_ocr: bool = False
    -additional_extraction_instructions: str = None
    +additional_extraction_instructions: str = None
    @@ -9677,43 +10588,43 @@

    Package Contents
    Parameters:
      -
    • abacus_internal_model (bool) – Use a Abacus.AI LLM to answer questions about your data without using any external APIs

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct

    • -
    • larger_embeddings (bool) – Use a higher dimension embedding model.

    • -
    • search_chunk_size (int) – Chunk size for indexing the documents.

    • -
    • chunk_overlap_fraction (float) – Overlap in chunks while indexing the documents.

    • -
    • index_fraction (float) – Fraction of the chunk to use for indexing.

    • +
    • abacus_internal_model (bool) – Use a Abacus.AI LLM to answer questions about your data without using any external APIs

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct

    • +
    • larger_embeddings (bool) – Use a higher dimension embedding model.

    • +
    • search_chunk_size (int) – Chunk size for indexing the documents.

    • +
    • chunk_overlap_fraction (float) – Overlap in chunks while indexing the documents.

    • +
    • index_fraction (float) – Fraction of the chunk to use for indexing.

    -abacus_internal_model: bool = None
    +abacus_internal_model: bool = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -larger_embeddings: bool = None
    +larger_embeddings: bool = None
    -search_chunk_size: int = None
    +search_chunk_size: int = None
    -index_fraction: float = None
    +index_fraction: float = None
    -chunk_overlap_fraction: float = None
    +chunk_overlap_fraction: float = None
    @@ -9723,6 +10634,31 @@

    Package Contents +
    +class abacusai.api_class.SystemConnectorTool
    +

    Bases: abacusai.api_class.abstract.ApiClass

    +

    System connector tool used to integrate chatbots with external services.

    +
    +
    Parameters:
    +
      +
    • value (str) – The name of the tool.

    • +
    • configs (dict) – Optional. A dictionary of key-value pairs that are used to configure the tool.

    • +
    +
    +
    +
    +
    +value: str
    +
    + +
    +
    +configs: dict = None
    +
    + +

    +
    class abacusai.api_class.ChatLLMTrainingConfig
    @@ -9731,215 +10667,257 @@

    Package Contents
    Parameters:
      -
    • document_retrievers (List[str]) – List of names or IDs of document retrievers to use as vector stores of information for RAG responses.

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct.

    • -
    • temperature (float) – The generative LLM temperature.

    • -
    • retrieval_columns (list) – Include the metadata column values in the retrieved search results.

    • -
    • filter_columns (list) – Allow users to filter the document retrievers on these metadata columns.

    • -
    • include_general_knowledge (bool) – Allow the LLM to rely not just on RAG search results, but to fall back on general knowledge. Disabled by default.

    • -
    • enable_web_search (bool) – Allow the LLM to use Web Search Engines to retrieve information for better results.

    • -
    • behavior_instructions (str) – Customize the overall behaviour of the model. This controls things like - when to execute code (if enabled), write sql query, search web (if enabled), etc.

    • -
    • response_instructions (str) – Customized instructions for how the model should respond inlcuding the format, persona and tone of the answers.

    • -
    • enable_llm_rewrite (bool) – If enabled, an LLM will rewrite the RAG queries sent to document retriever. Disabled by default.

    • -
    • column_filtering_instructions (str) – Instructions for a LLM call to automatically generate filter expressions on document metadata to retrieve relevant documents for the conversation.

    • -
    • keyword_requirement_instructions (str) – Instructions for a LLM call to automatically generate keyword requirements to retrieve relevant documents for the conversation.

    • -
    • query_rewrite_instructions (str) – Special instructions for the LLM which rewrites the RAG query.

    • -
    • max_search_results (int) – Maximum number of search results in the retrieval augmentation step. If we know that the questions are likely to have snippets which are easily matched in the documents, then a lower number will help with accuracy.

    • +
    • document_retrievers (List[str]) – List of names or IDs of document retrievers to use as vector stores of information for RAG responses.

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct.

    • +
    • temperature (float) – The generative LLM temperature.

    • +
    • retrieval_columns (list) – Include the metadata column values in the retrieved search results.

    • +
    • filter_columns (list) – Allow users to filter the document retrievers on these metadata columns.

    • +
    • include_general_knowledge (bool) – Allow the LLM to rely not just on RAG search results, but to fall back on general knowledge. Disabled by default.

    • +
    • enable_web_search (bool) – Allow the LLM to use Web Search Engines to retrieve information for better results.

    • +
    • behavior_instructions (str) – Customize the overall behaviour of the model. This controls things like - when to execute code (if enabled), write sql query, search web (if enabled), etc.

    • +
    • response_instructions (str) – Customized instructions for how the model should respond inlcuding the format, persona and tone of the answers.

    • +
    • enable_llm_rewrite (bool) – If enabled, an LLM will rewrite the RAG queries sent to document retriever. Disabled by default.

    • +
    • column_filtering_instructions (str) – Instructions for a LLM call to automatically generate filter expressions on document metadata to retrieve relevant documents for the conversation.

    • +
    • keyword_requirement_instructions (str) – Instructions for a LLM call to automatically generate keyword requirements to retrieve relevant documents for the conversation.

    • +
    • query_rewrite_instructions (str) – Special instructions for the LLM which rewrites the RAG query.

    • +
    • max_search_results (int) – Maximum number of search results in the retrieval augmentation step. If we know that the questions are likely to have snippets which are easily matched in the documents, then a lower number will help with accuracy.

    • data_feature_group_ids – (List[str]): List of feature group IDs to use to possibly query for the ChatLLM. The created ChatLLM is commonly referred to as DataLLM.

    • -
    • data_prompt_context (str) – Prompt context for the data feature group IDs.

    • -
    • data_prompt_table_context (Dict[str, str]) – Dict of table name and table context pairs to provide table wise context for each structured data table.

    • -
    • data_prompt_column_context (Dict[str, str]) – Dict of ‘table_name.column_name’ and ‘column_context’ pairs to provide column context for some selected columns in the selected structured data table. This replaces the default auto-generated information about the column data.

    • -
    • hide_sql_and_code (bool) – When running data queries, this will hide the generated SQL and Code in the response.

    • -
    • disable_data_summarization (bool) – After executing a query summarize the reponse and reply back with only the table and query run.

    • -
    • data_columns_to_ignore (List[str]) – Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format “<table_name>.<column_name>”

    • -
    • search_score_cutoff (float) – Minimum search score to consider a document as a valid search result.

    • -
    • include_bm25_retrieval (bool) – Combine BM25 search score with vector search using reciprocal rank fusion.

    • -
    • database_connector_id (str) – Database connector ID to use for connecting external database that gives access to structured data to the LLM.

    • -
    • database_connector_tables (List[str]) – List of tables to use from the database connector for the ChatLLM.

    • -
    • enable_code_execution (bool) – Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed.

    • -
    • enable_response_caching (bool) – Enable caching of LLM responses to speed up response times and improve reproducibility.

    • -
    • unknown_answer_phrase (str) – Fallback response when the LLM can’t find an answer.

    • -
    • enable_tool_bar (bool) – Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc.

    • -
    • enable_inline_source_citations (bool) – Enable inline citations of the sources in the response.

    • +
    • data_prompt_context (str) – Prompt context for the data feature group IDs.

    • +
    • data_prompt_table_context (Dict[str, str]) – Dict of table name and table context pairs to provide table wise context for each structured data table.

    • +
    • data_prompt_column_context (Dict[str, str]) – Dict of ‘table_name.column_name’ and ‘column_context’ pairs to provide column context for some selected columns in the selected structured data table. This replaces the default auto-generated information about the column data.

    • +
    • hide_sql_and_code (bool) – When running data queries, this will hide the generated SQL and Code in the response.

    • +
    • disable_data_summarization (bool) – After executing a query summarize the reponse and reply back with only the table and query run.

    • +
    • disable_data_fetch_for_training (bool) – Train using only table and column schema metadata without fetching sample data. This speeds up training but may result in less context for the model.

    • +
    • data_columns_to_ignore (List[str]) – Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format “<table_name>.<column_name>”

    • +
    • search_score_cutoff (float) – Minimum search score to consider a document as a valid search result.

    • +
    • include_bm25_retrieval (bool) – Combine BM25 search score with vector search using reciprocal rank fusion.

    • +
    • database_connector_id (str) – Database connector ID to use for connecting external database that gives access to structured data to the LLM.

    • +
    • database_connector_ids (List[str]) – List of database connector IDs to use for connecting external databases that give access to structured data to the LLM.

    • +
    • database_connector_tables (List[str]) – List of tables to use from the database connector for the ChatLLM.

    • +
    • enable_code_execution (bool) – Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed.

    • +
    • enable_response_caching (bool) – Enable caching of LLM responses to speed up response times and improve reproducibility.

    • +
    • unknown_answer_phrase (str) – Fallback response when the LLM can’t find an answer.

    • +
    • enable_tool_bar (bool) – Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. Enabling this requires enable_web_search to be enabled.

    • +
    • enable_inline_source_citations (bool) – Enable inline citations of the sources in the response.

    • response_format – (str): When set to ‘JSON’, the LLM will generate a JSON formatted string.

    • -
    • json_response_instructions (str) – Instructions to be followed while generating the json_response if response_format is set to “JSON”. This can include the schema information if the schema is dynamic and its keys cannot be pre-determined.

    • -
    • json_response_schema (str) – Specifies the JSON schema that the model should adhere to if response_format is set to “JSON”. This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields ‘type’, ‘required’ and ‘description’. For example - ‘{“sample_field”: {“type”: “integer”, “required”: true, “description”: “Sample Field”}}’

    • +
    • json_response_instructions (str) – Instructions to be followed while generating the json_response if response_format is set to “JSON”. This can include the schema information if the schema is dynamic and its keys cannot be pre-determined.

    • +
    • json_response_schema (str) – Specifies the JSON schema that the model should adhere to if response_format is set to “JSON”. This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields ‘type’, ‘required’ and ‘description’. For example - ‘{“sample_field”: {“type”: “integer”, “required”: true, “description”: “Sample Field”}}’

    • +
    • mask_pii (bool) – Mask PII in the prompts and uploaded documents before sending it to the LLM. Only available for Enterprise users and will cause validation errors if set to True for ChatLLM Teams users.

    • +
    • builtin_tools (List[SystemConnectorTool]) – List of builtin system connector tools to use in the ChatLLM. Using builtin tools does not require enabling tool bar (enable_tool_bar flag).

    • +
    • config_connectors (List[str]) – List of names of config connectors to use in the ChatLLM. This should not be used with document_retrievers.

    • +
    • mcp_servers (List[str]) – List of names of MCP servers to use in the ChatLLM. This should not be used with document_retrievers.

    • +
    • agentic_loop_mode (bool) – Enables use of agentic loop that uses a series of tool calls when needed to respond. If set to False, the agentic loop will not be used. If not set or set to Auto, the agentic loop will be automatically used based on certain conditions like presence of tools in the model.

    -document_retrievers: List[str] = None
    +document_retrievers: List[str] = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -temperature: float = None
    +temperature: float = None
    -retrieval_columns: list = None
    +retrieval_columns: list = None
    -filter_columns: list = None
    +filter_columns: list = None
    -include_general_knowledge: bool = None
    +include_general_knowledge: bool = None
    +enable_web_search: bool = None
    -behavior_instructions: str = None
    +behavior_instructions: str = None
    -response_instructions: str = None
    +response_instructions: str = None
    -enable_llm_rewrite: bool = None
    +enable_llm_rewrite: bool = None
    -column_filtering_instructions: str = None
    +column_filtering_instructions: str = None
    -keyword_requirement_instructions: str = None
    +keyword_requirement_instructions: str = None
    -query_rewrite_instructions: str = None
    +query_rewrite_instructions: str = None
    -max_search_results: int = None
    +max_search_results: int = None
    -data_feature_group_ids: List[str] = None
    +data_feature_group_ids: List[str] = None
    -data_prompt_context: str = None
    +data_prompt_context: str = None
    -data_prompt_table_context: Dict[str, str] = None
    +data_prompt_table_context: Dict[str, str] = None
    -data_prompt_column_context: Dict[str, str] = None
    +data_prompt_column_context: Dict[str, str] = None
    -hide_sql_and_code: bool = None
    +hide_sql_and_code: bool = None
    -disable_data_summarization: bool = None
    +disable_data_summarization: bool = None +
    + +
    +
    +disable_data_fetch_for_training: bool = None
    -data_columns_to_ignore: List[str] = None
    +data_columns_to_ignore: List[str] = None
    -search_score_cutoff: float = None
    +search_score_cutoff: float = None
    -include_bm25_retrieval: bool = None
    +include_bm25_retrieval: bool = None
    -database_connector_id: str = None
    +database_connector_id: str = None +
    + +
    +
    +database_connector_ids: List[str] = None
    -database_connector_tables: List[str] = None
    +database_connector_tables: List[str] = None
    -enable_code_execution: bool = None
    +enable_code_execution: bool = None
    -metadata_columns: list = None
    +metadata_columns: list = None
    -lookup_rewrite_instructions: str = None
    +lookup_rewrite_instructions: str = None +
    + +
    +
    +enable_response_caching: bool = None
    +
    + +
    +
    +unknown_answer_phrase: str = None
    +
    + +
    +
    +enable_tool_bar: bool = None
    +
    + +
    +
    +enable_inline_source_citations: bool = None
    +
    + +
    +
    +response_format: str = None
    -
    -enable_response_caching: bool = None
    +
    +json_response_instructions: str = None
    -
    -unknown_answer_phrase: str = None
    +
    +json_response_schema: str = None
    -
    -enable_tool_bar: bool = None
    +
    +mask_pii: bool = None
    -
    -enable_inline_source_citations: bool = None
    +
    +builtin_tools: List[SystemConnectorTool] = None
    -
    -response_format: str = None
    +
    +config_connectors: List[str] = None
    -
    -json_response_instructions: str = None
    +
    +mcp_servers: List[str] = None
    -
    -json_response_schema: str = None
    +
    +agentic_loop_mode: bool = None
    @@ -9957,20 +10935,20 @@

    Package Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • dropout_rate (float) – Dropout rate for neural network.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • dropout_rate (float) – Dropout rate for neural network.

    • batch_size (BatchSize) – Batch size for neural network.

    -test_split: int = None
    +test_split: int = None
    -dropout_rate: float = None
    +dropout_rate: float = None
    @@ -9994,7 +10972,7 @@

    Package ContentsParameters:
    • sentiment_type (SentimentType) – Type of sentiment to detect.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    @@ -10005,7 +10983,7 @@

    Package Contents
    -test_split: int = None
    +test_split: int = None

    @@ -10023,19 +11001,19 @@

    Package Contents
    Parameters:
      -
    • zero_shot_hypotheses (List[str]) – Zero shot hypotheses. Example text: ‘This text is about pricing’.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • zero_shot_hypotheses (List[str]) – Zero shot hypotheses. Example text: ‘This text is about pricing’.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    -zero_shot_hypotheses: List[str] = None
    +zero_shot_hypotheses: List[str] = None
    -test_split: int = None
    +test_split: int = None
    @@ -10053,20 +11031,20 @@

    Package Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • dropout_rate (float) – Dropout rate for neural network.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • dropout_rate (float) – Dropout rate for neural network.

    • batch_size (BatchSize) – Batch size for neural network.

    -test_split: int = None
    +test_split: int = None
    -dropout_rate: float = None
    +dropout_rate: float = None
    @@ -10089,20 +11067,20 @@

    Package Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • dropout_rate (float) – Dropout rate for neural network.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • dropout_rate (float) – Dropout rate for neural network.

    • batch_size (BatchSize) – Batch size for neural network.

    -test_split: int = None
    +test_split: int = None
    -dropout_rate: float = None
    +dropout_rate: float = None
    @@ -10124,12 +11102,12 @@

    Package Contents
    Parameters:
    -

    num_clusters_selection (int) – Number of clusters. If None, will be selected automatically.

    +

    num_clusters_selection (int) – Number of clusters. If None, will be selected automatically.

    -num_clusters_selection: int = None
    +num_clusters_selection: int = None
    @@ -10147,14 +11125,14 @@

    Package Contents
    Parameters:

    -num_clusters_selection: int = None
    +num_clusters_selection: int = None
    @@ -10176,12 +11154,12 @@

    Package Contents
    Parameters:
    -

    anomaly_fraction (float) – The fraction of the dataset to classify as anomalous, between 0 and 0.5

    +

    anomaly_fraction (float) – The fraction of the dataset to classify as anomalous, between 0 and 0.5

    -anomaly_fraction: float = None
    +anomaly_fraction: float = None
    @@ -10200,16 +11178,16 @@

    Package ContentsParameters:
    • type_of_split (TimeseriesAnomalyDataSplitType) – Type of data splitting into train/test.

    • -
    • test_start (str) – Limit training data to dates before the given test start.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • fill_missing_values (List[List[dict]]) – strategies to fill missing values and missing timestamps

    • -
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in numeric columns as missing data

    • -
    • timeseries_frequency (str) – set this to control frequency of filling missing values

    • -
    • min_samples_in_normal_region (int) – Adjust this to fine-tune the number of anomalies to be identified.

    • +
    • test_start (str) – Limit training data to dates before the given test start.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • fill_missing_values (List[List[dict]]) – strategies to fill missing values and missing timestamps

    • +
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in numeric columns as missing data

    • +
    • timeseries_frequency (str) – set this to control frequency of filling missing values

    • +
    • min_samples_in_normal_region (int) – Adjust this to fine-tune the number of anomalies to be identified.

    • anomaly_type (TimeseriesAnomalyTypeOfAnomaly) – select what kind of peaks to detect as anomalies

    • hyperparameter_calculation_with_heuristics (TimeseriesAnomalyUseHeuristic) – Enable heuristic calculation to get hyperparameters for the model

    • -
    • threshold_score (float) – Threshold score for anomaly detection

    • -
    • additional_anomaly_ids (List[str]) – List of categorical columns that can act as multi-identifier

    • +
    • threshold_score (float) – Threshold score for anomaly detection

    • +
    • additional_anomaly_ids (List[str]) – List of categorical columns that can act as multi-identifier

    @@ -10220,32 +11198,32 @@

    Package Contents
    -test_start: str = None
    +test_start: str = None

    -test_split: int = None
    +test_split: int = None
    -fill_missing_values: List[List[dict]] = None
    +fill_missing_values: List[List[dict]] = None
    -handle_zeros_as_missing_values: bool = None
    +handle_zeros_as_missing_values: bool = None
    -timeseries_frequency: str = None
    +timeseries_frequency: str = None
    -min_samples_in_normal_region: int = None
    +min_samples_in_normal_region: int = None
    @@ -10260,12 +11238,12 @@

    Package Contents
    -threshold_score: float = None
    +threshold_score: float = None

    -additional_anomaly_ids: List[str] = None
    +additional_anomaly_ids: List[str] = None
    @@ -10283,43 +11261,43 @@

    Package Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • historical_frequency (str) – Forecast frequency

    • -
    • cumulative_prediction_lengths (List[int]) – List of Cumulative Prediction Frequencies. Each prediction length must be between 1 and 365.

    • -
    • skip_input_transform (bool) – Avoid doing numeric scaling transformations on the input.

    • -
    • skip_target_transform (bool) – Avoid doing numeric scaling transformations on the target.

    • -
    • predict_residuals (bool) – Predict residuals instead of totals at each prediction step.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • historical_frequency (str) – Forecast frequency

    • +
    • cumulative_prediction_lengths (List[int]) – List of Cumulative Prediction Frequencies. Each prediction length must be between 1 and 365.

    • +
    • skip_input_transform (bool) – Avoid doing numeric scaling transformations on the input.

    • +
    • skip_target_transform (bool) – Avoid doing numeric scaling transformations on the target.

    • +
    • predict_residuals (bool) – Predict residuals instead of totals at each prediction step.

    -test_split: int = None
    +test_split: int = None
    -historical_frequency: str = None
    +historical_frequency: str = None
    -cumulative_prediction_lengths: List[int] = None
    +cumulative_prediction_lengths: List[int] = None
    -skip_input_transform: bool = None
    +skip_input_transform: bool = None
    -skip_target_transform: bool = None
    +skip_target_transform: bool = None
    -predict_residuals: bool = None
    +predict_residuals: bool = None
    @@ -10349,7 +11327,7 @@

    Package Contents
    Parameters:
      -
    • description (str) – Description of the agent function.

    • +
    • description (str) – Description of the agent function.

    • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

    • agent_connectors – (List[enums.ApplicationConnectorType]): The connectors needed for the agent to function.

    @@ -10357,7 +11335,7 @@

    Package Contents
    -description: str = None
    +description: str = None

    @@ -10372,17 +11350,17 @@

    Package Contents
    -enable_binary_input: bool = None
    +enable_binary_input: bool = None

    -agent_input_schema: dict = None
    +agent_input_schema: dict = None
    -agent_output_schema: dict = None
    +agent_output_schema: dict = None
    @@ -10400,43 +11378,43 @@

    Package Contents
    Parameters:
      -
    • max_catalog_size (int) – Maximum expected catalog size.

    • -
    • max_dimension (int) – Maximum expected dimension of the catalog.

    • -
    • index_output_path (str) – Fully qualified cloud location (GCS, S3, etc) to export snapshots of the embedding to.

    • -
    • docker_image_uri (str) – Docker image URI.

    • -
    • service_port (int) – Service port.

    • -
    • streaming_embeddings (bool) – Flag to enable streaming embeddings.

    • +
    • max_catalog_size (int) – Maximum expected catalog size.

    • +
    • max_dimension (int) – Maximum expected dimension of the catalog.

    • +
    • index_output_path (str) – Fully qualified cloud location (GCS, S3, etc) to export snapshots of the embedding to.

    • +
    • docker_image_uri (str) – Docker image URI.

    • +
    • service_port (int) – Service port.

    • +
    • streaming_embeddings (bool) – Flag to enable streaming embeddings.

    -max_catalog_size: int = None
    +max_catalog_size: int = None
    -max_dimension: int = None
    +max_dimension: int = None
    -index_output_path: str = None
    +index_output_path: str = None
    -docker_image_uri: str = None
    +docker_image_uri: str = None
    -service_port: int = None
    +service_port: int = None
    -streaming_embeddings: bool = None
    +streaming_embeddings: bool = None
    @@ -10453,12 +11431,12 @@

    Package Contents
    Parameters:
    -

    timeout_minutes (int) – Timeout for the model training in minutes.

    +

    timeout_minutes (int) – Timeout for the model training in minutes.

    -timeout_minutes: int = None
    +timeout_minutes: int = None
    @@ -10476,31 +11454,31 @@

    Package Contents
    Parameters:
      -
    • solve_time_limit (float) – The maximum time in seconds to spend solving the problem. Accepts values between 0 and 86400.

    • -
    • optimality_gap_limit (float) – The stopping optimality gap limit. Optimality gap is fractional difference between the best known solution and the best possible solution. Accepts values between 0 and 1.

    • -
    • include_all_partitions (bool) – Include all partitions in the model training. Default is False.

    • -
    • include_specific_partitions (List[str]) – Include specific partitions in partitioned model training. Default is empty list.

    • +
    • solve_time_limit (float) – The maximum time in seconds to spend solving the problem. Accepts values between 0 and 86400.

    • +
    • optimality_gap_limit (float) – The stopping optimality gap limit. Optimality gap is fractional difference between the best known solution and the best possible solution. Accepts values between 0 and 1.

    • +
    • include_all_partitions (bool) – Include all partitions in the model training. Default is False.

    • +
    • include_specific_partitions (List[str]) – Include specific partitions in partitioned model training. Default is empty list.

    -solve_time_limit: float = None
    +solve_time_limit: float = None
    -optimality_gap_limit: float = None
    +optimality_gap_limit: float = None
    -include_all_partitions: bool = None
    +include_all_partitions: bool = None
    -include_specific_partitions: List[str] = None
    +include_specific_partitions: List[str] = None
    @@ -10514,8 +11492,6 @@

    Package Contents class abacusai.api_class._TrainingConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -10541,88 +11517,88 @@

    Package Contents
    Parameters:
      -
    • algorithm (str) – ID of the algorithm.

    • -
    • name (str) – Name of the algorithm.

    • -
    • only_offline_deployable (bool) – Whether the algorithm can only be deployed offline.

    • -
    • trained_model_types (List[dict]) – List of trained model types.

    • +
    • algorithm (str) – ID of the algorithm.

    • +
    • name (str) – Name of the algorithm.

    • +
    • only_offline_deployable (bool) – Whether the algorithm can only be deployed offline.

    • +
    • trained_model_types (List[dict]) – List of trained model types.

    -algorithm: str = None
    +algorithm: str = None
    -name: str = None
    +name: str = None
    -only_offline_deployable: bool = None
    +only_offline_deployable: bool = None
    -trained_model_types: List[dict] = None
    +trained_model_types: List[dict] = None

    -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -10630,22 +11606,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -10653,12 +11629,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -10666,19 +11642,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -10686,24 +11662,24 @@

    Package Contents -
    -class abacusai.api_class.StdDevThresholdType
    +
    +class abacusai.api_class.StdDevThresholdType

    Bases: ApiEnum

    Generic enumeration.

    Derive from this class to define new enumerations.

    -
    -ABSOLUTE = 'ABSOLUTE'
    +
    +ABSOLUTE = 'ABSOLUTE'
    -
    -PERCENTILE = 'PERCENTILE'
    +
    +PERCENTILE = 'PERCENTILE'
    -
    -STDDEV = 'STDDEV'
    +
    +STDDEV = 'STDDEV'

    @@ -10716,19 +11692,19 @@

    Package Contents
    Parameters:
      -
    • window_duration (int) – The duration of the window.

    • -
    • window_from_start (bool) – Whether the window should be from the start of the time series.

    • +
    • window_duration (int) – The duration of the window.

    • +
    • window_from_start (bool) – Whether the window should be from the start of the time series.

    -window_duration: int = None
    +window_duration: int = None
    -window_from_start: bool = None
    +window_from_start: bool = None
    @@ -10749,38 +11725,38 @@

    Package Contents
    Parameters:
      -
    • id_column (str) – The name of the column that contains the unique identifier for the time series.

    • -
    • timestamp_column (str) – The name of the column that contains the timestamp for the time series.

    • -
    • target_column (str) – The name of the column that contains the target value for the time series.

    • -
    • start_time (str) – The start time of the time series data.

    • -
    • end_time (str) – The end time of the time series data.

    • +
    • id_column (str) – The name of the column that contains the unique identifier for the time series.

    • +
    • timestamp_column (str) – The name of the column that contains the timestamp for the time series.

    • +
    • target_column (str) – The name of the column that contains the target value for the time series.

    • +
    • start_time (str) – The start time of the time series data.

    • +
    • end_time (str) – The end time of the time series data.

    • window_config (TimeWindowConfig) – The windowing configuration for the time series data.

    -id_column: str = None
    +id_column: str = None
    -timestamp_column: str = None
    +timestamp_column: str = None
    -target_column: str = None
    +target_column: str = None
    -start_time: str = None
    +start_time: str = None
    -end_time: str = None
    +end_time: str = None
    @@ -10806,8 +11782,8 @@

    Package Contents
    Parameters:

    @@ -10818,7 +11794,7 @@

    Package Contents
    -value: float = None
    +value: float = None

    @@ -10872,43 +11848,43 @@

    Package Contents
    Parameters:
      -
    • feature_name (str) – The name of the feature to restrict the monitor to.

    • -
    • restricted_feature_values (list) – The values of the feature to restrict the monitor to if feature is a categorical.

    • -
    • start_time (str) – The start time of the timestamp feature to filter from

    • -
    • end_time (str) – The end time of the timestamp feature to filter until

    • -
    • min_value (float) – Value to filter the numerical feature above

    • -
    • max_value (float) – Filtering the numerical feature to below this value

    • +
    • feature_name (str) – The name of the feature to restrict the monitor to.

    • +
    • restricted_feature_values (list) – The values of the feature to restrict the monitor to if feature is a categorical.

    • +
    • start_time (str) – The start time of the timestamp feature to filter from

    • +
    • end_time (str) – The end time of the timestamp feature to filter until

    • +
    • min_value (float) – Value to filter the numerical feature above

    • +
    • max_value (float) – Filtering the numerical feature to below this value

    -feature_name: str = None
    +feature_name: str = None
    -restricted_feature_values: list = []
    +restricted_feature_values: list = []
    -start_time: str = None
    +start_time: str = None
    -end_time: str = None
    +end_time: str = None
    -min_value: float = None
    +min_value: float = None
    -max_value: float = None
    +max_value: float = None
    @@ -10929,23 +11905,23 @@

    Package Contents
    Parameters:
      -
    • start_time (str) – The start time of the prediction time col

    • -
    • end_time (str) – The end time of the prediction time col

    • +
    • start_time (str) – The start time of the prediction time col

    • +
    • end_time (str) – The end time of the prediction time col

    • restrict_feature_mappings (RestrictFeatureMappings) – The feature mapping to restrict the monitor to.

    • -
    • target_class (str) – The target class to restrict the monitor to.

    • -
    • train_target_feature (str) – Set the target feature for the training data.

    • -
    • prediction_target_feature (str) – Set the target feature for the prediction data.

    • +
    • target_class (str) – The target class to restrict the monitor to.

    • +
    • train_target_feature (str) – Set the target feature for the training data.

    • +
    • prediction_target_feature (str) – Set the target feature for the prediction data.

    -start_time: str = None
    +start_time: str = None
    -end_time: str = None
    +end_time: str = None
    @@ -10955,17 +11931,17 @@

    Package Contents
    -target_class: str = None
    +target_class: str = None

    -train_target_feature: str = None
    +train_target_feature: str = None
    -prediction_target_feature: str = None
    +prediction_target_feature: str = None
    @@ -10979,58 +11955,58 @@

    Package Contents -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -11038,22 +12014,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -11061,12 +12037,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -11074,19 +12050,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -11094,35 +12070,35 @@

    Package Contents -
    -class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class._ApiClassFactory
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -config_abstract_class = None
    +
    +config_abstract_class = None
    -
    -config_class_key = None
    +
    +config_class_key = None
    -
    -config_class_map
    +
    +config_class_map
    -
    -classmethod from_dict(config)
    +
    +classmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -11153,12 +12129,12 @@

    Package Contents
    Parameters:
    -

    threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    +

    threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    -threshold: float = None
    +threshold: float = None
    @@ -11177,9 +12153,9 @@

    Package ContentsParameters:
    • feature_drift_type (FeatureDriftType) – Feature drift type to apply the threshold on to determine whether a column has drifted significantly enough to be a violation.

    • -
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • -
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • -
    • feature_names (List[str]) – List of feature names to monitor for this alert.

    • +
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • +
    • feature_names (List[str]) – List of feature names to monitor for this alert.

    @@ -11190,17 +12166,17 @@

    Package Contents
    -threshold: float = None
    +threshold: float = None

    -minimum_violations: int = None
    +minimum_violations: int = None
    -feature_names: List[str] = None
    +feature_names: List[str] = None
    @@ -11219,7 +12195,7 @@

    Package ContentsParameters:
    • feature_drift_type (FeatureDriftType) – Target drift type to apply the threshold on to determine whether a column has drifted significantly enough to be a violation.

    • -
    • threshold (float) – Threshold for when to consider the target column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • threshold (float) – Threshold for when to consider the target column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    @@ -11230,7 +12206,7 @@

    Package Contents
    -threshold: float = None
    +threshold: float = None

    @@ -11249,7 +12225,7 @@

    Package ContentsParameters:
    • feature_drift_type (FeatureDriftType) – History length drift type to apply the threshold on to determine whether the history length has drifted significantly enough to be a violation.

    • -
    • threshold (float) – Threshold for when to consider the history length to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • threshold (float) – Threshold for when to consider the history length to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    @@ -11260,7 +12236,7 @@

    Package Contents
    -threshold: float = None
    +threshold: float = None

    @@ -11279,7 +12255,7 @@

    Package ContentsParameters:
    • data_integrity_type (DataIntegrityViolationType) – This option selects the data integrity violations to monitor for this alert.

    • -
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • +
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    @@ -11290,7 +12266,7 @@

    Package Contents
    -minimum_violations: int = None
    +minimum_violations: int = None

    @@ -11309,8 +12285,8 @@

    Package ContentsParameters:
    • bias_type (BiasType) – This option selects the bias metric to monitor for this alert.

    • -
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • -
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • +
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    @@ -11321,12 +12297,12 @@

    Package Contents
    -threshold: float = None
    +threshold: float = None

    -minimum_violations: int = None
    +minimum_violations: int = None
    @@ -11349,17 +12325,17 @@

    Package Contents
    -threshold: float = None
    +threshold: float = None

    -aggregation_window: str = None
    +aggregation_window: str = None
    -aggregation_type: str = None
    +aggregation_type: str = None
    @@ -11373,8 +12349,6 @@

    Package Contents class abacusai.api_class._AlertConditionConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -11422,19 +12396,19 @@

    Package Contents
    Parameters:
      -
    • email_recipients (List[str]) – List of email addresses to send the alert to.

    • -
    • email_body (str) – Body of the email to send.

    • +
    • email_recipients (List[str]) – List of email addresses to send the alert to.

    • +
    • email_body (str) – Body of the email to send.

    -email_recipients: List[str] = None
    +email_recipients: List[str] = None
    -email_body: str = None
    +email_body: str = None
    @@ -11448,8 +12422,6 @@

    Package Contents class abacusai.api_class._AlertActionConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -11487,77 +12459,74 @@

    Package Contents
    -at_risk_threshold: float = None
    +at_risk_threshold: float = None

    -severely_drifting_threshold: float = None
    +severely_drifting_threshold: float = None
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +

    -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -11565,22 +12534,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -11588,12 +12557,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -11601,19 +12570,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -11621,35 +12590,35 @@

    Package Contents -
    -class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class._ApiClassFactory
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -config_abstract_class = None
    +
    +config_abstract_class = None
    -
    -config_class_key = None
    +
    +config_class_key = None
    -
    -config_class_map
    +
    +config_class_map
    -
    -classmethod from_dict(config)
    +
    +classmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -11664,25 +12633,25 @@

    Package Contents
    Parameters:
      -
    • feature_name (str) – The name of the feature in the feature group.

    • -
    • feature_mapping (str) – The desired feature mapping for the feature.

    • -
    • nested_feature_name (str) – The name of the nested feature in the feature group.

    • +
    • feature_name (str) – The name of the feature in the feature group.

    • +
    • feature_mapping (str) – The desired feature mapping for the feature.

    • +
    • nested_feature_name (str) – The name of the nested feature in the feature group.

    -feature_name: str
    +feature_name: str
    -feature_mapping: str = None
    +feature_mapping: str = None
    -nested_feature_name: str = None
    +nested_feature_name: str = None
    @@ -11695,20 +12664,20 @@

    Package Contents
    Parameters:
      -
    • feature_group_id (str) – The unique identifier for the feature group.

    • -
    • feature_group_type (str) – The feature group type.

    • +
    • feature_group_id (str) – The unique identifier for the feature group.

    • +
    • feature_group_type (str) – The feature group type.

    • feature_mappings (List[FeatureMappingConfig]) – The feature mappings for the feature group.

    -feature_group_id: str
    +feature_group_id: str
    -feature_group_type: str = None
    +feature_group_type: str = None
    @@ -11721,7 +12690,7 @@

    Package Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -11736,37 +12705,37 @@

    Package Contents
    Parameters:
      -
    • constant (float) – The constant value for the constraint.

    • -
    • operator (str) – The operator for the constraint. Could be ‘EQ’, ‘LE’, ‘GE’

    • -
    • enforcement (str) – The enforcement for the constraint. Could be ‘HARD’ or ‘SOFT’ or ‘SKIP’. Default is ‘HARD’

    • -
    • code (str) – The code for the constraint.

    • -
    • penalty (float) – The penalty for violating the constraint.

    • +
    • constant (float) – The constant value for the constraint.

    • +
    • operator (str) – The operator for the constraint. Could be ‘EQ’, ‘LE’, ‘GE’

    • +
    • enforcement (str) – The enforcement for the constraint. Could be ‘HARD’ or ‘SOFT’ or ‘SKIP’. Default is ‘HARD’

    • +
    • code (str) – The code for the constraint.

    • +
    • penalty (float) – The penalty for violating the constraint.

    -constant: float
    +constant: float
    -operator: str
    +operator: str
    -enforcement: str | None = None
    +enforcement: str | None = None
    -code: str | None = None
    +code: str | None = None
    -penalty: float | None = None
    +penalty: float | None = None

    @@ -11817,12 +12786,12 @@

    Package Contents
    Parameters:
    -

    is_review_mode (bool) – The review mode for the feature group.

    +

    is_review_mode (bool) – The review mode for the feature group.

    -is_review_mode: bool
    +is_review_mode: bool
    @@ -11836,8 +12805,6 @@

    Package Contents class abacusai.api_class._ProjectFeatureGroupConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -11856,58 +12823,58 @@

    Package Contents -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -11915,22 +12882,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -11938,12 +12905,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -11951,19 +12918,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -11979,12 +12946,13 @@

    Package ContentsParameters:
    • variable_type (PythonFunctionArgumentType) – The type of the python function argument

    • -
    • name (str) – The name of the python function variable

    • -
    • is_required (bool) – Whether the argument is required

    • +
    • name (str) – The name of the python function variable

    • +
    • is_required (bool) – Whether the argument is required

    • value (Any) – The value of the argument

    • -
    • pipeline_variable (str) – The name of the pipeline variable to use as the value

    • -
    • description (str) – The description of the argument

    • -
    • item_type (str) – Type of items when variable_type is LIST

    • +
    • pipeline_variable (str) – The name of the pipeline variable to use as the value

    • +
    • description (str) – The description of the argument

    • +
    • long_description (str) – The detailed description of the argument

    • +
    • item_type (str) – Type of items when variable_type is LIST

    @@ -11995,12 +12963,12 @@

    Package Contents
    -name: str = None
    +name: str = None

    -is_required: bool = True
    +is_required: bool = True
    @@ -12010,17 +12978,22 @@

    Package Contents
    -pipeline_variable: str = None
    +pipeline_variable: str = None

    -description: str = None
    +description: str = None +
    + +
    +
    +long_description: str = None
    -item_type: str = None
    +item_type: str = None
    @@ -12034,7 +13007,9 @@

    Package ContentsParameters:
    • variable_type (PythonFunctionOutputArgumentType) – The type of the python function output argument

    • -
    • name (str) – The name of the python function variable

    • +
    • name (str) – The name of the python function variable

    • +
    • description (str) – The description of the output

    • +
    • long_description (str) – The detailed description of the output

    @@ -12045,64 +13020,74 @@

    Package Contents
    -name: str = None
    +name: str = None +

    + +
    +
    +description: str = None
    +
    + +
    +
    +long_description: str = None
    -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -12110,22 +13095,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -12133,12 +13118,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -12146,19 +13131,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -12166,35 +13151,35 @@

    Package Contents -
    -class abacusai.api_class._ApiClassFactory
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class._ApiClassFactory
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -config_abstract_class = None
    +
    +config_abstract_class = None
    -
    -config_class_key = None
    +
    +config_class_key = None
    -
    -config_class_map
    +
    +config_class_map
    -
    -classmethod from_dict(config)
    +
    +classmethod from_dict(config)
    Parameters:
    -

    config (dict)

    +

    config (dict)

    Return type:
    -

    ApiClass

    +

    ApiClass

    @@ -12226,19 +13211,19 @@

    Package Contents
    Parameters:
      -
    • location (str) – The location to export the feature group to

    • -
    • export_file_format (str) – The file format to export the feature group to

    • +
    • location (str) – The location to export the feature group to

    • +
    • export_file_format (str) – The file format to export the feature group to

    -location: str = None
    +location: str = None
    -export_file_format: str = None
    +export_file_format: str = None
    @@ -12249,10 +13234,7 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -12264,43 +13246,43 @@

    Package Contents
    Parameters:
      -
    • database_connector_id (str) – The ID of the database connector to export the feature group to

    • -
    • mode (str) – The mode to export the feature group in

    • -
    • object_name (str) – The name of the object to export the feature group to

    • -
    • id_column (str) – The name of the ID column

    • -
    • additional_id_columns (List[str]) – Additional ID columns

    • -
    • data_columns (Dict[str, str]) – The data columns to export the feature group to

    • +
    • database_connector_id (str) – The ID of the database connector to export the feature group to

    • +
    • mode (str) – The mode to export the feature group in

    • +
    • object_name (str) – The name of the object to export the feature group to

    • +
    • id_column (str) – The name of the ID column

    • +
    • additional_id_columns (List[str]) – Additional ID columns

    • +
    • data_columns (Dict[str, str]) – The data columns to export the feature group to

    -database_connector_id: str = None
    +database_connector_id: str = None
    -mode: str = None
    +mode: str = None
    -object_name: str = None
    +object_name: str = None
    -id_column: str = None
    +id_column: str = None
    -additional_id_columns: List[str] = None
    +additional_id_columns: List[str] = None
    -data_columns: Dict[str, str] = None
    +data_columns: Dict[str, str] = None
    @@ -12311,10 +13293,7 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -12322,8 +13301,6 @@

    Package Contents class abacusai.api_class._FeatureGroupExportConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -12342,58 +13319,58 @@

    Package Contents -
    -class abacusai.api_class.ApiClass
    -

    Bases: abc.ABC

    +
    +class abacusai.api_class.ApiClass
    +

    Bases: abc.ABC

    Helper class that provides a standard way to create an ABC using inheritance.

    -
    -_upper_snake_case_keys: bool = False
    +
    +_upper_snake_case_keys: bool = False
    -
    -_support_kwargs: bool = False
    +
    +_support_kwargs: bool = False
    -
    -__post_init__()
    +
    +__post_init__()
    -
    -classmethod _get_builder()
    +
    +classmethod _get_builder()
    -
    -__str__()
    +
    +__str__()
    -
    -_repr_html_()
    +
    +_repr_html_()
    -
    -__getitem__(item)
    +
    +__getitem__(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -__setitem__(item, value)
    +
    +__setitem__(item, value)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • value (Any)

    @@ -12401,22 +13378,22 @@

    Package Contents -
    -_unset_item(item)
    +
    +_unset_item(item)
    Parameters:
    -

    item (str)

    +

    item (str)

    -
    -get(item, default=None)
    +
    +get(item, default=None)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -12424,12 +13401,12 @@

    Package Contents -
    -pop(item, default=NotImplemented)
    +
    +pop(item, default=NotImplemented)
    Parameters:
      -
    • item (str)

    • +
    • item (str)

    • default (Any)

    @@ -12437,19 +13414,19 @@

    Package Contents -
    -to_dict()
    +
    +to_dict()

    Standardizes converting an ApiClass to dictionary. Keys of response dictionary are converted to camel case. This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    -classmethod from_dict(input_dict)
    +
    +classmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -12465,7 +13442,7 @@

    Package ContentsParameters:

    @@ -12476,7 +13453,7 @@

    Package Contents
    -id: str
    +id: str

    @@ -12487,10 +13464,7 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +

    @@ -12507,20 +13481,20 @@

    Package Contents
    Parameters:
      -
    • label (str) – The label of the button.

    • -
    • agent_workflow_node_name (str) – The workflow start node to be executed when the button is clicked.

    • -
    • section_key (str)

    • +
    • label (str) – The label of the button.

    • +
    • agent_workflow_node_name (str) – The workflow start node to be executed when the button is clicked.

    • +
    • section_key (str)

    -label: str
    +label: str
    -agent_workflow_node_name: str
    +agent_workflow_node_name: str

    @@ -12533,47 +13507,47 @@

    Package Contents
    Parameters:
      -
    • url (str) – The url of the image to be displayed.

    • -
    • height (int) – The height of the image.

    • -
    • width (int) – The width of the image.

    • -
    • section_key (str)

    • +
    • url (str) – The url of the image to be displayed.

    • +
    • height (int) – The height of the image.

    • +
    • width (int) – The width of the image.

    • +
    • section_key (str)

    -url: str
    +url: str
    -height: int
    +height: int
    -width: int
    +width: int
    -class abacusai.api_class.TextResponseSection(text, section_key=None)
    +class abacusai.api_class.TextResponseSection(segment=None, section_key=None, text=None)

    Bases: ResponseSection

    A response section that an agent can return to render text.

    Parameters:
      -
    • segment (str) – The text to be displayed.

    • -
    • text (str)

    • -
    • section_key (str)

    • +
    • segment (str) – The text to be displayed.

    • +
    • section_key (str)

    • +
    • text (str)

    -segment: str
    +segment: str
    @@ -12587,20 +13561,20 @@

    Package Contents
    Parameters:
      -
    • json_schema (dict) – json schema in RJSF format.

    • -
    • ui_schema (dict) – ui schema in RJSF format.

    • -
    • schema_prop (str)

    • +
    • json_schema (dict) – json schema in RJSF format.

    • +
    • ui_schema (dict) – ui schema in RJSF format.

    • +
    • schema_prop (str)

    -json_schema: dict
    +json_schema: dict
    -ui_schema: dict
    +ui_schema: dict
    @@ -12613,15 +13587,15 @@

    Package Contents
    Parameters:
      -
    • code (str) – The code to be displayed.

    • +
    • code (str) – The code to be displayed.

    • language (CodeLanguage) – The language of the code.

    • -
    • section_key (str)

    • +
    • section_key (str)

    -code: str
    +code: str
    @@ -12639,14 +13613,14 @@

    Package Contents
    Parameters:
      -
    • b64_image (str) – The base64 image to be displayed.

    • -
    • section_key (str)

    • +
    • b64_image (str) – The base64 image to be displayed.

    • +
    • section_key (str)

    -b64_image: str
    +b64_image: str
    @@ -12659,15 +13633,15 @@

    Package Contents
    Parameters:
      -
    • title (str) – The title of the collapsible component.

    • +
    • title (str) – The title of the collapsible component.

    • content (ResponseSection) – The response section constituting the content of collapsible component

    • -
    • section_key (str)

    • +
    • section_key (str)

    -title: str
    +title: str
    @@ -12678,10 +13652,7 @@

    Package Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -12693,14 +13664,14 @@

    Package Contents
    Parameters:
      -
    • items (List[str]) – The list items to be displayed.

    • -
    • section_key (str)

    • +
    • items (List[str]) – The list items to be displayed.

    • +
    • section_key (str)

    -items: List[str]
    +items: List[str]
    @@ -12713,14 +13684,14 @@

    Package Contents
    Parameters:
      -
    • chart (dict) – The chart to be displayed.

    • -
    • section_key (str)

    • +
    • chart (dict) – The chart to be displayed.

    • +
    • section_key (str)

    -chart: dict
    +chart: dict
    @@ -12738,8 +13709,8 @@

    Package ContentsParameters:
    @@ -12750,7 +13721,7 @@

    Package Contents
    -header: str
    +header: str
    diff --git a/docs/autoapi/abacusai/api_class/model/index.html b/docs/autoapi/abacusai/api_class/model/index.html index 8b67d5ce0..f63d2eff4 100644 --- a/docs/autoapi/abacusai/api_class/model/index.html +++ b/docs/autoapi/abacusai/api_class/model/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -353,58 +409,61 @@

    Classes

    - + + + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - + + - + @@ -419,17 +478,17 @@

    Module Contents
    -_upper_snake_case_keys: bool = True
    +_upper_snake_case_keys: bool = True
    -_support_kwargs: bool = True
    +_support_kwargs: bool = True
    -kwargs: dict
    +kwargs: dict
    @@ -439,7 +498,7 @@

    Module Contents
    -algorithm: str = None
    +algorithm: str = None

    @@ -460,41 +519,41 @@

    Module ContentsPersonalizationObjective) – Ranking scheme used to select final best model.

  • sort_objective (PersonalizationObjective) – Ranking scheme used to sort models on the metrics page.

  • training_mode (PersonalizationTrainingMode) – whether to train in production or experimental mode. Defaults to EXP.

  • -
  • target_action_types (List[str]) – List of action types to use as targets for training.

  • -
  • target_action_weights (Dict[str, float]) – Dictionary of action types to weights for training.

  • -
  • session_event_types (List[str]) – List of event types to treat as occurrences of sessions.

  • -
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 6% to 20% of your dataset to use as test data.

  • -
  • recent_days_for_training (int) – Limit training data to a certain latest number of days.

  • -
  • training_start_date (str) – Only consider training interaction data after this date. Specified in the timezone of the dataset.

  • -
  • test_on_user_split (bool) – Use user splits instead of using time splits, when validating and testing the model.

  • -
  • test_split_on_last_k_items (bool) – Use last k items instead of global timestamp splits, when validating and testing the model.

  • -
  • test_last_items_length (int) – Number of items to leave out for each user when using leave k out folds.

  • -
  • test_window_length_hours (int) – Duration (in hours) of most recent time window to use when validating and testing the model.

  • -
  • explicit_time_split (bool) – Sets an explicit time-based test boundary.

  • -
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN), validation (VAL) and testing (TEST).

  • -
  • full_data_retraining (bool) – Train models separately with all the data.

  • -
  • sequential_training (bool) – Train a mode sequentially through time.

  • -
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • -
  • optimized_event_type (str) – The final event type to optimize for and compute metrics on.

  • -
  • dropout_rate (int) – Dropout rate for neural network.

  • +
  • target_action_types (List[str]) – List of action types to use as targets for training.

  • +
  • target_action_weights (Dict[str, float]) – Dictionary of action types to weights for training.

  • +
  • session_event_types (List[str]) – List of event types to treat as occurrences of sessions.

  • +
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 6% to 20% of your dataset to use as test data.

  • +
  • recent_days_for_training (int) – Limit training data to a certain latest number of days.

  • +
  • training_start_date (str) – Only consider training interaction data after this date. Specified in the timezone of the dataset.

  • +
  • test_on_user_split (bool) – Use user splits instead of using time splits, when validating and testing the model.

  • +
  • test_split_on_last_k_items (bool) – Use last k items instead of global timestamp splits, when validating and testing the model.

  • +
  • test_last_items_length (int) – Number of items to leave out for each user when using leave k out folds.

  • +
  • test_window_length_hours (int) – Duration (in hours) of most recent time window to use when validating and testing the model.

  • +
  • explicit_time_split (bool) – Sets an explicit time-based test boundary.

  • +
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN), validation (VAL) and testing (TEST).

  • +
  • full_data_retraining (bool) – Train models separately with all the data.

  • +
  • sequential_training (bool) – Train a mode sequentially through time.

  • +
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • +
  • optimized_event_type (str) – The final event type to optimize for and compute metrics on.

  • +
  • dropout_rate (int) – Dropout rate for neural network.

  • batch_size (BatchSize) – Batch size for neural network.

  • -
  • disable_transformer (bool) – Disable training the transformer algorithm.

  • +
  • disable_transformer (bool) – Disable training the transformer algorithm.

  • disable_gpu (boo) – Disable training on GPU.

  • -
  • filter_history (bool) – Do not recommend items the user has already interacted with.

  • -
  • action_types_exclusion_days (Dict[str, float]) – Mapping from action type to number of days for which we exclude previously interacted items from prediction

  • -
  • session_dedupe_mins (float) – Minimum number of minutes between two sessions for a user.

  • -
  • max_history_length (int) – Maximum length of user-item history to include user in training examples.

  • -
  • compute_rerank_metrics (bool) – Compute metrics based on rerank results.

  • -
  • add_time_features (bool) – Include interaction time as a feature.

  • -
  • disable_timestamp_scalar_features (bool) – Exclude timestamp scalar features.

  • -
  • compute_session_metrics (bool) – Evaluate models based on how well they are able to predict the next session of interactions.

  • -
  • max_user_history_len_percentile (int) – Filter out users with history length above this percentile.

  • -
  • downsample_item_popularity_percentile (float) – Downsample items more popular than this percentile.

  • -
  • use_user_id_feature (bool) – Use user id as a feature in CTR models.

  • -
  • min_item_history (int) – Minimum number of interactions an item must have to be included in training.

  • -
  • query_column (str) – Name of column in the interactions table that represents a natural language query, e.g. ‘blue t-shirt’.

  • -
  • item_query_column (str) – Name of column in the item catalog that will be matched to the query column in the interactions table.

  • -
  • include_item_id_feature (bool) – Add Item-Id to the input features of the model. Applicable for Embedding distance and CTR models.

  • +
  • filter_history (bool) – Do not recommend items the user has already interacted with.

  • +
  • action_types_exclusion_days (Dict[str, float]) – Mapping from action type to number of days for which we exclude previously interacted items from prediction

  • +
  • session_dedupe_mins (float) – Minimum number of minutes between two sessions for a user.

  • +
  • max_history_length (int) – Maximum length of user-item history to include user in training examples.

  • +
  • compute_rerank_metrics (bool) – Compute metrics based on rerank results.

  • +
  • add_time_features (bool) – Include interaction time as a feature.

  • +
  • disable_timestamp_scalar_features (bool) – Exclude timestamp scalar features.

  • +
  • compute_session_metrics (bool) – Evaluate models based on how well they are able to predict the next session of interactions.

  • +
  • max_user_history_len_percentile (int) – Filter out users with history length above this percentile.

  • +
  • downsample_item_popularity_percentile (float) – Downsample items more popular than this percentile.

  • +
  • use_user_id_feature (bool) – Use user id as a feature in CTR models.

  • +
  • min_item_history (int) – Minimum number of interactions an item must have to be included in training.

  • +
  • query_column (str) – Name of column in the interactions table that represents a natural language query, e.g. ‘blue t-shirt’.

  • +
  • item_query_column (str) – Name of column in the item catalog that will be matched to the query column in the interactions table.

  • +
  • include_item_id_feature (bool) – Add Item-Id to the input features of the model. Applicable for Embedding distance and CTR models.

  • @@ -515,87 +574,87 @@

    Module Contents
    -target_action_types: List[str] = None
    +target_action_types: List[str] = None
    -target_action_weights: Dict[str, float] = None
    +target_action_weights: Dict[str, float] = None
    -session_event_types: List[str] = None
    +session_event_types: List[str] = None
    -test_split: int = None
    +test_split: int = None
    -recent_days_for_training: int = None
    +recent_days_for_training: int = None
    -training_start_date: str = None
    +training_start_date: str = None
    -test_on_user_split: bool = None
    +test_on_user_split: bool = None
    -test_split_on_last_k_items: bool = None
    +test_split_on_last_k_items: bool = None
    -test_last_items_length: int = None
    +test_last_items_length: int = None
    -test_window_length_hours: int = None
    +test_window_length_hours: int = None
    -explicit_time_split: bool = None
    +explicit_time_split: bool = None
    -test_row_indicator: str = None
    +test_row_indicator: str = None
    -full_data_retraining: bool = None
    +full_data_retraining: bool = None
    -sequential_training: bool = None
    +sequential_training: bool = None
    -data_split_feature_group_table_name: str = None
    +data_split_feature_group_table_name: str = None
    -optimized_event_type: str = None
    +optimized_event_type: str = None
    -dropout_rate: int = None
    +dropout_rate: int = None
    @@ -605,87 +664,87 @@

    Module Contents
    -disable_transformer: bool = None
    +disable_transformer: bool = None

    -disable_gpu: bool = None
    +disable_gpu: bool = None
    -filter_history: bool = None
    +filter_history: bool = None
    -action_types_exclusion_days: Dict[str, float] = None
    +action_types_exclusion_days: Dict[str, float] = None
    -max_history_length: int = None
    +max_history_length: int = None
    -compute_rerank_metrics: bool = None
    +compute_rerank_metrics: bool = None
    -add_time_features: bool = None
    +add_time_features: bool = None
    -disable_timestamp_scalar_features: bool = None
    +disable_timestamp_scalar_features: bool = None
    -compute_session_metrics: bool = None
    +compute_session_metrics: bool = None
    -query_column: str = None
    +query_column: str = None
    -item_query_column: str = None
    +item_query_column: str = None
    -use_user_id_feature: bool = None
    +use_user_id_feature: bool = None
    -session_dedupe_mins: float = None
    +session_dedupe_mins: float = None
    -include_item_id_feature: bool = None
    +include_item_id_feature: bool = None
    -max_user_history_len_percentile: int = None
    +max_user_history_len_percentile: int = None
    -downsample_item_popularity_percentile: float = None
    +downsample_item_popularity_percentile: float = None
    -min_item_history: int = None
    +min_item_history: int = None
    @@ -707,48 +766,48 @@

    Module ContentsRegressionObjective) – Ranking scheme used to sort models on the metrics page.

  • tree_hpo_mode – (RegressionTreeHPOMode): Turning off Rapid Experimentation will take longer to train.

  • type_of_split (RegressionTypeOfSplit) – Type of data splitting into train/test (validation also).

  • -
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

  • -
  • disable_test_val_fold (bool) – Do not create a TEST_VAL set. All records which would be part of the TEST_VAL fold otherwise, remain in the TEST fold.

  • -
  • k_fold_cross_validation (bool) – Use this to force k-fold cross validation bagging on or off.

  • -
  • num_cv_folds (int) – Specify the value of k in k-fold cross validation.

  • -
  • timestamp_based_splitting_column (str) – Timestamp column selected for splitting into test and train.

  • +
  • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

  • +
  • disable_test_val_fold (bool) – Do not create a TEST_VAL set. All records which would be part of the TEST_VAL fold otherwise, remain in the TEST fold.

  • +
  • k_fold_cross_validation (bool) – Use this to force k-fold cross validation bagging on or off.

  • +
  • num_cv_folds (int) – Specify the value of k in k-fold cross validation.

  • +
  • timestamp_based_splitting_column (str) – Timestamp column selected for splitting into test and train.

  • timestamp_based_splitting_method (RegressionTimeSplitMethod) – Method of selecting TEST set, top percentile wise or after a given timestamp.

  • -
  • test_splitting_timestamp (str) – Rows with timestamp greater than this will be considered to be in the test set.

  • -
  • sampling_unit_keys (List[str]) – Constrain train/test separation to partition a column.

  • -
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST). Validation (VAL) can also be specified.

  • -
  • full_data_retraining (bool) – Train models separately with all the data.

  • -
  • rebalance_classes (bool) – Class weights are computed as the inverse of the class frequency from the training dataset when this option is selected as “Yes”. It is useful when the classes in the dataset are unbalanced. +

  • test_splitting_timestamp (str) – Rows with timestamp greater than this will be considered to be in the test set.

  • +
  • sampling_unit_keys (List[str]) – Constrain train/test separation to partition a column.

  • +
  • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST). Validation (VAL) can also be specified.

  • +
  • full_data_retraining (bool) – Train models separately with all the data.

  • +
  • rebalance_classes (bool) – Class weights are computed as the inverse of the class frequency from the training dataset when this option is selected as “Yes”. It is useful when the classes in the dataset are unbalanced. Re-balancing classes generally boosts recall at the cost of precision on rare classes.

  • -
  • rare_class_augmentation_threshold (float) – Augments any rare class whose relative frequency with respect to the most frequent class is less than this threshold. Default = 0.1 for classification problems with rare classes.

  • +
  • rare_class_augmentation_threshold (float) – Augments any rare class whose relative frequency with respect to the most frequent class is less than this threshold. Default = 0.1 for classification problems with rare classes.

  • augmentation_strategy (RegressionAugmentationStrategy) – Strategy to deal with class imbalance and data augmentation.

  • -
  • training_rows_downsample_ratio (float) – Uses this ratio to train on a sample of the dataset provided.

  • -
  • active_labels_column (str) – Specify a column to use as the active columns in a multi label setting.

  • -
  • min_categorical_count (int) – Minimum threshold to consider a value different from the unknown placeholder.

  • -
  • sample_weight (str) – Specify a column to use as the weight of a sample for training and eval.

  • -
  • numeric_clipping_percentile (float) – Uses this option to clip the top and bottom x percentile of numeric feature columns where x is the value of this option.

  • +
  • training_rows_downsample_ratio (float) – Uses this ratio to train on a sample of the dataset provided.

  • +
  • active_labels_column (str) – Specify a column to use as the active columns in a multi label setting.

  • +
  • min_categorical_count (int) – Minimum threshold to consider a value different from the unknown placeholder.

  • +
  • sample_weight (str) – Specify a column to use as the weight of a sample for training and eval.

  • +
  • numeric_clipping_percentile (float) – Uses this option to clip the top and bottom x percentile of numeric feature columns where x is the value of this option.

  • target_transform (RegressionTargetTransform) – Specify a transform (e.g. log, quantile) to apply to the target variable.

  • -
  • ignore_datetime_features (bool) – Remove all datetime features from the model. Useful while generalizing to different time periods.

  • -
  • max_text_words (int) – Maximum number of words to use from text fields.

  • -
  • perform_feature_selection (bool) – If enabled, additional algorithms which support feature selection as a pretraining step will be trained separately with the selected subset of features. The details about their selected features can be found in their respective logs.

  • -
  • feature_selection_intensity (int) – This determines the strictness with which features will be filtered out. 1 being very lenient (more features kept), 100 being very strict.

  • +
  • ignore_datetime_features (bool) – Remove all datetime features from the model. Useful while generalizing to different time periods.

  • +
  • max_text_words (int) – Maximum number of words to use from text fields.

  • +
  • perform_feature_selection (bool) – If enabled, additional algorithms which support feature selection as a pretraining step will be trained separately with the selected subset of features. The details about their selected features can be found in their respective logs.

  • +
  • feature_selection_intensity (int) – This determines the strictness with which features will be filtered out. 1 being very lenient (more features kept), 100 being very strict.

  • batch_size (BatchSize) – Batch size.

  • -
  • dropout_rate (int) – Dropout percentage rate.

  • -
  • pretrained_model_name (str) – Enable algorithms which process text using pretrained multilingual NLP models.

  • -
  • pretrained_llm_name (str) – Enable algorithms which process text using pretrained large language models.

  • -
  • is_multilingual (bool) – Enable algorithms which process text using pretrained multilingual NLP models.

  • +
  • dropout_rate (int) – Dropout percentage rate.

  • +
  • pretrained_model_name (str) – Enable algorithms which process text using pretrained multilingual NLP models.

  • +
  • pretrained_llm_name (str) – Enable algorithms which process text using pretrained large language models.

  • +
  • is_multilingual (bool) – Enable algorithms which process text using pretrained multilingual NLP models.

  • loss_function (RegressionLossFunction) – Loss function to be used as objective for model training.

  • -
  • loss_parameters (str) – Loss function params in format <key>=<value>;<key>=<value>;…..

  • -
  • target_encode_categoricals (bool) – Use this to turn target encoding on categorical features on or off.

  • -
  • drop_original_categoricals (bool) – This option helps us choose whether to also feed the original label encoded categorical columns to the mdoels along with their target encoded versions.

  • -
  • monotonically_increasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically increasing with the selected features

  • -
  • monotonically_decreasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically decreasing with the selected features

  • -
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • -
  • custom_loss_functions (List[str]) – Registered custom losses available for selection.

  • -
  • custom_metrics (List[str]) – Registered custom metrics available for selection.

  • +
  • loss_parameters (str) – Loss function params in format <key>=<value>;<key>=<value>;…..

  • +
  • target_encode_categoricals (bool) – Use this to turn target encoding on categorical features on or off.

  • +
  • drop_original_categoricals (bool) – This option helps us choose whether to also feed the original label encoded categorical columns to the mdoels along with their target encoded versions.

  • +
  • monotonically_increasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically increasing with the selected features

  • +
  • monotonically_decreasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically decreasing with the selected features

  • +
  • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

  • +
  • custom_loss_functions (List[str]) – Registered custom losses available for selection.

  • +
  • custom_metrics (List[str]) – Registered custom metrics available for selection.

  • partial_dependence_analysis (PartialDependenceAnalysis) – Specify whether to run partial dependence plots for all features or only some features.

  • -
  • do_masked_language_model_pretraining (bool) – Specify whether to run a masked language model unsupervised pretraining step before supervized training in certain supported algorithms which use BERT-like backbones.

  • -
  • max_tokens_in_sentence (int) – Specify the max tokens to be kept in a sentence based on the truncation strategy.

  • -
  • truncation_strategy (str) – What strategy to use to deal with text rows with more than a given number of tokens (if num of tokens is more than “max_tokens_in_sentence”).

  • +
  • do_masked_language_model_pretraining (bool) – Specify whether to run a masked language model unsupervised pretraining step before supervized training in certain supported algorithms which use BERT-like backbones.

  • +
  • max_tokens_in_sentence (int) – Specify the max tokens to be kept in a sentence based on the truncation strategy.

  • +
  • truncation_strategy (str) – What strategy to use to deal with text rows with more than a given number of tokens (if num of tokens is more than “max_tokens_in_sentence”).

  • @@ -779,27 +838,27 @@

    Module Contents
    -test_split: int = None
    +test_split: int = None
    -disable_test_val_fold: bool = None
    +disable_test_val_fold: bool = None
    -k_fold_cross_validation: bool = None
    +k_fold_cross_validation: bool = None
    -num_cv_folds: int = None
    +num_cv_folds: int = None
    -timestamp_based_splitting_column: str = None
    +timestamp_based_splitting_column: str = None
    @@ -809,32 +868,32 @@

    Module Contents
    -test_splitting_timestamp: str = None
    +test_splitting_timestamp: str = None

    -sampling_unit_keys: List[str] = None
    +sampling_unit_keys: List[str] = None
    -test_row_indicator: str = None
    +test_row_indicator: str = None
    -full_data_retraining: bool = None
    +full_data_retraining: bool = None
    -rebalance_classes: bool = None
    +rebalance_classes: bool = None
    -rare_class_augmentation_threshold: float = None
    +rare_class_augmentation_threshold: float = None
    @@ -844,27 +903,27 @@

    Module Contents
    -training_rows_downsample_ratio: float = None
    +training_rows_downsample_ratio: float = None

    -active_labels_column: str = None
    +active_labels_column: str = None
    -min_categorical_count: int = None
    +min_categorical_count: int = None
    -sample_weight: str = None
    +sample_weight: str = None
    -numeric_clipping_percentile: float = None
    +numeric_clipping_percentile: float = None
    @@ -874,22 +933,22 @@

    Module Contents
    -ignore_datetime_features: bool = None
    +ignore_datetime_features: bool = None

    -max_text_words: int = None
    +max_text_words: int = None
    -perform_feature_selection: bool = None
    +perform_feature_selection: bool = None
    -feature_selection_intensity: int = None
    +feature_selection_intensity: int = None
    @@ -899,37 +958,37 @@

    Module Contents
    -dropout_rate: int = None
    +dropout_rate: int = None

    -pretrained_model_name: str = None
    +pretrained_model_name: str = None
    -pretrained_llm_name: str = None
    +pretrained_llm_name: str = None
    -is_multilingual: bool = None
    +is_multilingual: bool = None
    -do_masked_language_model_pretraining: bool = None
    +do_masked_language_model_pretraining: bool = None
    -max_tokens_in_sentence: int = None
    +max_tokens_in_sentence: int = None
    -truncation_strategy: str = None
    +truncation_strategy: str = None
    @@ -939,42 +998,42 @@

    Module Contents
    -loss_parameters: str = None
    +loss_parameters: str = None

    -target_encode_categoricals: bool = None
    +target_encode_categoricals: bool = None
    -drop_original_categoricals: bool = None
    +drop_original_categoricals: bool = None
    -monotonically_increasing_features: List[str] = None
    +monotonically_increasing_features: List[str] = None
    -monotonically_decreasing_features: List[str] = None
    +monotonically_decreasing_features: List[str] = None
    -data_split_feature_group_table_name: str = None
    +data_split_feature_group_table_name: str = None
    -custom_loss_functions: List[str] = None
    +custom_loss_functions: List[str] = None
    -custom_metrics: List[str] = None
    +custom_metrics: List[str] = None
    @@ -992,67 +1051,67 @@

    Module Contents
    Parameters:
      -
    • prediction_length (int) – How many timesteps in the future to predict.

    • +
    • prediction_length (int) – How many timesteps in the future to predict.

    • objective (ForecastingObjective) – Ranking scheme used to select final best model.

    • sort_objective (ForecastingObjective) – Ranking scheme used to sort models on the metrics page.

    • forecast_frequency (ForecastingFrequency) – Forecast frequency.

    • -
    • probability_quantiles (List[float]) – Prediction quantiles.

    • -
    • force_prediction_length (int) – Force length of test window to be the same as prediction length.

    • -
    • filter_items (bool) – Filter items with small history and volume.

    • -
    • enable_feature_selection (bool) – Enable feature selection.

    • -
    • enable_padding (bool) – Pad series to the max_date of the dataset

    • -
    • enable_cold_start (bool) – Enable cold start forecasting by training/predicting for zero history items.

    • -
    • enable_multiple_backtests (bool) – Whether to enable multiple backtesting or not.

    • -
    • num_backtesting_windows (int) – Total backtesting windows to use for the training.

    • -
    • backtesting_window_step_size (int) – Use this step size to shift backtesting windows for model training.

    • -
    • full_data_retraining (bool) – Train models separately with all the data.

    • +
    • probability_quantiles (List[float]) – Prediction quantiles.

    • +
    • force_prediction_length (int) – Force length of test window to be the same as prediction length.

    • +
    • filter_items (bool) – Filter items with small history and volume.

    • +
    • enable_feature_selection (bool) – Enable feature selection.

    • +
    • enable_padding (bool) – Pad series to the max_date of the dataset

    • +
    • enable_cold_start (bool) – Enable cold start forecasting by training/predicting for zero history items.

    • +
    • enable_multiple_backtests (bool) – Whether to enable multiple backtesting or not.

    • +
    • num_backtesting_windows (int) – Total backtesting windows to use for the training.

    • +
    • backtesting_window_step_size (int) – Use this step size to shift backtesting windows for model training.

    • +
    • full_data_retraining (bool) – Train models separately with all the data.

    • additional_forecast_keys – List[str]: List of categoricals in timeseries that can act as multi-identifier.

    • experimentation_mode (ExperimentationMode) – Selecting Thorough Experimentation will take longer to train.

    • type_of_split (ForecastingDataSplitType) – Type of data splitting into train/test.

    • -
    • test_by_item (bool) – Partition train/test data by item rather than time if true.

    • -
    • test_start (str) – Limit training data to dates before the given test start.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

    • +
    • test_by_item (bool) – Partition train/test data by item rather than time if true.

    • +
    • test_start (str) – Limit training data to dates before the given test start.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

    • loss_function (ForecastingLossFunction) – Loss function for training neural network.

    • -
    • underprediction_weight (float) – Weight for underpredictions

    • -
    • disable_networks_without_analytic_quantiles (bool) – Disable neural networks, which quantile functions do not have analytic expressions (e.g, mixture models)

    • -
    • initial_learning_rate (float) – Initial learning rate.

    • -
    • l2_regularization_factor (float) – L2 regularization factor.

    • -
    • dropout_rate (int) – Dropout percentage rate.

    • -
    • recurrent_layers (int) – Number of recurrent layers to stack in network.

    • -
    • recurrent_units (int) – Number of units in each recurrent layer.

    • -
    • convolutional_layers (int) – Number of convolutional layers to stack on top of recurrent layers in network.

    • -
    • convolution_filters (int) – Number of filters in each convolution.

    • +
    • underprediction_weight (float) – Weight for underpredictions

    • +
    • disable_networks_without_analytic_quantiles (bool) – Disable neural networks, which quantile functions do not have analytic expressions (e.g, mixture models)

    • +
    • initial_learning_rate (float) – Initial learning rate.

    • +
    • l2_regularization_factor (float) – L2 regularization factor.

    • +
    • dropout_rate (int) – Dropout percentage rate.

    • +
    • recurrent_layers (int) – Number of recurrent layers to stack in network.

    • +
    • recurrent_units (int) – Number of units in each recurrent layer.

    • +
    • convolutional_layers (int) – Number of convolutional layers to stack on top of recurrent layers in network.

    • +
    • convolution_filters (int) – Number of filters in each convolution.

    • local_scaling_mode (ForecastingLocalScaling) – Options to make NN inputs stationary in high dynamic range datasets.

    • -
    • zero_predictor (bool) – Include subnetwork to classify points where target equals zero.

    • -
    • skip_missing (bool) – Make the RNN ignore missing entries rather instead of processing them.

    • +
    • zero_predictor (bool) – Include subnetwork to classify points where target equals zero.

    • +
    • skip_missing (bool) – Make the RNN ignore missing entries rather instead of processing them.

    • batch_size (ForecastingBatchSize) – Batch size.

    • -
    • batch_renormalization (bool) – Enable batch renormalization between layers.

    • -
    • history_length (int) – While training, how much history to consider.

    • -
    • prediction_step_size (int) – Number of future periods to include in objective for each training sample.

    • -
    • training_point_overlap (float) – Amount of overlap to allow between training samples.

    • -
    • max_scale_context (int) – Maximum context to use for local scaling.

    • +
    • batch_renormalization (bool) – Enable batch renormalization between layers.

    • +
    • history_length (int) – While training, how much history to consider.

    • +
    • prediction_step_size (int) – Number of future periods to include in objective for each training sample.

    • +
    • training_point_overlap (float) – Amount of overlap to allow between training samples.

    • +
    • max_scale_context (int) – Maximum context to use for local scaling.

    • quantiles_extension_method (ForecastingQuanitlesExtensionMethod) – Quantile extension method

    • -
    • number_of_samples (int) – Number of samples for ancestral simulation

    • -
    • symmetrize_quantiles (bool) – Force symmetric quantiles (like in Gaussian distribution)

    • -
    • use_log_transforms (bool) – Apply logarithmic transformations to input data.

    • -
    • smooth_history (float) – Smooth (low pass filter) the timeseries.

    • -
    • local_scale_target (bool) – Using per training/prediction window target scaling.

    • -
    • use_clipping (bool) – Apply clipping to input data to stabilize the training.

    • -
    • timeseries_weight_column (str) – If set, we use the values in this column from timeseries data to assign time dependent item weights during training and evaluation.

    • -
    • item_attributes_weight_column (str) – If set, we use the values in this column from item attributes data to assign weights to items during training and evaluation.

    • -
    • use_timeseries_weights_in_objective (bool) – If True, we include weights from column set as “TIMESERIES WEIGHT COLUMN” in objective functions.

    • -
    • use_item_weights_in_objective (bool) – If True, we include weights from column set as “ITEM ATTRIBUTES WEIGHT COLUMN” in objective functions.

    • -
    • skip_timeseries_weight_scaling (bool) – If True, we will avoid normalizing the weights.

    • -
    • timeseries_loss_weight_column (str) – Use value in this column to weight the loss while training.

    • -
    • use_item_id (bool) – Include a feature to indicate the item being forecast.

    • -
    • use_all_item_totals (bool) – Include as input total target across items.

    • -
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in demand as missing data.

    • +
    • number_of_samples (int) – Number of samples for ancestral simulation

    • +
    • symmetrize_quantiles (bool) – Force symmetric quantiles (like in Gaussian distribution)

    • +
    • use_log_transforms (bool) – Apply logarithmic transformations to input data.

    • +
    • smooth_history (float) – Smooth (low pass filter) the timeseries.

    • +
    • local_scale_target (bool) – Using per training/prediction window target scaling.

    • +
    • use_clipping (bool) – Apply clipping to input data to stabilize the training.

    • +
    • timeseries_weight_column (str) – If set, we use the values in this column from timeseries data to assign time dependent item weights during training and evaluation.

    • +
    • item_attributes_weight_column (str) – If set, we use the values in this column from item attributes data to assign weights to items during training and evaluation.

    • +
    • use_timeseries_weights_in_objective (bool) – If True, we include weights from column set as “TIMESERIES WEIGHT COLUMN” in objective functions.

    • +
    • use_item_weights_in_objective (bool) – If True, we include weights from column set as “ITEM ATTRIBUTES WEIGHT COLUMN” in objective functions.

    • +
    • skip_timeseries_weight_scaling (bool) – If True, we will avoid normalizing the weights.

    • +
    • timeseries_loss_weight_column (str) – Use value in this column to weight the loss while training.

    • +
    • use_item_id (bool) – Include a feature to indicate the item being forecast.

    • +
    • use_all_item_totals (bool) – Include as input total target across items.

    • +
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in demand as missing data.

    • datetime_holiday_calendars (List[HolidayCalendars]) – Holiday calendars to augment training with.

    • -
    • fill_missing_values (List[List[dict]]) – Strategy for filling in missing values.

    • -
    • enable_clustering (bool) – Enable clustering in forecasting.

    • -
    • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

    • -
    • custom_loss_functions (List[str]) – Registered custom losses available for selection.

    • -
    • custom_metrics (List[str]) – Registered custom metrics available for selection.

    • +
    • fill_missing_values (List[List[dict]]) – Strategy for filling in missing values.

    • +
    • enable_clustering (bool) – Enable clustering in forecasting.

    • +
    • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

    • +
    • custom_loss_functions (List[str]) – Registered custom losses available for selection.

    • +
    • custom_metrics (List[str]) – Registered custom metrics available for selection.

    • return_fractional_forecasts – Use this to return fractional forecast values while prediction

    • allow_training_with_small_history – Allows training with fewer than 100 rows in the dataset

    @@ -1060,7 +1119,7 @@

    Module Contents
    -prediction_length: int = None
    +prediction_length: int = None

    @@ -1080,57 +1139,57 @@

    Module Contents
    -probability_quantiles: List[float] = None
    +probability_quantiles: List[float] = None

    -force_prediction_length: bool = None
    +force_prediction_length: bool = None
    -filter_items: bool = None
    +filter_items: bool = None
    -enable_feature_selection: bool = None
    +enable_feature_selection: bool = None
    -enable_padding: bool = None
    +enable_padding: bool = None
    -enable_cold_start: bool = None
    +enable_cold_start: bool = None
    -enable_multiple_backtests: bool = None
    +enable_multiple_backtests: bool = None
    -num_backtesting_windows: int = None
    +num_backtesting_windows: int = None
    -backtesting_window_step_size: int = None
    +backtesting_window_step_size: int = None
    -full_data_retraining: bool = None
    +full_data_retraining: bool = None
    -additional_forecast_keys: List[str] = None
    +additional_forecast_keys: List[str] = None
    @@ -1145,17 +1204,17 @@

    Module Contents
    -test_by_item: bool = None
    +test_by_item: bool = None

    -test_start: str = None
    +test_start: str = None
    -test_split: int = None
    +test_split: int = None
    @@ -1165,47 +1224,47 @@

    Module Contents
    -underprediction_weight: float = None
    +underprediction_weight: float = None

    -disable_networks_without_analytic_quantiles: bool = None
    +disable_networks_without_analytic_quantiles: bool = None
    -initial_learning_rate: float = None
    +initial_learning_rate: float = None
    -l2_regularization_factor: float = None
    +l2_regularization_factor: float = None
    -dropout_rate: int = None
    +dropout_rate: int = None
    -recurrent_layers: int = None
    +recurrent_layers: int = None
    -recurrent_units: int = None
    +recurrent_units: int = None
    -convolutional_layers: int = None
    +convolutional_layers: int = None
    -convolution_filters: int = None
    +convolution_filters: int = None
    @@ -1215,12 +1274,12 @@

    Module Contents
    -zero_predictor: bool = None
    +zero_predictor: bool = None

    -skip_missing: bool = None
    +skip_missing: bool = None
    @@ -1230,27 +1289,27 @@

    Module Contents
    -batch_renormalization: bool = None
    +batch_renormalization: bool = None

    -history_length: int = None
    +history_length: int = None
    -prediction_step_size: int = None
    +prediction_step_size: int = None
    -training_point_overlap: float = None
    +training_point_overlap: float = None
    -max_scale_context: int = None
    +max_scale_context: int = None
    @@ -1260,77 +1319,77 @@

    Module Contents
    -number_of_samples: int = None
    +number_of_samples: int = None

    -symmetrize_quantiles: bool = None
    +symmetrize_quantiles: bool = None
    -use_log_transforms: bool = None
    +use_log_transforms: bool = None
    -smooth_history: float = None
    +smooth_history: float = None
    -local_scale_target: bool = None
    +local_scale_target: bool = None
    -use_clipping: bool = None
    +use_clipping: bool = None
    -timeseries_weight_column: str = None
    +timeseries_weight_column: str = None
    -item_attributes_weight_column: str = None
    +item_attributes_weight_column: str = None
    -use_timeseries_weights_in_objective: bool = None
    +use_timeseries_weights_in_objective: bool = None
    -use_item_weights_in_objective: bool = None
    +use_item_weights_in_objective: bool = None
    -skip_timeseries_weight_scaling: bool = None
    +skip_timeseries_weight_scaling: bool = None
    -timeseries_loss_weight_column: str = None
    +timeseries_loss_weight_column: str = None
    -use_item_id: bool = None
    +use_item_id: bool = None
    -use_all_item_totals: bool = None
    +use_all_item_totals: bool = None
    -handle_zeros_as_missing_values: bool = None
    +handle_zeros_as_missing_values: bool = None
    @@ -1340,37 +1399,37 @@

    Module Contents
    -fill_missing_values: List[List[dict]] = None
    +fill_missing_values: List[List[dict]] = None

    -enable_clustering: bool = None
    +enable_clustering: bool = None
    -data_split_feature_group_table_name: str = None
    +data_split_feature_group_table_name: str = None
    -custom_loss_functions: List[str] = None
    +custom_loss_functions: List[str] = None
    -custom_metrics: List[str] = None
    +custom_metrics: List[str] = None
    -return_fractional_forecasts: bool = None
    +return_fractional_forecasts: bool = None
    -allow_training_with_small_history: bool = None
    +allow_training_with_small_history: bool = None
    @@ -1389,14 +1448,14 @@

    Module ContentsParameters:
    • llm_for_ner (NERForLLM) – LLM to use for NER from among available LLM

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST).

    • -
    • active_labels_column (str) – Entities that have been marked in a particular text

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST).

    • +
    • active_labels_column (str) – Entities that have been marked in a particular text

    • document_format (NLPDocumentFormat) – Format of the input documents.

    • -
    • minimum_bounding_box_overlap_ratio (float) – Tokens are considered to belong to annotation if the user bounding box is provided and ratio of (token_bounding_box ∩ annotation_bounding_box) / token_bounding_area is greater than the provided value.

    • -
    • save_predicted_pdf (bool) – Whether to save predicted PDF documents

    • -
    • enhanced_ocr (bool) – Enhanced text extraction from predicted digital documents

    • -
    • additional_extraction_instructions (str) – Additional instructions to guide the LLM in extracting the entities. Only used with LLM algorithms.

    • +
    • minimum_bounding_box_overlap_ratio (float) – Tokens are considered to belong to annotation if the user bounding box is provided and ratio of (token_bounding_box ∩ annotation_bounding_box) / token_bounding_area is greater than the provided value.

    • +
    • save_predicted_pdf (bool) – Whether to save predicted PDF documents

    • +
    • enhanced_ocr (bool) – Enhanced text extraction from predicted digital documents

    • +
    • additional_extraction_instructions (str) – Additional instructions to guide the LLM in extracting the entities. Only used with LLM algorithms.

    @@ -1407,17 +1466,17 @@

    Module Contents
    -test_split: int = None
    +test_split: int = None
    -test_row_indicator: str = None
    +test_row_indicator: str = None
    -active_labels_column: str = None
    +active_labels_column: str = None
    @@ -1427,22 +1486,22 @@

    Module Contents
    -minimum_bounding_box_overlap_ratio: float = 0.0
    +minimum_bounding_box_overlap_ratio: float = 0.0

    -save_predicted_pdf: bool = True
    +save_predicted_pdf: bool = True
    -enhanced_ocr: bool = False
    +enhanced_ocr: bool = False
    -additional_extraction_instructions: str = None
    +additional_extraction_instructions: str = None
    @@ -1460,43 +1519,43 @@

    Module Contents
    Parameters:
      -
    • abacus_internal_model (bool) – Use a Abacus.AI LLM to answer questions about your data without using any external APIs

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct

    • -
    • larger_embeddings (bool) – Use a higher dimension embedding model.

    • -
    • search_chunk_size (int) – Chunk size for indexing the documents.

    • -
    • chunk_overlap_fraction (float) – Overlap in chunks while indexing the documents.

    • -
    • index_fraction (float) – Fraction of the chunk to use for indexing.

    • +
    • abacus_internal_model (bool) – Use a Abacus.AI LLM to answer questions about your data without using any external APIs

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct

    • +
    • larger_embeddings (bool) – Use a higher dimension embedding model.

    • +
    • search_chunk_size (int) – Chunk size for indexing the documents.

    • +
    • chunk_overlap_fraction (float) – Overlap in chunks while indexing the documents.

    • +
    • index_fraction (float) – Fraction of the chunk to use for indexing.

    -abacus_internal_model: bool = None
    +abacus_internal_model: bool = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -larger_embeddings: bool = None
    +larger_embeddings: bool = None
    -search_chunk_size: int = None
    +search_chunk_size: int = None
    -index_fraction: float = None
    +index_fraction: float = None
    -chunk_overlap_fraction: float = None
    +chunk_overlap_fraction: float = None
    @@ -1506,6 +1565,31 @@

    Module Contents +
    +class abacusai.api_class.model.SystemConnectorTool
    +

    Bases: abacusai.api_class.abstract.ApiClass

    +

    System connector tool used to integrate chatbots with external services.

    +
    +
    Parameters:
    +
      +
    • value (str) – The name of the tool.

    • +
    • configs (dict) – Optional. A dictionary of key-value pairs that are used to configure the tool.

    • +
    +
    +
    +
    +
    +value: str
    +
    + +
    +
    +configs: dict = None
    +
    + +

    +
    class abacusai.api_class.model.ChatLLMTrainingConfig
    @@ -1514,215 +1598,257 @@

    Module Contents
    Parameters:
      -
    • document_retrievers (List[str]) – List of names or IDs of document retrievers to use as vector stores of information for RAG responses.

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct.

    • -
    • temperature (float) – The generative LLM temperature.

    • -
    • retrieval_columns (list) – Include the metadata column values in the retrieved search results.

    • -
    • filter_columns (list) – Allow users to filter the document retrievers on these metadata columns.

    • -
    • include_general_knowledge (bool) – Allow the LLM to rely not just on RAG search results, but to fall back on general knowledge. Disabled by default.

    • -
    • enable_web_search (bool) – Allow the LLM to use Web Search Engines to retrieve information for better results.

    • -
    • behavior_instructions (str) – Customize the overall behaviour of the model. This controls things like - when to execute code (if enabled), write sql query, search web (if enabled), etc.

    • -
    • response_instructions (str) – Customized instructions for how the model should respond inlcuding the format, persona and tone of the answers.

    • -
    • enable_llm_rewrite (bool) – If enabled, an LLM will rewrite the RAG queries sent to document retriever. Disabled by default.

    • -
    • column_filtering_instructions (str) – Instructions for a LLM call to automatically generate filter expressions on document metadata to retrieve relevant documents for the conversation.

    • -
    • keyword_requirement_instructions (str) – Instructions for a LLM call to automatically generate keyword requirements to retrieve relevant documents for the conversation.

    • -
    • query_rewrite_instructions (str) – Special instructions for the LLM which rewrites the RAG query.

    • -
    • max_search_results (int) – Maximum number of search results in the retrieval augmentation step. If we know that the questions are likely to have snippets which are easily matched in the documents, then a lower number will help with accuracy.

    • +
    • document_retrievers (List[str]) – List of names or IDs of document retrievers to use as vector stores of information for RAG responses.

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct.

    • +
    • temperature (float) – The generative LLM temperature.

    • +
    • retrieval_columns (list) – Include the metadata column values in the retrieved search results.

    • +
    • filter_columns (list) – Allow users to filter the document retrievers on these metadata columns.

    • +
    • include_general_knowledge (bool) – Allow the LLM to rely not just on RAG search results, but to fall back on general knowledge. Disabled by default.

    • +
    • enable_web_search (bool) – Allow the LLM to use Web Search Engines to retrieve information for better results.

    • +
    • behavior_instructions (str) – Customize the overall behaviour of the model. This controls things like - when to execute code (if enabled), write sql query, search web (if enabled), etc.

    • +
    • response_instructions (str) – Customized instructions for how the model should respond inlcuding the format, persona and tone of the answers.

    • +
    • enable_llm_rewrite (bool) – If enabled, an LLM will rewrite the RAG queries sent to document retriever. Disabled by default.

    • +
    • column_filtering_instructions (str) – Instructions for a LLM call to automatically generate filter expressions on document metadata to retrieve relevant documents for the conversation.

    • +
    • keyword_requirement_instructions (str) – Instructions for a LLM call to automatically generate keyword requirements to retrieve relevant documents for the conversation.

    • +
    • query_rewrite_instructions (str) – Special instructions for the LLM which rewrites the RAG query.

    • +
    • max_search_results (int) – Maximum number of search results in the retrieval augmentation step. If we know that the questions are likely to have snippets which are easily matched in the documents, then a lower number will help with accuracy.

    • data_feature_group_ids – (List[str]): List of feature group IDs to use to possibly query for the ChatLLM. The created ChatLLM is commonly referred to as DataLLM.

    • -
    • data_prompt_context (str) – Prompt context for the data feature group IDs.

    • -
    • data_prompt_table_context (Dict[str, str]) – Dict of table name and table context pairs to provide table wise context for each structured data table.

    • -
    • data_prompt_column_context (Dict[str, str]) – Dict of ‘table_name.column_name’ and ‘column_context’ pairs to provide column context for some selected columns in the selected structured data table. This replaces the default auto-generated information about the column data.

    • -
    • hide_sql_and_code (bool) – When running data queries, this will hide the generated SQL and Code in the response.

    • -
    • disable_data_summarization (bool) – After executing a query summarize the reponse and reply back with only the table and query run.

    • -
    • data_columns_to_ignore (List[str]) – Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format “<table_name>.<column_name>”

    • -
    • search_score_cutoff (float) – Minimum search score to consider a document as a valid search result.

    • -
    • include_bm25_retrieval (bool) – Combine BM25 search score with vector search using reciprocal rank fusion.

    • -
    • database_connector_id (str) – Database connector ID to use for connecting external database that gives access to structured data to the LLM.

    • -
    • database_connector_tables (List[str]) – List of tables to use from the database connector for the ChatLLM.

    • -
    • enable_code_execution (bool) – Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed.

    • -
    • enable_response_caching (bool) – Enable caching of LLM responses to speed up response times and improve reproducibility.

    • -
    • unknown_answer_phrase (str) – Fallback response when the LLM can’t find an answer.

    • -
    • enable_tool_bar (bool) – Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc.

    • -
    • enable_inline_source_citations (bool) – Enable inline citations of the sources in the response.

    • +
    • data_prompt_context (str) – Prompt context for the data feature group IDs.

    • +
    • data_prompt_table_context (Dict[str, str]) – Dict of table name and table context pairs to provide table wise context for each structured data table.

    • +
    • data_prompt_column_context (Dict[str, str]) – Dict of ‘table_name.column_name’ and ‘column_context’ pairs to provide column context for some selected columns in the selected structured data table. This replaces the default auto-generated information about the column data.

    • +
    • hide_sql_and_code (bool) – When running data queries, this will hide the generated SQL and Code in the response.

    • +
    • disable_data_summarization (bool) – After executing a query summarize the reponse and reply back with only the table and query run.

    • +
    • disable_data_fetch_for_training (bool) – Train using only table and column schema metadata without fetching sample data. This speeds up training but may result in less context for the model.

    • +
    • data_columns_to_ignore (List[str]) – Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format “<table_name>.<column_name>”

    • +
    • search_score_cutoff (float) – Minimum search score to consider a document as a valid search result.

    • +
    • include_bm25_retrieval (bool) – Combine BM25 search score with vector search using reciprocal rank fusion.

    • +
    • database_connector_id (str) – Database connector ID to use for connecting external database that gives access to structured data to the LLM.

    • +
    • database_connector_ids (List[str]) – List of database connector IDs to use for connecting external databases that give access to structured data to the LLM.

    • +
    • database_connector_tables (List[str]) – List of tables to use from the database connector for the ChatLLM.

    • +
    • enable_code_execution (bool) – Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed.

    • +
    • enable_response_caching (bool) – Enable caching of LLM responses to speed up response times and improve reproducibility.

    • +
    • unknown_answer_phrase (str) – Fallback response when the LLM can’t find an answer.

    • +
    • enable_tool_bar (bool) – Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. Enabling this requires enable_web_search to be enabled.

    • +
    • enable_inline_source_citations (bool) – Enable inline citations of the sources in the response.

    • response_format – (str): When set to ‘JSON’, the LLM will generate a JSON formatted string.

    • -
    • json_response_instructions (str) – Instructions to be followed while generating the json_response if response_format is set to “JSON”. This can include the schema information if the schema is dynamic and its keys cannot be pre-determined.

    • -
    • json_response_schema (str) – Specifies the JSON schema that the model should adhere to if response_format is set to “JSON”. This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields ‘type’, ‘required’ and ‘description’. For example - ‘{“sample_field”: {“type”: “integer”, “required”: true, “description”: “Sample Field”}}’

    • +
    • json_response_instructions (str) – Instructions to be followed while generating the json_response if response_format is set to “JSON”. This can include the schema information if the schema is dynamic and its keys cannot be pre-determined.

    • +
    • json_response_schema (str) – Specifies the JSON schema that the model should adhere to if response_format is set to “JSON”. This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields ‘type’, ‘required’ and ‘description’. For example - ‘{“sample_field”: {“type”: “integer”, “required”: true, “description”: “Sample Field”}}’

    • +
    • mask_pii (bool) – Mask PII in the prompts and uploaded documents before sending it to the LLM. Only available for Enterprise users and will cause validation errors if set to True for ChatLLM Teams users.

    • +
    • builtin_tools (List[SystemConnectorTool]) – List of builtin system connector tools to use in the ChatLLM. Using builtin tools does not require enabling tool bar (enable_tool_bar flag).

    • +
    • config_connectors (List[str]) – List of names of config connectors to use in the ChatLLM. This should not be used with document_retrievers.

    • +
    • mcp_servers (List[str]) – List of names of MCP servers to use in the ChatLLM. This should not be used with document_retrievers.

    • +
    • agentic_loop_mode (bool) – Enables use of agentic loop that uses a series of tool calls when needed to respond. If set to False, the agentic loop will not be used. If not set or set to Auto, the agentic loop will be automatically used based on certain conditions like presence of tools in the model.

    -document_retrievers: List[str] = None
    +document_retrievers: List[str] = None
    -num_completion_tokens: int = None
    +num_completion_tokens: int = None
    -temperature: float = None
    +temperature: float = None
    -retrieval_columns: list = None
    +retrieval_columns: list = None
    -filter_columns: list = None
    +filter_columns: list = None
    -include_general_knowledge: bool = None
    +include_general_knowledge: bool = None
    +enable_web_search: bool = None
    -behavior_instructions: str = None
    +behavior_instructions: str = None
    -response_instructions: str = None
    +response_instructions: str = None
    -enable_llm_rewrite: bool = None
    +enable_llm_rewrite: bool = None
    -column_filtering_instructions: str = None
    +column_filtering_instructions: str = None
    -keyword_requirement_instructions: str = None
    +keyword_requirement_instructions: str = None
    -query_rewrite_instructions: str = None
    +query_rewrite_instructions: str = None
    -max_search_results: int = None
    +max_search_results: int = None
    -data_feature_group_ids: List[str] = None
    +data_feature_group_ids: List[str] = None
    -data_prompt_context: str = None
    +data_prompt_context: str = None
    -data_prompt_table_context: Dict[str, str] = None
    +data_prompt_table_context: Dict[str, str] = None
    -data_prompt_column_context: Dict[str, str] = None
    +data_prompt_column_context: Dict[str, str] = None
    -hide_sql_and_code: bool = None
    +hide_sql_and_code: bool = None
    -disable_data_summarization: bool = None
    +disable_data_summarization: bool = None +
    + +
    +
    +disable_data_fetch_for_training: bool = None
    -data_columns_to_ignore: List[str] = None
    +data_columns_to_ignore: List[str] = None
    -search_score_cutoff: float = None
    +search_score_cutoff: float = None
    -include_bm25_retrieval: bool = None
    +include_bm25_retrieval: bool = None
    -database_connector_id: str = None
    +database_connector_id: str = None +
    + +
    +
    +database_connector_ids: List[str] = None
    -database_connector_tables: List[str] = None
    +database_connector_tables: List[str] = None
    -enable_code_execution: bool = None
    +enable_code_execution: bool = None
    -metadata_columns: list = None
    +metadata_columns: list = None
    -lookup_rewrite_instructions: str = None
    +lookup_rewrite_instructions: str = None
    -enable_response_caching: bool = None
    +enable_response_caching: bool = None
    -unknown_answer_phrase: str = None
    +unknown_answer_phrase: str = None
    -enable_tool_bar: bool = None
    +enable_tool_bar: bool = None
    -enable_inline_source_citations: bool = None
    +enable_inline_source_citations: bool = None
    -response_format: str = None
    +response_format: str = None
    -json_response_instructions: str = None
    +json_response_instructions: str = None
    -json_response_schema: str = None
    +json_response_schema: str = None +
    + +
    +
    +mask_pii: bool = None
    +
    + +
    +
    +builtin_tools: List[SystemConnectorTool] = None
    +
    + +
    +
    +config_connectors: List[str] = None
    +
    + +
    +
    +mcp_servers: List[str] = None
    +
    + +
    +
    +agentic_loop_mode: bool = None
    @@ -1740,20 +1866,20 @@

    Module Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • dropout_rate (float) – Dropout rate for neural network.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • dropout_rate (float) – Dropout rate for neural network.

    • batch_size (BatchSize) – Batch size for neural network.

    -test_split: int = None
    +test_split: int = None
    -dropout_rate: float = None
    +dropout_rate: float = None
    @@ -1777,7 +1903,7 @@

    Module ContentsParameters:
    • sentiment_type (SentimentType) – Type of sentiment to detect.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    @@ -1788,7 +1914,7 @@

    Module Contents
    -test_split: int = None
    +test_split: int = None
    @@ -1806,19 +1932,19 @@

    Module Contents
    Parameters:
      -
    • zero_shot_hypotheses (List[str]) – Zero shot hypotheses. Example text: ‘This text is about pricing’.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • zero_shot_hypotheses (List[str]) – Zero shot hypotheses. Example text: ‘This text is about pricing’.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    -zero_shot_hypotheses: List[str] = None
    +zero_shot_hypotheses: List[str] = None
    -test_split: int = None
    +test_split: int = None
    @@ -1836,20 +1962,20 @@

    Module Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • dropout_rate (float) – Dropout rate for neural network.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • dropout_rate (float) – Dropout rate for neural network.

    • batch_size (BatchSize) – Batch size for neural network.

    -test_split: int = None
    +test_split: int = None
    -dropout_rate: float = None
    +dropout_rate: float = None
    @@ -1872,20 +1998,20 @@

    Module Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • dropout_rate (float) – Dropout rate for neural network.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • dropout_rate (float) – Dropout rate for neural network.

    • batch_size (BatchSize) – Batch size for neural network.

    -test_split: int = None
    +test_split: int = None
    -dropout_rate: float = None
    +dropout_rate: float = None
    @@ -1907,12 +2033,12 @@

    Module Contents
    Parameters:
    -

    num_clusters_selection (int) – Number of clusters. If None, will be selected automatically.

    +

    num_clusters_selection (int) – Number of clusters. If None, will be selected automatically.

    -num_clusters_selection: int = None
    +num_clusters_selection: int = None
    @@ -1930,14 +2056,14 @@

    Module Contents
    Parameters:

    -num_clusters_selection: int = None
    +num_clusters_selection: int = None
    @@ -1959,12 +2085,12 @@

    Module Contents
    Parameters:
    -

    anomaly_fraction (float) – The fraction of the dataset to classify as anomalous, between 0 and 0.5

    +

    anomaly_fraction (float) – The fraction of the dataset to classify as anomalous, between 0 and 0.5

    -anomaly_fraction: float = None
    +anomaly_fraction: float = None
    @@ -1983,16 +2109,16 @@

    Module ContentsParameters:
    • type_of_split (TimeseriesAnomalyDataSplitType) – Type of data splitting into train/test.

    • -
    • test_start (str) – Limit training data to dates before the given test start.

    • -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • fill_missing_values (List[List[dict]]) – strategies to fill missing values and missing timestamps

    • -
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in numeric columns as missing data

    • -
    • timeseries_frequency (str) – set this to control frequency of filling missing values

    • -
    • min_samples_in_normal_region (int) – Adjust this to fine-tune the number of anomalies to be identified.

    • +
    • test_start (str) – Limit training data to dates before the given test start.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • fill_missing_values (List[List[dict]]) – strategies to fill missing values and missing timestamps

    • +
    • handle_zeros_as_missing_values (bool) – If True, handle zero values in numeric columns as missing data

    • +
    • timeseries_frequency (str) – set this to control frequency of filling missing values

    • +
    • min_samples_in_normal_region (int) – Adjust this to fine-tune the number of anomalies to be identified.

    • anomaly_type (TimeseriesAnomalyTypeOfAnomaly) – select what kind of peaks to detect as anomalies

    • hyperparameter_calculation_with_heuristics (TimeseriesAnomalyUseHeuristic) – Enable heuristic calculation to get hyperparameters for the model

    • -
    • threshold_score (float) – Threshold score for anomaly detection

    • -
    • additional_anomaly_ids (List[str]) – List of categorical columns that can act as multi-identifier

    • +
    • threshold_score (float) – Threshold score for anomaly detection

    • +
    • additional_anomaly_ids (List[str]) – List of categorical columns that can act as multi-identifier

    @@ -2003,32 +2129,32 @@

    Module Contents
    -test_start: str = None
    +test_start: str = None
    -test_split: int = None
    +test_split: int = None
    -fill_missing_values: List[List[dict]] = None
    +fill_missing_values: List[List[dict]] = None
    -handle_zeros_as_missing_values: bool = None
    +handle_zeros_as_missing_values: bool = None
    -timeseries_frequency: str = None
    +timeseries_frequency: str = None
    -min_samples_in_normal_region: int = None
    +min_samples_in_normal_region: int = None
    @@ -2043,12 +2169,12 @@

    Module Contents
    -threshold_score: float = None
    +threshold_score: float = None

    -additional_anomaly_ids: List[str] = None
    +additional_anomaly_ids: List[str] = None
    @@ -2066,43 +2192,43 @@

    Module Contents
    Parameters:
      -
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • -
    • historical_frequency (str) – Forecast frequency

    • -
    • cumulative_prediction_lengths (List[int]) – List of Cumulative Prediction Frequencies. Each prediction length must be between 1 and 365.

    • -
    • skip_input_transform (bool) – Avoid doing numeric scaling transformations on the input.

    • -
    • skip_target_transform (bool) – Avoid doing numeric scaling transformations on the target.

    • -
    • predict_residuals (bool) – Predict residuals instead of totals at each prediction step.

    • +
    • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

    • +
    • historical_frequency (str) – Forecast frequency

    • +
    • cumulative_prediction_lengths (List[int]) – List of Cumulative Prediction Frequencies. Each prediction length must be between 1 and 365.

    • +
    • skip_input_transform (bool) – Avoid doing numeric scaling transformations on the input.

    • +
    • skip_target_transform (bool) – Avoid doing numeric scaling transformations on the target.

    • +
    • predict_residuals (bool) – Predict residuals instead of totals at each prediction step.

    -test_split: int = None
    +test_split: int = None
    -historical_frequency: str = None
    +historical_frequency: str = None
    -cumulative_prediction_lengths: List[int] = None
    +cumulative_prediction_lengths: List[int] = None
    -skip_input_transform: bool = None
    +skip_input_transform: bool = None
    -skip_target_transform: bool = None
    +skip_target_transform: bool = None
    -predict_residuals: bool = None
    +predict_residuals: bool = None
    @@ -2132,7 +2258,7 @@

    Module Contents
    Parameters:
      -
    • description (str) – Description of the agent function.

    • +
    • description (str) – Description of the agent function.

    • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

    • agent_connectors – (List[enums.ApplicationConnectorType]): The connectors needed for the agent to function.

    @@ -2140,7 +2266,7 @@

    Module Contents
    -description: str = None
    +description: str = None

    @@ -2155,17 +2281,17 @@

    Module Contents
    -enable_binary_input: bool = None
    +enable_binary_input: bool = None

    -agent_input_schema: dict = None
    +agent_input_schema: dict = None
    -agent_output_schema: dict = None
    +agent_output_schema: dict = None
    @@ -2183,43 +2309,43 @@

    Module Contents
    Parameters:
      -
    • max_catalog_size (int) – Maximum expected catalog size.

    • -
    • max_dimension (int) – Maximum expected dimension of the catalog.

    • -
    • index_output_path (str) – Fully qualified cloud location (GCS, S3, etc) to export snapshots of the embedding to.

    • -
    • docker_image_uri (str) – Docker image URI.

    • -
    • service_port (int) – Service port.

    • -
    • streaming_embeddings (bool) – Flag to enable streaming embeddings.

    • +
    • max_catalog_size (int) – Maximum expected catalog size.

    • +
    • max_dimension (int) – Maximum expected dimension of the catalog.

    • +
    • index_output_path (str) – Fully qualified cloud location (GCS, S3, etc) to export snapshots of the embedding to.

    • +
    • docker_image_uri (str) – Docker image URI.

    • +
    • service_port (int) – Service port.

    • +
    • streaming_embeddings (bool) – Flag to enable streaming embeddings.

    -max_catalog_size: int = None
    +max_catalog_size: int = None
    -max_dimension: int = None
    +max_dimension: int = None
    -index_output_path: str = None
    +index_output_path: str = None
    -docker_image_uri: str = None
    +docker_image_uri: str = None
    -service_port: int = None
    +service_port: int = None
    -streaming_embeddings: bool = None
    +streaming_embeddings: bool = None
    @@ -2236,12 +2362,12 @@

    Module Contents
    Parameters:
    -

    timeout_minutes (int) – Timeout for the model training in minutes.

    +

    timeout_minutes (int) – Timeout for the model training in minutes.

    -timeout_minutes: int = None
    +timeout_minutes: int = None
    @@ -2259,31 +2385,31 @@

    Module Contents
    Parameters:
      -
    • solve_time_limit (float) – The maximum time in seconds to spend solving the problem. Accepts values between 0 and 86400.

    • -
    • optimality_gap_limit (float) – The stopping optimality gap limit. Optimality gap is fractional difference between the best known solution and the best possible solution. Accepts values between 0 and 1.

    • -
    • include_all_partitions (bool) – Include all partitions in the model training. Default is False.

    • -
    • include_specific_partitions (List[str]) – Include specific partitions in partitioned model training. Default is empty list.

    • +
    • solve_time_limit (float) – The maximum time in seconds to spend solving the problem. Accepts values between 0 and 86400.

    • +
    • optimality_gap_limit (float) – The stopping optimality gap limit. Optimality gap is fractional difference between the best known solution and the best possible solution. Accepts values between 0 and 1.

    • +
    • include_all_partitions (bool) – Include all partitions in the model training. Default is False.

    • +
    • include_specific_partitions (List[str]) – Include specific partitions in partitioned model training. Default is empty list.

    -solve_time_limit: float = None
    +solve_time_limit: float = None
    -optimality_gap_limit: float = None
    +optimality_gap_limit: float = None
    -include_all_partitions: bool = None
    +include_all_partitions: bool = None
    -include_specific_partitions: List[str] = None
    +include_specific_partitions: List[str] = None
    @@ -2297,8 +2423,6 @@

    Module Contents class abacusai.api_class.model._TrainingConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -2324,31 +2448,31 @@

    Module Contents
    Parameters:
      -
    • algorithm (str) – ID of the algorithm.

    • -
    • name (str) – Name of the algorithm.

    • -
    • only_offline_deployable (bool) – Whether the algorithm can only be deployed offline.

    • -
    • trained_model_types (List[dict]) – List of trained model types.

    • +
    • algorithm (str) – ID of the algorithm.

    • +
    • name (str) – Name of the algorithm.

    • +
    • only_offline_deployable (bool) – Whether the algorithm can only be deployed offline.

    • +
    • trained_model_types (List[dict]) – List of trained model types.

    -algorithm: str = None
    +algorithm: str = None
    -name: str = None
    +name: str = None
    -only_offline_deployable: bool = None
    +only_offline_deployable: bool = None
    -trained_model_types: List[dict] = None
    +trained_model_types: List[dict] = None

    diff --git a/docs/autoapi/abacusai/api_class/monitor/index.html b/docs/autoapi/abacusai/api_class/monitor/index.html index 42a30ccf0..10e51900a 100644 --- a/docs/autoapi/abacusai/api_class/monitor/index.html +++ b/docs/autoapi/abacusai/api_class/monitor/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -366,19 +422,19 @@

    Module Contents
    Parameters:
      -
    • window_duration (int) – The duration of the window.

    • -
    • window_from_start (bool) – Whether the window should be from the start of the time series.

    • +
    • window_duration (int) – The duration of the window.

    • +
    • window_from_start (bool) – Whether the window should be from the start of the time series.

    -window_duration: int = None
    +window_duration: int = None
    -window_from_start: bool = None
    +window_from_start: bool = None
    @@ -399,38 +455,38 @@

    Module Contents
    Parameters:
      -
    • id_column (str) – The name of the column that contains the unique identifier for the time series.

    • -
    • timestamp_column (str) – The name of the column that contains the timestamp for the time series.

    • -
    • target_column (str) – The name of the column that contains the target value for the time series.

    • -
    • start_time (str) – The start time of the time series data.

    • -
    • end_time (str) – The end time of the time series data.

    • +
    • id_column (str) – The name of the column that contains the unique identifier for the time series.

    • +
    • timestamp_column (str) – The name of the column that contains the timestamp for the time series.

    • +
    • target_column (str) – The name of the column that contains the target value for the time series.

    • +
    • start_time (str) – The start time of the time series data.

    • +
    • end_time (str) – The end time of the time series data.

    • window_config (TimeWindowConfig) – The windowing configuration for the time series data.

    -id_column: str = None
    +id_column: str = None
    -timestamp_column: str = None
    +timestamp_column: str = None
    -target_column: str = None
    +target_column: str = None
    -start_time: str = None
    +start_time: str = None
    -end_time: str = None
    +end_time: str = None
    @@ -457,7 +513,7 @@

    Module ContentsParameters:

    @@ -468,7 +524,7 @@

    Module Contents
    -value: float = None
    +value: float = None
    @@ -522,43 +578,43 @@

    Module Contents
    Parameters:
      -
    • feature_name (str) – The name of the feature to restrict the monitor to.

    • -
    • restricted_feature_values (list) – The values of the feature to restrict the monitor to if feature is a categorical.

    • -
    • start_time (str) – The start time of the timestamp feature to filter from

    • -
    • end_time (str) – The end time of the timestamp feature to filter until

    • -
    • min_value (float) – Value to filter the numerical feature above

    • -
    • max_value (float) – Filtering the numerical feature to below this value

    • +
    • feature_name (str) – The name of the feature to restrict the monitor to.

    • +
    • restricted_feature_values (list) – The values of the feature to restrict the monitor to if feature is a categorical.

    • +
    • start_time (str) – The start time of the timestamp feature to filter from

    • +
    • end_time (str) – The end time of the timestamp feature to filter until

    • +
    • min_value (float) – Value to filter the numerical feature above

    • +
    • max_value (float) – Filtering the numerical feature to below this value

    -feature_name: str = None
    +feature_name: str = None
    -restricted_feature_values: list = []
    +restricted_feature_values: list = []
    -start_time: str = None
    +start_time: str = None
    -end_time: str = None
    +end_time: str = None
    -min_value: float = None
    +min_value: float = None
    -max_value: float = None
    +max_value: float = None
    @@ -579,23 +635,23 @@

    Module Contents
    Parameters:
      -
    • start_time (str) – The start time of the prediction time col

    • -
    • end_time (str) – The end time of the prediction time col

    • +
    • start_time (str) – The start time of the prediction time col

    • +
    • end_time (str) – The end time of the prediction time col

    • restrict_feature_mappings (RestrictFeatureMappings) – The feature mapping to restrict the monitor to.

    • -
    • target_class (str) – The target class to restrict the monitor to.

    • -
    • train_target_feature (str) – Set the target feature for the training data.

    • -
    • prediction_target_feature (str) – Set the target feature for the prediction data.

    • +
    • target_class (str) – The target class to restrict the monitor to.

    • +
    • train_target_feature (str) – Set the target feature for the training data.

    • +
    • prediction_target_feature (str) – Set the target feature for the prediction data.

    -start_time: str = None
    +start_time: str = None
    -end_time: str = None
    +end_time: str = None
    @@ -605,17 +661,17 @@

    Module Contents
    -target_class: str = None
    +target_class: str = None

    -train_target_feature: str = None
    +train_target_feature: str = None
    -prediction_target_feature: str = None
    +prediction_target_feature: str = None
    diff --git a/docs/autoapi/abacusai/api_class/monitor_alert/index.html b/docs/autoapi/abacusai/api_class/monitor_alert/index.html index cc7aec522..42811cc9c 100644 --- a/docs/autoapi/abacusai/api_class/monitor_alert/index.html +++ b/docs/autoapi/abacusai/api_class/monitor_alert/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -360,7 +416,7 @@

    Classes

    - + @@ -369,7 +425,7 @@

    Classes

    - + @@ -403,12 +459,12 @@

    Module Contents
    Parameters:
    -

    threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    +

    threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    -threshold: float = None
    +threshold: float = None
    @@ -427,9 +483,9 @@

    Module ContentsParameters:
    • feature_drift_type (FeatureDriftType) – Feature drift type to apply the threshold on to determine whether a column has drifted significantly enough to be a violation.

    • -
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • -
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • -
    • feature_names (List[str]) – List of feature names to monitor for this alert.

    • +
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • +
    • feature_names (List[str]) – List of feature names to monitor for this alert.

    @@ -440,17 +496,17 @@

    Module Contents
    -threshold: float = None
    +threshold: float = None
    -minimum_violations: int = None
    +minimum_violations: int = None
    -feature_names: List[str] = None
    +feature_names: List[str] = None
    @@ -469,7 +525,7 @@

    Module ContentsParameters:
    • feature_drift_type (FeatureDriftType) – Target drift type to apply the threshold on to determine whether a column has drifted significantly enough to be a violation.

    • -
    • threshold (float) – Threshold for when to consider the target column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • threshold (float) – Threshold for when to consider the target column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    @@ -480,7 +536,7 @@

    Module Contents
    -threshold: float = None
    +threshold: float = None
    @@ -499,7 +555,7 @@

    Module ContentsParameters:
    • feature_drift_type (FeatureDriftType) – History length drift type to apply the threshold on to determine whether the history length has drifted significantly enough to be a violation.

    • -
    • threshold (float) – Threshold for when to consider the history length to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • threshold (float) – Threshold for when to consider the history length to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    @@ -510,7 +566,7 @@

    Module Contents
    -threshold: float = None
    +threshold: float = None
    @@ -529,7 +585,7 @@

    Module ContentsParameters:
    • data_integrity_type (DataIntegrityViolationType) – This option selects the data integrity violations to monitor for this alert.

    • -
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • +
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    @@ -540,7 +596,7 @@

    Module Contents
    -minimum_violations: int = None
    +minimum_violations: int = None
    @@ -559,8 +615,8 @@

    Module ContentsParameters:
    • bias_type (BiasType) – This option selects the bias metric to monitor for this alert.

    • -
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • -
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    • +
    • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

    • +
    • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

    @@ -571,12 +627,12 @@

    Module Contents
    -threshold: float = None
    +threshold: float = None
    -minimum_violations: int = None
    +minimum_violations: int = None
    @@ -599,17 +655,17 @@

    Module Contents
    -threshold: float = None
    +threshold: float = None

    -aggregation_window: str = None
    +aggregation_window: str = None
    -aggregation_type: str = None
    +aggregation_type: str = None
    @@ -623,8 +679,6 @@

    Module Contents class abacusai.api_class.monitor_alert._AlertConditionConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -672,19 +726,19 @@

    Module Contents
    Parameters:
      -
    • email_recipients (List[str]) – List of email addresses to send the alert to.

    • -
    • email_body (str) – Body of the email to send.

    • +
    • email_recipients (List[str]) – List of email addresses to send the alert to.

    • +
    • email_body (str) – Body of the email to send.

    -email_recipients: List[str] = None
    +email_recipients: List[str] = None
    -email_body: str = None
    +email_body: str = None
    @@ -698,8 +752,6 @@

    Module Contents class abacusai.api_class.monitor_alert._AlertActionConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    @@ -737,21 +789,18 @@

    Module Contents
    -at_risk_threshold: float = None
    +at_risk_threshold: float = None

    -severely_drifting_threshold: float = None
    +severely_drifting_threshold: float = None
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -
    +

    diff --git a/docs/autoapi/abacusai/api_class/project/index.html b/docs/autoapi/abacusai/api_class/project/index.html index c24e0f8fe..2a5765883 100644 --- a/docs/autoapi/abacusai/api_class/project/index.html +++ b/docs/autoapi/abacusai/api_class/project/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -354,7 +410,7 @@

    Classes

    - +

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    FieldDescriptor

    WorkflowGraphNode

    Represents a node in an Agent workflow graph.

    WorkflowGraphEdge

    DecisionNode

    Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed.

    LLMAgentNode

    Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters.

    InputNode

    Represents an input node in an agent workflow graph.

    WorkflowGraphEdge

    Represents an edge in an Agent workflow graph.

    WorkflowGraph

    WorkflowGraph

    Represents an Agent workflow graph.

    AgentConversationMessage

    AgentConversationMessage

    Message format for agent conversation

    WorkflowNodeTemplateConfig

    WorkflowNodeTemplateConfig

    Represents a WorkflowNode template config.

    WorkflowNodeTemplateInput

    WorkflowNodeTemplateInput

    Represents an input to the workflow node generated using template.

    WorkflowNodeTemplateOutput

    WorkflowNodeTemplateOutput

    Represents an output returned by the workflow node generated using template.

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    HotkeyPrompt

    HotkeyPrompt

    A config class for a Data Science Co-Pilot Hotkey

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    BatchPredictionArgs

    BatchPredictionArgs

    An abstract class for Batch Prediction args specific to problem type.

    ForecastingBatchPredictionArgs

    ForecastingBatchPredictionArgs

    Batch Prediction Config for the FORECASTING problem type

    NamedEntityExtractionBatchPredictionArgs

    NamedEntityExtractionBatchPredictionArgs

    Batch Prediction Config for the NAMED_ENTITY_EXTRACTION problem type

    PersonalizationBatchPredictionArgs

    PersonalizationBatchPredictionArgs

    Batch Prediction Config for the PERSONALIZATION problem type

    PredictiveModelingBatchPredictionArgs

    PredictiveModelingBatchPredictionArgs

    Batch Prediction Config for the PREDICTIVE_MODELING problem type

    PretrainedModelsBatchPredictionArgs

    PretrainedModelsBatchPredictionArgs

    Batch Prediction Config for the PRETRAINED_MODELS problem type

    SentenceBoundaryDetectionBatchPredictionArgs

    SentenceBoundaryDetectionBatchPredictionArgs

    Batch Prediction Config for the SENTENCE_BOUNDARY_DETECTION problem type

    ThemeAnalysisBatchPredictionArgs

    ThemeAnalysisBatchPredictionArgs

    Batch Prediction Config for the THEME_ANALYSIS problem type

    ChatLLMBatchPredictionArgs

    ChatLLMBatchPredictionArgs

    Batch Prediction Config for the ChatLLM problem type

    TrainablePlugAndPlayBatchPredictionArgs

    TrainablePlugAndPlayBatchPredictionArgs

    Batch Prediction Config for the TrainablePlugAndPlay problem type

    AIAgentBatchPredictionArgs

    AIAgentBatchPredictionArgs

    Batch Prediction Config for the AIAgents problem type

    _BatchPredictionArgsFactory

    Helper class that provides a standard way to create an ABC using

    _BatchPredictionArgsFactory

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    Blob

    Blob

    An object for storing and passing file data.

    BlobInput

    BlobInput

    An object for storing and passing file data.

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    DatasetConfig

    DatasetConfig

    An abstract class for dataset configs

    StreamingConnectorDatasetConfig

    StreamingConnectorDatasetConfig

    An abstract class for dataset configs specific to streaming connectors.

    KafkaDatasetConfig

    KafkaDatasetConfig

    Dataset config for Kafka Streaming Connector

    _StreamingConnectorDatasetConfigFactory

    Helper class that provides a standard way to create an ABC using

    _StreamingConnectorDatasetConfigFactory

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    DocumentType

    DocumentType

    Generic enumeration.

    OcrMode

    OcrMode

    Generic enumeration.

    DatasetConfig

    DatasetConfig

    An abstract class for dataset configs

    ParsingConfig

    ParsingConfig

    Custom config for dataset parsing.

    DocumentProcessingConfig

    DocumentProcessingConfig

    Document processing configuration.

    DatasetDocumentProcessingConfig

    DatasetDocumentProcessingConfig

    Document processing configuration for dataset imports.

    IncrementalDatabaseConnectorConfig

    IncrementalDatabaseConnectorConfig

    Config information for incremental datasets from database connectors

    AttachmentParsingConfig

    AttachmentParsingConfig

    Config information for parsing attachments

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    DatasetConfig

    DatasetConfig

    An abstract class for dataset configs

    DatasetDocumentProcessingConfig

    DatasetDocumentProcessingConfig

    Document processing configuration for dataset imports.

    ApplicationConnectorDatasetConfig

    ApplicationConnectorDatasetConfig

    An abstract class for dataset configs specific to application connectors.

    ConfluenceDatasetConfig

    ConfluenceDatasetConfig

    Dataset config for Confluence Application Connector

    BoxDatasetConfig

    BoxDatasetConfig

    Dataset config for Box Application Connector

    GoogleAnalyticsDatasetConfig

    GoogleAnalyticsDatasetConfig

    Dataset config for Google Analytics Application Connector

    GoogleDriveDatasetConfig

    GoogleDriveDatasetConfig

    Dataset config for Google Drive Application Connector

    JiraDatasetConfig

    JiraDatasetConfig

    Dataset config for Jira Application Connector

    OneDriveDatasetConfig

    OneDriveDatasetConfig

    Dataset config for OneDrive Application Connector

    SharepointDatasetConfig

    SharepointDatasetConfig

    Dataset config for Sharepoint Application Connector

    ZendeskDatasetConfig

    ZendeskDatasetConfig

    Dataset config for Zendesk Application Connector

    AbacusUsageMetricsDatasetConfig

    AbacusUsageMetricsDatasetConfig

    Dataset config for Abacus Usage Metrics Application Connector

    TeamsScraperDatasetConfig

    TeamsScraperDatasetConfig

    Dataset config for Teams Scraper Application Connector

    FreshserviceDatasetConfig

    OutlookDatasetConfig

    Dataset config for Outlook Application Connector

    AzureStorageDatasetConfig

    Dataset config for Azure Storage Application Connector

    FreshserviceDatasetConfig

    Dataset config for Freshservice Application Connector

    SftpDatasetConfig

    Dataset config for SFTP Application Connector

    _ApplicationConnectorDatasetConfigFactory

    Helper class that provides a standard way to create an ABC using

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    PredictionArguments

    Prediction arguments for the FEATURE_STORE problem type

    _PredictionArgumentsFactory

    Helper class that provides a standard way to create an ABC using

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    VectorStoreTextEncoder

    VectorStoreTextEncoder

    Generic enumeration.

    VectorStoreConfig

    PythonFunctionOutputArgumentType

    Generic enumeration.

    VectorStoreTextEncoder

    VectorStoreTextEncoder

    Generic enumeration.

    LLMName

    WorkflowNodeOutputType

    Generic enumeration.

    OcrMode

    OcrMode

    Generic enumeration.

    DocumentType

    DocumentType

    Generic enumeration.

    StdDevThresholdType

    StdDevThresholdType

    Generic enumeration.

    DataType

    DeploymentConversationType

    Generic enumeration.

    ApiClass

    AgentClientType

    Generic enumeration.

    OrganizationSecretType

    Enum for organization secret types

    ApiClass

    Helper class that provides a standard way to create an ABC using

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    DocumentProcessingConfig

    DocumentProcessingConfig

    Document processing configuration.

    SamplingConfig

    _OperatorConfigFactory

    A class to select and return the the correct type of Operator Config based on a serialized OperatorConfig instance.

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    TrainingConfig

    NaturalLanguageSearchTrainingConfig

    Training config for the NATURAL_LANGUAGE_SEARCH problem type

    ChatLLMTrainingConfig

    SystemConnectorTool

    System connector tool used to integrate chatbots with external services.

    ChatLLMTrainingConfig

    Training config for the CHAT_LLM problem type

    SentenceBoundaryDetectionTrainingConfig

    SentenceBoundaryDetectionTrainingConfig

    Training config for the SENTENCE_BOUNDARY_DETECTION problem type

    SentimentDetectionTrainingConfig

    SentimentDetectionTrainingConfig

    Training config for the SENTIMENT_DETECTION problem type

    DocumentClassificationTrainingConfig

    DocumentClassificationTrainingConfig

    Training config for the DOCUMENT_CLASSIFICATION problem type

    DocumentSummarizationTrainingConfig

    DocumentSummarizationTrainingConfig

    Training config for the DOCUMENT_SUMMARIZATION problem type

    DocumentVisualizationTrainingConfig

    DocumentVisualizationTrainingConfig

    Training config for the DOCUMENT_VISUALIZATION problem type

    ClusteringTrainingConfig

    ClusteringTrainingConfig

    Training config for the CLUSTERING problem type

    ClusteringTimeseriesTrainingConfig

    ClusteringTimeseriesTrainingConfig

    Training config for the CLUSTERING_TIMESERIES problem type

    EventAnomalyTrainingConfig

    EventAnomalyTrainingConfig

    Training config for the EVENT_ANOMALY problem type

    TimeseriesAnomalyTrainingConfig

    TimeseriesAnomalyTrainingConfig

    Training config for the TS_ANOMALY problem type

    CumulativeForecastingTrainingConfig

    CumulativeForecastingTrainingConfig

    Training config for the CUMULATIVE_FORECASTING problem type

    ThemeAnalysisTrainingConfig

    ThemeAnalysisTrainingConfig

    Training config for the THEME ANALYSIS problem type

    AIAgentTrainingConfig

    AIAgentTrainingConfig

    Training config for the AI_AGENT problem type

    CustomTrainedModelTrainingConfig

    CustomTrainedModelTrainingConfig

    Training config for the CUSTOM_TRAINED_MODEL problem type

    CustomAlgorithmTrainingConfig

    CustomAlgorithmTrainingConfig

    Training config for the CUSTOM_ALGORITHM problem type

    OptimizationTrainingConfig

    OptimizationTrainingConfig

    Training config for the OPTIMIZATION problem type

    _TrainingConfigFactory

    Helper class that provides a standard way to create an ABC using

    _TrainingConfigFactory

    DeployableAlgorithm

    DeployableAlgorithm

    Algorithm that can be deployed to a model.

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    StdDevThresholdType

    StdDevThresholdType

    Generic enumeration.

    TimeWindowConfig

    TimeWindowConfig

    Time Window Configuration

    ForecastingMonitorConfig

    ForecastingMonitorConfig

    Forecasting Monitor Configuration

    StdDevThreshold

    StdDevThreshold

    Std Dev Threshold types

    ItemAttributesStdDevThreshold

    ItemAttributesStdDevThreshold

    Item Attributes Std Dev Threshold for Monitor Alerts

    RestrictFeatureMappings

    RestrictFeatureMappings

    Restrict Feature Mappings for Monitor Filtering

    MonitorFilteringConfig

    MonitorFilteringConfig

    Monitor Filtering Configuration

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    AlertConditionConfig

    AlertConditionConfig

    An abstract class for alert condition configs

    AccuracyBelowThresholdConditionConfig

    AccuracyBelowThresholdConditionConfig

    Accuracy Below Threshold Condition Config for Monitor Alerts

    FeatureDriftConditionConfig

    FeatureDriftConditionConfig

    Feature Drift Condition Config for Monitor Alerts

    TargetDriftConditionConfig

    TargetDriftConditionConfig

    Target Drift Condition Config for Monitor Alerts

    HistoryLengthDriftConditionConfig

    HistoryLengthDriftConditionConfig

    History Length Drift Condition Config for Monitor Alerts

    DataIntegrityViolationConditionConfig

    DataIntegrityViolationConditionConfig

    Data Integrity Violation Condition Config for Monitor Alerts

    BiasViolationConditionConfig

    BiasViolationConditionConfig

    Bias Violation Condition Config for Monitor Alerts

    PredictionCountConditionConfig

    PredictionCountConditionConfig

    Deployment Prediction Condition Config for Deployment Alerts. By default we monitor if predictions made over a time window has reduced significantly.

    _AlertConditionConfigFactory

    Helper class that provides a standard way to create an ABC using

    _AlertConditionConfigFactory

    AlertActionConfig

    AlertActionConfig

    An abstract class for alert action configs

    EmailActionConfig

    EmailActionConfig

    Email Action Config for Monitor Alerts

    _AlertActionConfigFactory

    Helper class that provides a standard way to create an ABC using

    _AlertActionConfigFactory

    MonitorThresholdConfig

    MonitorThresholdConfig

    Monitor Threshold Config for Monitor Alerts

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    FeatureMappingConfig

    FeatureMappingConfig

    Feature mapping configuration for a feature group type.

    ProjectFeatureGroupTypeMappingsConfig

    ProjectFeatureGroupTypeMappingsConfig

    Project feature group type mappings.

    ConstraintConfig

    ConstraintConfig

    Constraint configuration.

    ProjectFeatureGroupConfig

    ProjectFeatureGroupConfig

    An abstract class for project feature group configuration.

    ConstraintProjectFeatureGroupConfig

    ConstraintProjectFeatureGroupConfig

    Constraint project feature group configuration.

    ReviewModeProjectFeatureGroupConfig

    ReviewModeProjectFeatureGroupConfig

    Review mode project feature group configuration.

    _ProjectFeatureGroupConfigFactory

    Helper class that provides a standard way to create an ABC using

    _ProjectFeatureGroupConfigFactory

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    PythonFunctionArgument

    PythonFunctionArgument

    A config class for python function arguments

    OutputVariableMapping

    OutputVariableMapping

    A config class for python function arguments

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    _ApiClassFactory

    _ApiClassFactory

    Helper class that provides a standard way to create an ABC using

    FeatureGroupExportConfig

    FeatureGroupExportConfig

    An abstract class for feature group exports.

    FileConnectorExportConfig

    FileConnectorExportConfig

    File connector export config for feature groups

    DatabaseConnectorExportConfig

    DatabaseConnectorExportConfig

    Database connector export config for feature groups

    _FeatureGroupExportConfigFactory

    Helper class that provides a standard way to create an ABC using

    _FeatureGroupExportConfigFactory

    ApiClass

    ApiClass

    Helper class that provides a standard way to create an ABC using

    ResponseSection

    ResponseSection

    A response section that an agent can return to render specific UI elements.

    AgentFlowButtonResponseSection

    AgentFlowButtonResponseSection

    A response section that an AI Agent can return to render a button.

    ImageUrlResponseSection

    ImageUrlResponseSection

    A response section that an agent can return to render an image.

    TextResponseSection

    TextResponseSection

    A response section that an agent can return to render text.

    RuntimeSchemaResponseSection

    RuntimeSchemaResponseSection

    A segment that an agent can return to render json and ui schema in react-jsonschema-form format for workflow nodes.

    CodeResponseSection

    CodeResponseSection

    A response section that an agent can return to render code.

    Base64ImageResponseSection

    Base64ImageResponseSection

    A response section that an agent can return to render a base64 image.

    CollapseResponseSection

    CollapseResponseSection

    A response section that an agent can return to render a collapsible component.

    ListResponseSection

    ListResponseSection

    A response section that an agent can return to render a list.

    ChartResponseSection

    ChartResponseSection

    A response section that an agent can return to render a chart.

    DataframeResponseSection

    DataframeResponseSection

    A response section that an agent can return to render a pandas dataframe.

    NaturalLanguageSearchTrainingConfig

    Training config for the NATURAL_LANGUAGE_SEARCH problem type

    ChatLLMTrainingConfig

    SystemConnectorTool

    System connector tool used to integrate chatbots with external services.

    ChatLLMTrainingConfig

    Training config for the CHAT_LLM problem type

    SentenceBoundaryDetectionTrainingConfig

    SentenceBoundaryDetectionTrainingConfig

    Training config for the SENTENCE_BOUNDARY_DETECTION problem type

    SentimentDetectionTrainingConfig

    SentimentDetectionTrainingConfig

    Training config for the SENTIMENT_DETECTION problem type

    DocumentClassificationTrainingConfig

    DocumentClassificationTrainingConfig

    Training config for the DOCUMENT_CLASSIFICATION problem type

    DocumentSummarizationTrainingConfig

    DocumentSummarizationTrainingConfig

    Training config for the DOCUMENT_SUMMARIZATION problem type

    DocumentVisualizationTrainingConfig

    DocumentVisualizationTrainingConfig

    Training config for the DOCUMENT_VISUALIZATION problem type

    ClusteringTrainingConfig

    ClusteringTrainingConfig

    Training config for the CLUSTERING problem type

    ClusteringTimeseriesTrainingConfig

    ClusteringTimeseriesTrainingConfig

    Training config for the CLUSTERING_TIMESERIES problem type

    EventAnomalyTrainingConfig

    EventAnomalyTrainingConfig

    Training config for the EVENT_ANOMALY problem type

    TimeseriesAnomalyTrainingConfig

    TimeseriesAnomalyTrainingConfig

    Training config for the TS_ANOMALY problem type

    CumulativeForecastingTrainingConfig

    CumulativeForecastingTrainingConfig

    Training config for the CUMULATIVE_FORECASTING problem type

    ThemeAnalysisTrainingConfig

    ThemeAnalysisTrainingConfig

    Training config for the THEME ANALYSIS problem type

    AIAgentTrainingConfig

    AIAgentTrainingConfig

    Training config for the AI_AGENT problem type

    CustomTrainedModelTrainingConfig

    CustomTrainedModelTrainingConfig

    Training config for the CUSTOM_TRAINED_MODEL problem type

    CustomAlgorithmTrainingConfig

    CustomAlgorithmTrainingConfig

    Training config for the CUSTOM_ALGORITHM problem type

    OptimizationTrainingConfig

    OptimizationTrainingConfig

    Training config for the OPTIMIZATION problem type

    _TrainingConfigFactory

    Helper class that provides a standard way to create an ABC using

    _TrainingConfigFactory

    DeployableAlgorithm

    DeployableAlgorithm

    Algorithm that can be deployed to a model.

    Deployment Prediction Condition Config for Deployment Alerts. By default we monitor if predictions made over a time window has reduced significantly.

    _AlertConditionConfigFactory

    Helper class that provides a standard way to create an ABC using

    AlertActionConfig

    An abstract class for alert action configs

    Email Action Config for Monitor Alerts

    _AlertActionConfigFactory

    Helper class that provides a standard way to create an ABC using

    MonitorThresholdConfig

    Monitor Threshold Config for Monitor Alerts

    Review mode project feature group configuration.

    _ProjectFeatureGroupConfigFactory

    Helper class that provides a standard way to create an ABC using

    @@ -369,25 +425,25 @@

    Module Contents
    Parameters:
      -
    • feature_name (str) – The name of the feature in the feature group.

    • -
    • feature_mapping (str) – The desired feature mapping for the feature.

    • -
    • nested_feature_name (str) – The name of the nested feature in the feature group.

    • +
    • feature_name (str) – The name of the feature in the feature group.

    • +
    • feature_mapping (str) – The desired feature mapping for the feature.

    • +
    • nested_feature_name (str) – The name of the nested feature in the feature group.

    -feature_name: str
    +feature_name: str
    -feature_mapping: str = None
    +feature_mapping: str = None
    -nested_feature_name: str = None
    +nested_feature_name: str = None
    @@ -400,20 +456,20 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique identifier for the feature group.

    • -
    • feature_group_type (str) – The feature group type.

    • +
    • feature_group_id (str) – The unique identifier for the feature group.

    • +
    • feature_group_type (str) – The feature group type.

    • feature_mappings (List[FeatureMappingConfig]) – The feature mappings for the feature group.

    -feature_group_id: str
    +feature_group_id: str
    -feature_group_type: str = None
    +feature_group_type: str = None
    @@ -426,7 +482,7 @@

    Module Contentsclassmethod from_dict(input_dict)
    Parameters:
    -

    input_dict (dict)

    +

    input_dict (dict)

    @@ -441,37 +497,37 @@

    Module Contents
    Parameters:
      -
    • constant (float) – The constant value for the constraint.

    • -
    • operator (str) – The operator for the constraint. Could be ‘EQ’, ‘LE’, ‘GE’

    • -
    • enforcement (str) – The enforcement for the constraint. Could be ‘HARD’ or ‘SOFT’ or ‘SKIP’. Default is ‘HARD’

    • -
    • code (str) – The code for the constraint.

    • -
    • penalty (float) – The penalty for violating the constraint.

    • +
    • constant (float) – The constant value for the constraint.

    • +
    • operator (str) – The operator for the constraint. Could be ‘EQ’, ‘LE’, ‘GE’

    • +
    • enforcement (str) – The enforcement for the constraint. Could be ‘HARD’ or ‘SOFT’ or ‘SKIP’. Default is ‘HARD’

    • +
    • code (str) – The code for the constraint.

    • +
    • penalty (float) – The penalty for violating the constraint.

    -constant: float
    +constant: float
    -operator: str
    +operator: str
    -enforcement: str | None = None
    +enforcement: str | None = None
    -code: str | None = None
    +code: str | None = None
    -penalty: float | None = None
    +penalty: float | None = None
    @@ -522,12 +578,12 @@

    Module Contents
    Parameters:
    -

    is_review_mode (bool) – The review mode for the feature group.

    +

    is_review_mode (bool) – The review mode for the feature group.

    -is_review_mode: bool
    +is_review_mode: bool
    @@ -541,8 +597,6 @@

    Module Contents class abacusai.api_class.project._ProjectFeatureGroupConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    diff --git a/docs/autoapi/abacusai/api_class/python_functions/index.html b/docs/autoapi/abacusai/api_class/python_functions/index.html index 33acabbf2..e9ca25ffc 100644 --- a/docs/autoapi/abacusai/api_class/python_functions/index.html +++ b/docs/autoapi/abacusai/api_class/python_functions/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -355,12 +411,13 @@

    Module ContentsParameters:
    • variable_type (PythonFunctionArgumentType) – The type of the python function argument

    • -
    • name (str) – The name of the python function variable

    • -
    • is_required (bool) – Whether the argument is required

    • +
    • name (str) – The name of the python function variable

    • +
    • is_required (bool) – Whether the argument is required

    • value (Any) – The value of the argument

    • -
    • pipeline_variable (str) – The name of the pipeline variable to use as the value

    • -
    • description (str) – The description of the argument

    • -
    • item_type (str) – Type of items when variable_type is LIST

    • +
    • pipeline_variable (str) – The name of the pipeline variable to use as the value

    • +
    • description (str) – The description of the argument

    • +
    • long_description (str) – The detailed description of the argument

    • +
    • item_type (str) – Type of items when variable_type is LIST

    @@ -371,12 +428,12 @@

    Module Contents
    -name: str = None
    +name: str = None

    -is_required: bool = True
    +is_required: bool = True
    @@ -386,17 +443,22 @@

    Module Contents
    -pipeline_variable: str = None
    +pipeline_variable: str = None

    -description: str = None
    +description: str = None +
    + +
    +
    +long_description: str = None
    -item_type: str = None
    +item_type: str = None
    @@ -410,7 +472,9 @@

    Module ContentsParameters:
    • variable_type (PythonFunctionOutputArgumentType) – The type of the python function output argument

    • -
    • name (str) – The name of the python function variable

    • +
    • name (str) – The name of the python function variable

    • +
    • description (str) – The description of the output

    • +
    • long_description (str) – The detailed description of the output

    @@ -421,7 +485,17 @@

    Module Contents
    -name: str = None
    +name: str = None +
    + +
    +
    +description: str = None
    +
    + +
    +
    +long_description: str = None
    diff --git a/docs/autoapi/abacusai/api_class/refresh/index.html b/docs/autoapi/abacusai/api_class/refresh/index.html index 5f94294de..29ab314d2 100644 --- a/docs/autoapi/abacusai/api_class/refresh/index.html +++ b/docs/autoapi/abacusai/api_class/refresh/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -345,7 +401,7 @@

    Classes

    Database connector export config for feature groups

    _FeatureGroupExportConfigFactory

    -

    Helper class that provides a standard way to create an ABC using

    +

    @@ -377,19 +433,19 @@

    Module Contents
    Parameters:
      -
    • location (str) – The location to export the feature group to

    • -
    • export_file_format (str) – The file format to export the feature group to

    • +
    • location (str) – The location to export the feature group to

    • +
    • export_file_format (str) – The file format to export the feature group to

    -location: str = None
    +location: str = None
    -export_file_format: str = None
    +export_file_format: str = None
    @@ -400,10 +456,7 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -415,43 +468,43 @@

    Module Contents
    Parameters:
      -
    • database_connector_id (str) – The ID of the database connector to export the feature group to

    • -
    • mode (str) – The mode to export the feature group in

    • -
    • object_name (str) – The name of the object to export the feature group to

    • -
    • id_column (str) – The name of the ID column

    • -
    • additional_id_columns (List[str]) – Additional ID columns

    • -
    • data_columns (Dict[str, str]) – The data columns to export the feature group to

    • +
    • database_connector_id (str) – The ID of the database connector to export the feature group to

    • +
    • mode (str) – The mode to export the feature group in

    • +
    • object_name (str) – The name of the object to export the feature group to

    • +
    • id_column (str) – The name of the ID column

    • +
    • additional_id_columns (List[str]) – Additional ID columns

    • +
    • data_columns (Dict[str, str]) – The data columns to export the feature group to

    -database_connector_id: str = None
    +database_connector_id: str = None
    -mode: str = None
    +mode: str = None
    -object_name: str = None
    +object_name: str = None
    -id_column: str = None
    +id_column: str = None
    -additional_id_columns: List[str] = None
    +additional_id_columns: List[str] = None
    -data_columns: Dict[str, str] = None
    +data_columns: Dict[str, str] = None
    @@ -462,10 +515,7 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -473,8 +523,6 @@

    Module Contents class abacusai.api_class.refresh._FeatureGroupExportConfigFactory

    Bases: abacusai.api_class.abstract._ApiClassFactory

    -

    Helper class that provides a standard way to create an ABC using -inheritance.

    config_abstract_class
    diff --git a/docs/autoapi/abacusai/api_class/segments/index.html b/docs/autoapi/abacusai/api_class/segments/index.html index 85e356743..9889691cd 100644 --- a/docs/autoapi/abacusai/api_class/segments/index.html +++ b/docs/autoapi/abacusai/api_class/segments/index.html @@ -76,6 +76,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -84,25 +86,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -116,6 +131,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -126,6 +142,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -136,7 +155,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -163,7 +184,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -171,20 +191,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -192,6 +224,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -246,6 +282,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -262,33 +300,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -392,7 +448,7 @@

    Module ContentsParameters:

    @@ -403,7 +459,7 @@

    Module Contents
    -id: str
    +id: str
    @@ -414,10 +470,7 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +

    @@ -434,20 +487,20 @@

    Module Contents
    Parameters:
      -
    • label (str) – The label of the button.

    • -
    • agent_workflow_node_name (str) – The workflow start node to be executed when the button is clicked.

    • -
    • section_key (str)

    • +
    • label (str) – The label of the button.

    • +
    • agent_workflow_node_name (str) – The workflow start node to be executed when the button is clicked.

    • +
    • section_key (str)

    -label: str
    +label: str
    -agent_workflow_node_name: str
    +agent_workflow_node_name: str
    @@ -460,47 +513,47 @@

    Module Contents
    Parameters:
      -
    • url (str) – The url of the image to be displayed.

    • -
    • height (int) – The height of the image.

    • -
    • width (int) – The width of the image.

    • -
    • section_key (str)

    • +
    • url (str) – The url of the image to be displayed.

    • +
    • height (int) – The height of the image.

    • +
    • width (int) – The width of the image.

    • +
    • section_key (str)

    -url: str
    +url: str
    -height: int
    +height: int
    -width: int
    +width: int
    -class abacusai.api_class.segments.TextResponseSection(text, section_key=None)
    +class abacusai.api_class.segments.TextResponseSection(segment=None, section_key=None, text=None)

    Bases: ResponseSection

    A response section that an agent can return to render text.

    Parameters:
      -
    • segment (str) – The text to be displayed.

    • -
    • text (str)

    • -
    • section_key (str)

    • +
    • segment (str) – The text to be displayed.

    • +
    • section_key (str)

    • +
    • text (str)

    -segment: str
    +segment: str
    @@ -514,20 +567,20 @@

    Module Contents
    Parameters:
      -
    • json_schema (dict) – json schema in RJSF format.

    • -
    • ui_schema (dict) – ui schema in RJSF format.

    • -
    • schema_prop (str)

    • +
    • json_schema (dict) – json schema in RJSF format.

    • +
    • ui_schema (dict) – ui schema in RJSF format.

    • +
    • schema_prop (str)

    -json_schema: dict
    +json_schema: dict
    -ui_schema: dict
    +ui_schema: dict
    @@ -540,15 +593,15 @@

    Module Contents
    Parameters:
      -
    • code (str) – The code to be displayed.

    • +
    • code (str) – The code to be displayed.

    • language (CodeLanguage) – The language of the code.

    • -
    • section_key (str)

    • +
    • section_key (str)

    -code: str
    +code: str
    @@ -566,14 +619,14 @@

    Module Contents
    Parameters:
      -
    • b64_image (str) – The base64 image to be displayed.

    • -
    • section_key (str)

    • +
    • b64_image (str) – The base64 image to be displayed.

    • +
    • section_key (str)

    -b64_image: str
    +b64_image: str
    @@ -586,15 +639,15 @@

    Module Contents
    Parameters:
      -
    • title (str) – The title of the collapsible component.

    • +
    • title (str) – The title of the collapsible component.

    • content (ResponseSection) – The response section constituting the content of collapsible component

    • -
    • section_key (str)

    • +
    • section_key (str)

    -title: str
    +title: str
    @@ -605,10 +658,7 @@

    Module Contents
    to_dict()
    -

    Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

    -

    +
    @@ -620,14 +670,14 @@

    Module Contents
    Parameters:
      -
    • items (List[str]) – The list items to be displayed.

    • -
    • section_key (str)

    • +
    • items (List[str]) – The list items to be displayed.

    • +
    • section_key (str)

    -items: List[str]
    +items: List[str]
    @@ -640,14 +690,14 @@

    Module Contents
    Parameters:
      -
    • chart (dict) – The chart to be displayed.

    • -
    • section_key (str)

    • +
    • chart (dict) – The chart to be displayed.

    • +
    • section_key (str)

    -chart: dict
    +chart: dict
    @@ -665,8 +715,8 @@

    Module ContentsParameters:
    @@ -677,7 +727,7 @@

    Module Contents
    -header: str
    +header: str
    diff --git a/docs/autoapi/abacusai/api_client_utils/index.html b/docs/autoapi/abacusai/api_client_utils/index.html index 8b0ac83fe..162b7cb98 100644 --- a/docs/autoapi/abacusai/api_client_utils/index.html +++ b/docs/autoapi/abacusai/api_client_utils/index.html @@ -75,6 +75,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -83,25 +85,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -115,6 +130,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -125,6 +141,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -135,7 +154,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -162,7 +183,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -170,20 +190,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -191,6 +223,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -245,6 +281,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -261,33 +299,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -431,7 +487,7 @@

    Module Contents
    class abacusai.api_client_utils.StreamingHandler
    -

    Bases: str

    +

    Bases: str

    str(object=’’) -> str str(bytes_or_buffer[, encoding[, errors]]) -> str

    Create a new string object from the given object. If encoding or @@ -469,9 +525,9 @@

    Module Contents
    Parameters:
    @@ -483,9 +539,9 @@

    Module Contents
    Parameters:
    @@ -497,12 +553,12 @@

    Module Contents
    Parameters:
      -
    • nodes (List[dict])

    • -
    • primary_start_node (str)

    • -
    • graph_info (dict)

    • -
    • sample_user_inputs (dict)

    • -
    • agent_workflow_node_id (str)

    • -
    • workflow_vars (dict)

    • +
    • nodes (List[dict])

    • +
    • primary_start_node (str)

    • +
    • graph_info (dict)

    • +
    • sample_user_inputs (dict)

    • +
    • agent_workflow_node_id (str)

    • +
    • workflow_vars (dict)

    • topological_dfs_stack (List)

    @@ -527,7 +583,7 @@

    Module Contents
    class abacusai.api_client_utils.StreamType
    -

    Bases: enum.Enum

    +

    Bases: enum.Enum

    Generic enumeration.

    Derive from this class to define new enumerations.

    @@ -682,7 +738,7 @@

    Module Contentsstatic get_archive_id(doc_id)
    Parameters:
    -

    doc_id (str)

    +

    doc_id (str)

    @@ -693,8 +749,8 @@

    Module Contents
    Parameters:
    @@ -705,7 +761,7 @@

    Module Contentsstatic get_content_hash(doc_id)
    Parameters:
    -

    doc_id (str)

    +

    doc_id (str)

    @@ -716,12 +772,12 @@

    Module Contents
    Parameters:
      -
    • feature_group_version (str)

    • -
    • doc_id_column (str)

    • -
    • document_column (str)

    • -
    • get_docstore_resource_bytes (Callable[Ellipsis, bytes])

    • +
    • feature_group_version (str)

    • +
    • doc_id_column (str)

    • +
    • document_column (str)

    • +
    • get_docstore_resource_bytes (Callable[Ellipsis, bytes])

    • get_document_processing_result_infos (Callable)

    • -
    • max_workers (int)

    • +
    • max_workers (int)

    @@ -733,12 +789,12 @@

    Module Contents
    Parameters:
      -
    • feature_group_version (str)

    • -
    • doc_id_column (str)

    • -
    • document_column (str)

    • +
    • feature_group_version (str)

    • +
    • doc_id_column (str)

    • +
    • document_column (str)

    • get_docstore_resource_bytes (Callable)

    • get_document_processing_result_infos (Callable)

    • -
    • max_workers (int)

    • +
    • max_workers (int)

    diff --git a/docs/autoapi/abacusai/api_endpoint/index.html b/docs/autoapi/abacusai/api_endpoint/index.html index 974ccd67b..d4159109e 100644 --- a/docs/autoapi/abacusai/api_endpoint/index.html +++ b/docs/autoapi/abacusai/api_endpoint/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -341,19 +397,21 @@

    Classes

    Module Contents

    -class abacusai.api_endpoint.ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None)
    +class abacusai.api_endpoint.ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None, hostingDomain=None, publicHostingDomain=None)

    Bases: abacusai.return_class.AbstractApiClass

    An collection of endpoints which can be used to make requests to, such as api calls or predict calls

    Parameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • apiEndpoint (str) – The URI that can be used to make API calls

    • -
    • predictEndpoint (str) – The URI that can be used to make predict calls against Deployments

    • -
    • proxyEndpoint (str) – The URI that can be used to make proxy server calls

    • -
    • llmEndpoint (str) – The URI that can be used to make llm api calls

    • -
    • externalChatEndpoint (str) – The URI that can be used to access the external chat

    • -
    • dashboardEndpoint (str) – The URI that the external chat will use to go back to the dashboard

    • +
    • apiEndpoint (str) – The URI that can be used to make API calls

    • +
    • predictEndpoint (str) – The URI that can be used to make predict calls against Deployments

    • +
    • proxyEndpoint (str) – The URI that can be used to make proxy server calls

    • +
    • llmEndpoint (str) – The URI that can be used to make llm api calls

    • +
    • externalChatEndpoint (str) – The URI that can be used to access the external chat

    • +
    • dashboardEndpoint (str) – The URI that the external chat will use to go back to the dashboard

    • +
    • hostingDomain (str) – The domain for hosted app deployments

    • +
    • publicHostingDomain (str) – The domain for publicly hosted app deployments

    @@ -387,6 +445,16 @@

    Module Contentsdashboard_endpoint = None

    +
    +
    +hosting_domain = None
    +
    + +
    +
    +public_hosting_domain = None
    +
    +
    deprecated_keys
    @@ -406,7 +474,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/api_key/index.html b/docs/autoapi/abacusai/api_key/index.html index 43eef182a..35667c2b7 100644 --- a/docs/autoapi/abacusai/api_key/index.html +++ b/docs/autoapi/abacusai/api_key/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,14 +404,14 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • apiKeyId (str) – The unique ID for the API key

    • -
    • apiKey (str) – The unique API key scoped to a specific organization. Value will be partially obscured.

    • -
    • apiKeySuffix (str) – The last 4 characters of the API key.

    • -
    • tag (str) – A user-friendly tag for the API key.

    • -
    • type (str) – The type of the API key, either ‘default’, ‘code-llm’, or ‘computer-use’.

    • -
    • createdAt (str) – The timestamp when the API key was created.

    • -
    • expiresAt (str) – The timestamp when the API key will expire.

    • -
    • isExpired (bool) – Whether the API key has expired.

    • +
    • apiKeyId (str) – The unique ID for the API key

    • +
    • apiKey (str) – The unique API key scoped to a specific organization. Value will be partially obscured.

    • +
    • apiKeySuffix (str) – The last 4 characters of the API key.

    • +
    • tag (str) – A user-friendly tag for the API key.

    • +
    • type (str) – The type of the API key, either ‘default’, ‘code-llm’, ‘terminal’, or ‘computer-use’.

    • +
    • createdAt (str) – The timestamp when the API key was created.

    • +
    • expiresAt (str) – The timestamp when the API key will expire.

    • +
    • isExpired (bool) – Whether the API key has expired.

    @@ -418,7 +474,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    @@ -429,7 +485,7 @@

    Module Contents
    Parameters:
    -

    api_key_id (str) – The ID of the API key to delete.

    +

    api_key_id (str) – The ID of the API key to delete.

    diff --git a/docs/autoapi/abacusai/app_user_group/index.html b/docs/autoapi/abacusai/app_user_group/index.html index 63f50f2a0..9aae95cc6 100644 --- a/docs/autoapi/abacusai/app_user_group/index.html +++ b/docs/autoapi/abacusai/app_user_group/index.html @@ -73,6 +73,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -341,21 +397,22 @@

    Classes

    Module Contents

    -class abacusai.app_user_group.AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, users={})
    +class abacusai.app_user_group.AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, creationSource=None, users={})

    Bases: abacusai.return_class.AbstractApiClass

    An app user group. This is used to determine which users have permissions for external chatbots.

    Parameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • name (str) – The name of the user group.

    • -
    • userGroupId (str) – The unique identifier of the user group.

    • -
    • externalApplicationIds (list[str]) – The ids of the external applications the group has access to.

    • -
    • invitedUserEmails (list[str]) – The emails of the users invited to the user group who have not yet accepted the invite.

    • -
    • publicUserGroup (bool) – Boolean flag whether the app user group is the public user group of the org or not.

    • -
    • hasExternalApplicationReporting (bool) – Whether users in the App User Group have permission to view all reports in their organization.

    • -
    • isExternalServiceGroup (bool) – Whether the App User Group corresponds to a user group that’s defined in an external service (i.e Microsft Active Directory or Okta) or not

    • -
    • externalServiceGroupId (str) – The identifier that corresponds to the app user group’s external service group representation

    • +
    • name (str) – The name of the user group.

    • +
    • userGroupId (str) – The unique identifier of the user group.

    • +
    • externalApplicationIds (list[str]) – The ids of the external applications the group has access to.

    • +
    • invitedUserEmails (list[str]) – The emails of the users invited to the user group who have not yet accepted the invite.

    • +
    • publicUserGroup (bool) – Boolean flag whether the app user group is the public user group of the org or not.

    • +
    • hasExternalApplicationReporting (bool) – Whether users in the App User Group have permission to view all reports in their organization.

    • +
    • isExternalServiceGroup (bool) – Whether the App User Group corresponds to a user group that’s defined in an external service (i.e Microsft Active Directory or Okta) or not

    • +
    • externalServiceGroupId (str) – The identifier that corresponds to the app user group’s external service group representation

    • +
    • creationSource (str) – The source of the app user group

    • users (User) – The users in the user group.

    @@ -400,6 +457,11 @@

    Module Contentsexternal_service_group_id = None

    +
    +
    +creation_source = None
    +
    +
    users
    @@ -424,7 +486,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/app_user_group_sign_in_token/index.html b/docs/autoapi/abacusai/app_user_group_sign_in_token/index.html index 987c34ce1..94a5ad3bd 100644 --- a/docs/autoapi/abacusai/app_user_group_sign_in_token/index.html +++ b/docs/autoapi/abacusai/app_user_group_sign_in_token/index.html @@ -73,6 +73,8 @@
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,7 +404,7 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • token (str) – The token to sign in the user

    • +
    • token (str) – The token to sign in the user

    @@ -376,7 +432,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    diff --git a/docs/autoapi/abacusai/application_connector/index.html b/docs/autoapi/abacusai/application_connector/index.html index 811554dc3..8f8c50acf 100644 --- a/docs/autoapi/abacusai/application_connector/index.html +++ b/docs/autoapi/abacusai/application_connector/index.html @@ -73,6 +73,8 @@
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -341,19 +397,20 @@

    Classes

    Module Contents

    -class abacusai.application_connector.ApplicationConnector(client, applicationConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None)
    +class abacusai.application_connector.ApplicationConnector(client, applicationConnectorId=None, service=None, serviceName=None, name=None, createdAt=None, status=None, auth=None)

    Bases: abacusai.return_class.AbstractApiClass

    A connector to an external service

    Parameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • applicationConnectorId (str) – The unique ID for the connection.

    • -
    • service (str) – The service this connection connects to

    • -
    • name (str) – A user-friendly name for the service

    • -
    • createdAt (str) – When the API key was created

    • -
    • status (str) – The status of the Application Connector

    • -
    • auth (dict) – Non-secret connection information for this connector

    • +
    • applicationConnectorId (str) – The unique ID for the connection.

    • +
    • service (str) – The service this connection connects to

    • +
    • serviceName (str) – For OAuth services, the specific provider name (e.g., ‘spotify’)

    • +
    • name (str) – A user-friendly name for the service

    • +
    • createdAt (str) – When the API key was created

    • +
    • status (str) – The status of the Application Connector

    • +
    • auth (dict) – Non-secret connection information for this connector

    @@ -367,6 +424,11 @@

    Module Contentsservice = None

    +
    +
    +service_name = None
    +
    +
    name = None
    @@ -406,7 +468,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    @@ -417,7 +479,7 @@

    Module Contents
    Parameters:
    -

    name (str) – A new name for the application connector.

    +

    name (str) – A new name for the application connector.

    @@ -428,7 +490,7 @@

    Module Contents
    Parameters:
    -

    application_connector_id (str) – The unique identifier for the application connector.

    +

    application_connector_id (str) – The unique identifier for the application connector.

    @@ -439,7 +501,7 @@

    Module Contents
    Parameters:
    -

    application_connector_id (str) – Unique string identifier for the application connector.

    +

    application_connector_id (str) – Unique string identifier for the application connector.

    @@ -450,7 +512,7 @@

    Module Contents
    Parameters:
    -

    application_connector_id (str) – Unique string identifier for the application connector.

    +

    application_connector_id (str) – Unique string identifier for the application connector.

    diff --git a/docs/autoapi/abacusai/audio_gen_settings/index.html b/docs/autoapi/abacusai/audio_gen_settings/index.html index 35cec2d56..20e9c35b6 100644 --- a/docs/autoapi/abacusai/audio_gen_settings/index.html +++ b/docs/autoapi/abacusai/audio_gen_settings/index.html @@ -20,7 +20,7 @@ - + @@ -73,6 +73,8 @@
  • Module Contents
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -81,25 +83,38 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -341,14 +397,15 @@

    Classes

    Module Contents

    -class abacusai.audio_gen_settings.AudioGenSettings(client, model=None)
    +class abacusai.audio_gen_settings.AudioGenSettings(client, model=None, settings=None)

    Bases: abacusai.return_class.AbstractApiClass

    Audio generation settings

    Parameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • model (dict) – Dropdown for models available for audio generation.

    • +
    • model (dict) – names of models available for audio generation.

    • +
    • settings (dict) – settings for each model.

    @@ -357,6 +414,11 @@

    Module Contentsmodel = None

    +
    +
    +settings = None
    +
    +
    deprecated_keys
    @@ -376,7 +438,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    @@ -391,7 +453,7 @@

    Module Contents - +
    diff --git a/docs/autoapi/abacusai/audio_url_result/index.html b/docs/autoapi/abacusai/audio_url_result/index.html new file mode 100644 index 000000000..e17b1ec52 --- /dev/null +++ b/docs/autoapi/abacusai/audio_url_result/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.audio_url_result — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +
    +

    abacusai.audio_url_result

    +
    +

    Classes

    + + + + + + +

    AudioUrlResult

    TTS result

    +
    +
    +

    Module Contents

    +
    +
    +class abacusai.audio_url_result.AudioUrlResult(client, audioUrl=None, creditsUsed=None)
    +

    Bases: abacusai.return_class.AbstractApiClass

    +

    TTS result

    +
    +
    Parameters:
    +
      +
    • client (ApiClient) – An authenticated API Client instance

    • +
    • audioUrl (str) – The audio url.

    • +
    • creditsUsed (float) – The credits used.

    • +
    +
    +
    +
    +
    +audio_url = None
    +
    + +
    +
    +credits_used = None
    +
    + +
    +
    +deprecated_keys
    +
    + +
    +
    +__repr__()
    +
    + +
    +
    +to_dict()
    +

    Get a dict representation of the parameters in this class

    +
    +
    Returns:
    +

    The dict value representation of the class parameters

    +
    +
    Return type:
    +

    dict

    +
    +
    +
    + +
    + +
    +
    + + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/audit_log/index.html b/docs/autoapi/abacusai/audit_log/index.html new file mode 100644 index 000000000..296b16fb3 --- /dev/null +++ b/docs/autoapi/abacusai/audit_log/index.html @@ -0,0 +1,512 @@ + + + + + + + + + abacusai.audit_log — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +
    +

    abacusai.audit_log

    +
    +

    Classes

    + + + + + + +

    AuditLog

    An audit log entry

    +
    +
    +

    Module Contents

    +
    +
    +class abacusai.audit_log.AuditLog(client, createdAt=None, userId=None, objectId=None, action=None, source=None, refreshPolicyId=None, pipelineId=None)
    +

    Bases: abacusai.return_class.AbstractApiClass

    +

    An audit log entry

    +
    +
    Parameters:
    +
      +
    • client (ApiClient) – An authenticated API Client instance

    • +
    • createdAt (str) – The timestamp when the audit log entry was created

    • +
    • userId (str) – The hashed ID of the user who performed the action

    • +
    • objectId (str) – The hashed ID of the object that was affected by the action

    • +
    • action (str) – The action performed (create, modify, start, stop, delete, share, hide, credential_change, login)

    • +
    • source (str) – The source of the action (api, ui, pipeline, cli, system)

    • +
    • refreshPolicyId (str) – The hashed ID of the refresh policy if applicable

    • +
    • pipelineId (str) – The hashed ID of the pipeline if applicable

    • +
    +
    +
    +
    +
    +created_at = None
    +
    + +
    +
    +user_id = None
    +
    + +
    +
    +object_id = None
    +
    + +
    +
    +action = None
    +
    + +
    +
    +source = None
    +
    + +
    +
    +refresh_policy_id = None
    +
    + +
    +
    +pipeline_id = None
    +
    + +
    +
    +deprecated_keys
    +
    + +
    +
    +__repr__()
    +
    + +
    +
    +to_dict()
    +

    Get a dict representation of the parameters in this class

    +
    +
    Returns:
    +

    The dict value representation of the class parameters

    +
    +
    Return type:
    +

    dict

    +
    +
    +
    + +
    + +
    +
    + + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/batch_prediction/index.html b/docs/autoapi/abacusai/batch_prediction/index.html index 08b052ed3..87b1f48ae 100644 --- a/docs/autoapi/abacusai/batch_prediction/index.html +++ b/docs/autoapi/abacusai/batch_prediction/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,9 +404,9 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • computerId (int) – The computer id.

    • -
    • token (str) – The token.

    • -
    • vncEndpoint (str) – The VNC endpoint.

    • +
    • computerId (int) – The computer id.

    • +
    • token (str) – The token.

    • +
    • vncEndpoint (str) – The VNC endpoint.

    @@ -388,7 +444,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    @@ -403,7 +459,7 @@

    Module Contents - +
    diff --git a/docs/autoapi/abacusai/chatllm_computer_status/index.html b/docs/autoapi/abacusai/chatllm_computer_status/index.html new file mode 100644 index 000000000..47aa80294 --- /dev/null +++ b/docs/autoapi/abacusai/chatllm_computer_status/index.html @@ -0,0 +1,494 @@ + + + + + + + + + abacusai.chatllm_computer_status — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +
    +

    abacusai.chatllm_computer_status

    +
    +

    Classes

    + + + + + + +

    ChatllmComputerStatus

    ChatLLM Computer Status

    +
    +
    +

    Module Contents

    +
    +
    +class abacusai.chatllm_computer_status.ChatllmComputerStatus(client, computerId=None, vncEndpoint=None, computerStarted=None, restartRequired=None)
    +

    Bases: abacusai.return_class.AbstractApiClass

    +

    ChatLLM Computer Status

    +
    +
    Parameters:
    +
      +
    • client (ApiClient) – An authenticated API Client instance

    • +
    • computerId (str) – The ID of the computer, it can be a deployment_conversation_id or a computer_id (TODO: add separate field for deployment_conversation_id)

    • +
    • vncEndpoint (str) – The VNC endpoint of the computer

    • +
    • computerStarted (bool) – Whether the computer has started

    • +
    • restartRequired (bool) – Whether the computer needs to be restarted

    • +
    +
    +
    +
    +
    +computer_id = None
    +
    + +
    +
    +vnc_endpoint = None
    +
    + +
    +
    +computer_started = None
    +
    + +
    +
    +restart_required = None
    +
    + +
    +
    +deprecated_keys
    +
    + +
    +
    +__repr__()
    +
    + +
    +
    +to_dict()
    +

    Get a dict representation of the parameters in this class

    +
    +
    Returns:
    +

    The dict value representation of the class parameters

    +
    +
    Return type:
    +

    dict

    +
    +
    +
    + +
    + +
    +
    + + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/chatllm_memory/index.html b/docs/autoapi/abacusai/chatllm_memory/index.html new file mode 100644 index 000000000..49fb17ac4 --- /dev/null +++ b/docs/autoapi/abacusai/chatllm_memory/index.html @@ -0,0 +1,488 @@ + + + + + + + + + abacusai.chatllm_memory — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +
    +

    abacusai.chatllm_memory

    +
    +

    Classes

    + + + + + + +

    ChatllmMemory

    An LLM created memory in ChatLLM

    +
    +
    +

    Module Contents

    +
    +
    +class abacusai.chatllm_memory.ChatllmMemory(client, chatllmMemoryId=None, memory=None, sourceDeploymentConversationId=None)
    +

    Bases: abacusai.return_class.AbstractApiClass

    +

    An LLM created memory in ChatLLM

    +
    +
    Parameters:
    +
      +
    • client (ApiClient) – An authenticated API Client instance

    • +
    • chatllmMemoryId (str) – The ID of the chatllm memory.

    • +
    • memory (str) – The text of the ChatLLM memory.

    • +
    • sourceDeploymentConversationId (str) – The deployment conversation where this memory was created.

    • +
    +
    +
    +
    +
    +chatllm_memory_id = None
    +
    + +
    +
    +memory = None
    +
    + +
    +
    +source_deployment_conversation_id = None
    +
    + +
    +
    +deprecated_keys
    +
    + +
    +
    +__repr__()
    +
    + +
    +
    +to_dict()
    +

    Get a dict representation of the parameters in this class

    +
    +
    Returns:
    +

    The dict value representation of the class parameters

    +
    +
    Return type:
    +

    dict

    +
    +
    +
    + +
    + +
    +
    + + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/chatllm_project/index.html b/docs/autoapi/abacusai/chatllm_project/index.html new file mode 100644 index 000000000..40d17fecc --- /dev/null +++ b/docs/autoapi/abacusai/chatllm_project/index.html @@ -0,0 +1,506 @@ + + + + + + + + + abacusai.chatllm_project — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +
    +

    abacusai.chatllm_project

    +
    +

    Classes

    + + + + + + +

    ChatllmProject

    ChatLLM Project

    +
    +
    +

    Module Contents

    +
    +
    +class abacusai.chatllm_project.ChatllmProject(client, chatllmProjectId=None, name=None, description=None, customInstructions=None, createdAt=None, updatedAt=None)
    +

    Bases: abacusai.return_class.AbstractApiClass

    +

    ChatLLM Project

    +
    +
    Parameters:
    +
      +
    • client (ApiClient) – An authenticated API Client instance

    • +
    • chatllmProjectId (id) – The ID of the chatllm project.

    • +
    • name (str) – The name of the chatllm project.

    • +
    • description (str) – The description of the chatllm project.

    • +
    • customInstructions (str) – The custom instructions of the chatllm project.

    • +
    • createdAt (str) – The creation time of the chatllm project.

    • +
    • updatedAt (str) – The update time of the chatllm project.

    • +
    +
    +
    +
    +
    +chatllm_project_id = None
    +
    + +
    +
    +name = None
    +
    + +
    +
    +description = None
    +
    + +
    +
    +custom_instructions = None
    +
    + +
    +
    +created_at = None
    +
    + +
    +
    +updated_at = None
    +
    + +
    +
    +deprecated_keys
    +
    + +
    +
    +__repr__()
    +
    + +
    +
    +to_dict()
    +

    Get a dict representation of the parameters in this class

    +
    +
    Returns:
    +

    The dict value representation of the class parameters

    +
    +
    Return type:
    +

    dict

    +
    +
    +
    + +
    + +
    +
    + + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/chatllm_project_permissions/index.html b/docs/autoapi/abacusai/chatllm_project_permissions/index.html new file mode 100644 index 000000000..f615ab620 --- /dev/null +++ b/docs/autoapi/abacusai/chatllm_project_permissions/index.html @@ -0,0 +1,494 @@ + + + + + + + + + abacusai.chatllm_project_permissions — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +
    +

    abacusai.chatllm_project_permissions

    +
    +

    Classes

    + + + + + + +

    ChatllmProjectPermissions

    ChatLLM Project Permissions

    +
    +
    +

    Module Contents

    +
    +
    +class abacusai.chatllm_project_permissions.ChatllmProjectPermissions(client, chatllmProjectId=None, accessLevel=None, userPermissions=None, userGroupPermissions=None)
    +

    Bases: abacusai.return_class.AbstractApiClass

    +

    ChatLLM Project Permissions

    +
    +
    Parameters:
    +
      +
    • client (ApiClient) – An authenticated API Client instance

    • +
    • chatllmProjectId (id) – The ID of the chatllm project.

    • +
    • accessLevel (str) – The access level of the chatllm project.

    • +
    • userPermissions (list) – List of tuples containing (user_id, permission).

    • +
    • userGroupPermissions (list) – List of tuples containing (user_group_id, permission).

    • +
    +
    +
    +
    +
    +chatllm_project_id = None
    +
    + +
    +
    +access_level = None
    +
    + +
    +
    +user_permissions = None
    +
    + +
    +
    +user_group_permissions = None
    +
    + +
    +
    +deprecated_keys
    +
    + +
    +
    +__repr__()
    +
    + +
    +
    +to_dict()
    +

    Get a dict representation of the parameters in this class

    +
    +
    Returns:
    +

    The dict value representation of the class parameters

    +
    +
    Return type:
    +

    dict

    +
    +
    +
    + +
    + +
    +
    + + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/chatllm_referral_invite/index.html b/docs/autoapi/abacusai/chatllm_referral_invite/index.html index 5686db022..13a9eb713 100644 --- a/docs/autoapi/abacusai/chatllm_referral_invite/index.html +++ b/docs/autoapi/abacusai/chatllm_referral_invite/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -77,6 +79,10 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
    Returns:
    @@ -4920,7 +5190,7 @@

    Module ContentsParameters:
    • name (String) – The name to identify the algorithm, only uppercase letters, numbers and underscore allowed

    • -
    • problem_type (str) – The type of the problem this algorithm will work on

    • +
    • problem_type (str) – The type of the problem this algorithm will work on

    • train_function (callable) – The training function callable to serialize and upload

    • predict_function (callable) – The predict function callable to serialize and upload

    • predict_many_function (callable) – The predict many function callable to serialize and upload

    • @@ -4929,11 +5199,11 @@

      Module Contentsbool) – Whether train with the algorithm by default

      +
    • is_default_enabled (bool) – Whether train with the algorithm by default

    • project_id (Unique String Identifier) – The unique version ID of the project

    • use_gpu (Boolean) – Whether this algorithm needs to run on GPU

    • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • -
    • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

    • +
    • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

    @@ -4958,7 +5228,7 @@

    Module Contentslist) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

  • +
  • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

  • @@ -5178,17 +5448,17 @@

    Module ContentsParameters:
    • workflow_graph (WorkflowGraph) – The workflow graph to validate.

    • -
    • sample_user_inputs (dict) – Contains sample values for variables of type user_input for starting node

    • -
    • agent_workflow_node_id (str) – Node id from which we want to run workflow

    • +
    • sample_user_inputs (dict) – Contains sample values for variables of type user_input for starting node

    • +
    • agent_workflow_node_id (str) – Node id from which we want to run workflow

    • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

    • -
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    Returns:

    The output variables for every node in workflow which has executed.

    Return type:
    -

    dict

    +

    dict

    @@ -5196,19 +5466,19 @@

    Module Contents
    execute_workflow_node(node, inputs)
    -

    Execute the workflow node given input arguments.

    +

    Execute the workflow node given input arguments. This is to be used for testing purposes only.

    Parameters:
    • node (WorkflowGraphNode) – The workflow node to be executed.

    • -
    • inputs (dict) – The inputs to be passed to the node function.

    • +
    • inputs (dict) – The inputs to be passed to the node function.

    Returns:

    The outputs returned by node execution.

    Return type:
    -

    dict

    +

    dict

    @@ -5221,13 +5491,13 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The project to create the model in

    • +
    • project_id (str) – The project to create the model in

    • agent_function (callable) – The agent function callable to serialize and upload

    • -
    • name (str) – The name of the agent

    • -
    • memory (int) – Memory (in GB) for hosting the agent

    • +
    • name (str) – The name of the agent

    • +
    • memory (int) – Memory (in GB) for hosting the agent

    • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • -
    • description (str) – A description of the agent.

    • -
    • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

    • +
    • description (str) – A description of the agent.

    • +
    • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

    • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

    @@ -5242,12 +5512,12 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – The unique ID associated with the AI Agent to be changed.

    • +
    • model_id (str) – The unique ID associated with the AI Agent to be changed.

    • agent_function (callable) – The new agent function callable to serialize and upload

    • -
    • memory (int) – Memory (in GB) for hosting the agent

    • +
    • memory (int) – Memory (in GB) for hosting the agent

    • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • -
    • enable_binary_input (bool) – If True, the agent will be able to accept binary data as inputs.

    • -
    • description (str) – A description of the agent.

    • +
    • enable_binary_input (bool) – If True, the agent will be able to accept binary data as inputs.

    • +
    • description (str) – A description of the agent.

    • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

    @@ -5266,9 +5536,9 @@

    Module Contents
    Parameters:
      -
    • sql (str) – The SQL query to execute.

    • -
    • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

    • -
    • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True

    • +
    • sql (str) – The SQL query to execute.

    • +
    • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

    • +
    • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True

    Returns:
    @@ -5280,6 +5550,20 @@

    Module Contents +
    +_get_agent_client_type()
    +

    Returns the client type for the current request context.

    +
    +
    Returns:
    +

    The client type for the current request context.

    +
    +
    Return type:
    +

    AgentClientType

    +
    +
    +
    +
    get_agent_context_chat_history()
    @@ -5331,7 +5615,7 @@

    Module Contents

    The deployment conversation ID for the current request being processed by the Agent.

    Return type:
    -

    str

    +

    str

    @@ -5342,7 +5626,7 @@

    Module Contents
    Parameters:
    -

    conversation_id (str) – The deployment conversation ID for the current request being processed by the Agent.

    +

    conversation_id (str) – The deployment conversation ID for the current request being processed by the Agent.

    @@ -5357,7 +5641,7 @@

    Module Contents

    The external session ID for the current request being processed by the Agent.

    Return type:
    -

    str

    +

    str

    @@ -5368,7 +5652,7 @@

    Module Contents
    Parameters:
    -

    external_session_id (str) – The external session ID for the current request being processed by the Agent.

    +

    external_session_id (str) – The external session ID for the current request being processed by the Agent.

    @@ -5383,7 +5667,7 @@

    Module Contents

    The document IDs the current request being processed by the Agent.

    Return type:
    -

    List[str]

    +

    List[str]

    @@ -5394,7 +5678,7 @@

    Module Contents
    Parameters:
    -

    doc_ids (List[str]) – The doc_ids associated with the current request context.

    +

    doc_ids (List[str]) – The doc_ids associated with the current request context.

    @@ -5409,7 +5693,7 @@

    Module Contents

    The document information for the current request being processed by the Agent.

    Return type:
    -

    List[dict]

    +

    List[dict]

    @@ -5420,7 +5704,7 @@

    Module Contents
    Parameters:
    -

    doc_infos (List[dict]) – The document information associated with the current request context.

    +

    doc_infos (List[dict]) – The document information associated with the current request context.

    @@ -5443,31 +5727,33 @@

    Module Contents
    get_agent_context_user_info()
    -

    Gets information about the user interacting with the agent. +

    Gets information about the user interacting with the agent and user action if applicable. Applicable within a AIAgent execute function.

    Returns:

    Containing email and name of the end user.

    Return type:
    -

    dict

    +

    dict

    -
    -get_agent_runtime_config(key)
    -

    Gets the deployment level runtime config for the agent

    +
    +get_runtime_config(key)
    +

    Retrieve the value of a specified configuration key from the deployment’s runtime settings. +These settings can be configured in the deployment details page in the UI. +Currently supported for AI Agents, Custom Python Model and Prediction Operators.

    Parameters:
    -

    key (str) – Key for which the config value is to be fetched

    +

    key (str) – The configuration key whose value is to be fetched.

    Returns:
    -

    Config value for the input key

    +

    The value associated with the specified configuration key, or None if the key does not exist.

    Return type:
    -

    str

    +

    str

    @@ -5481,7 +5767,7 @@

    Module Contents

    Containing email and name of the end user.

    Return type:
    -

    dict

    +

    dict

    @@ -5499,16 +5785,16 @@

    Module Contents
    Parameters:
      -
    • computer_id (str) – The ID of the computer to use for the agent.

    • -
    • prompt (str) – The prompt to do tasks on the computer.

    • -
    • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

    • +
    • computer_id (str) – The ID of the computer to use for the agent.

    • +
    • prompt (str) – The prompt to do tasks on the computer.

    • +
    • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

    Returns:

    The text responses from the computer.

    Return type:
    -

    text (str)

    +

    text (str)

    @@ -5520,22 +5806,22 @@

    Module Contents
    Parameters:
      -
    • prompt (str) – Prompt to use for generation.

    • -
    • system_message (str) – System prompt for models that support it.

    • +
    • prompt (str) – Prompt to use for generation.

    • +
    • system_message (str) – System prompt for models that support it.

    • llm_name (LLMName) – Name of the underlying LLM to be used for generation. Default is auto selection.

    • -
    • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

    • -
    • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

    • -
    • messages (list) – A list of messages to use as conversation history. For completion models like OPENAI_GPT3_5_TEXT and PALM_TEXT this should not be set. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • -
    • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

    • -
    • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter description (str) (required): Description of the parameter is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema={ ‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}, }

    • -
    • section_key (str) – Key to identify output schema section.

    • +
    • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

    • +
    • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

    • +
    • messages (list) – A list of messages to use as conversation history. For completion models like OPENAI_GPT3_5_TEXT and PALM_TEXT this should not be set. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • +
    • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

    • +
    • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter description (str) (required): Description of the parameter is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema={ ‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}, }

    • +
    • section_key (str) – Key to identify output schema section.

    Returns:

    The response from the model.

    Return type:
    -

    text (str)

    +

    text (str)

    @@ -5546,7 +5832,7 @@

    Module Contents
    Parameters:
    -

    source_code (str) – The source code to execute.

    +

    source_code (str) – The source code to execute.

    Returns:

    stdout, stderr, exception for source_code execution

    @@ -5563,21 +5849,21 @@

    Module Contents

    The request ID for the current request being processed by the Agent.

    Return type:
    -

    str

    +

    str

    -
    -_get_agent_async_app_caller()
    -

    Gets the caller for the current request context of async app. Applicable within a AIAgent execute function.

    +
    +_get_agent_caller()
    +

    Gets the caller for the current request context. Applicable within a AIAgent execute function.

    Returns:

    The caller for the current request being processed by the Agent.

    Return type:
    -

    str

    +

    str

    @@ -5585,13 +5871,27 @@

    Module Contents
    _is_proxy_app_caller()
    -

    Gets the caller for the current request context of async app. Applicable within a AIAgent execute function.

    +

    Checks if the caller is cluster-proxy app.

    Returns:
    -

    True if the caller is proxy app.

    +

    True if the caller is cluster-proxy app.

    Return type:
    -

    bool

    +

    bool

    +
    +
    +
    + +
    +
    +_is_async_app_caller()
    +

    Checks if the caller is async app.

    +
    +
    Returns:
    +

    True if the caller is async app.

    +
    +
    Return type:
    +

    bool

    @@ -5604,8 +5904,8 @@

    Module Contents
    Parameters:
      -
    • message (str) – The message to be streamed.

    • -
    • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

    • +
    • message (str) – The message to be streamed.

    • +
    • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

    Return type:
    @@ -5622,7 +5922,7 @@

    Module Contents
    Parameters:
      -
    • section_key (str) – The section key to which the output corresponds.

    • +
    • section_key (str) – The section key to which the output corresponds.

    • value (Any) – The output contents.

    @@ -5656,17 +5956,17 @@

    Module Contents
    Parameters:
      -
    • request_id (str) – The request ID for the current request being processed by the Agent.

    • -
    • caller (str) – The caller for the current request being processed by the Agent.

    • -
    • message (str) – The message to send to the AsyncApp.

    • -
    • llm_args (dict) – The LLM arguments to send to the AsyncApp.

    • +
    • request_id (str) – The request ID for the current request being processed by the Agent.

    • +
    • caller (str) – The caller for the current request being processed by the Agent.

    • +
    • message (str) – The message to send to the AsyncApp.

    • +
    • llm_args (dict) – The LLM arguments to send to the AsyncApp.

    Returns:

    The response from the AsyncApp.

    Return type:
    -

    str

    +

    str

    @@ -5677,13 +5977,13 @@

    Module Contents
    Parameters:
    @@ -5696,16 +5996,16 @@

    Module Contents
    Parameters:
      -
    • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

    • -
    • feature_group_ids (List[str]) – A list of feature group IDs that the query should be executed against.

    • -
    • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

    • -
    • llm_name (str) – The name of the language model to use. If not provided, the default language model is used.

    • -
    • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

    • -
    • preview (bool) – If True, a preview of the query execution is returned.

    • -
    • schema_document_retriever_ids (List[str]) – A list of document retrievers to retrieve schema information for the data query. Otherwise, they are retrieved from the feature group metadata.

    • -
    • timeout (int) – Time limit for the call.

    • -
    • delay (int) – Polling interval for checking timeout.

    • -
    • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True.

    • +
    • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

    • +
    • feature_group_ids (List[str]) – A list of feature group IDs that the query should be executed against.

    • +
    • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

    • +
    • llm_name (str) – The name of the language model to use. If not provided, the default language model is used.

    • +
    • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

    • +
    • preview (bool) – If True, a preview of the query execution is returned.

    • +
    • schema_document_retriever_ids (List[str]) – A list of document retrievers to retrieve schema information for the data query. Otherwise, they are retrieved from the feature group metadata.

    • +
    • timeout (int) – Time limit for the call.

    • +
    • delay (int) – Polling interval for checking timeout.

    • +
    • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True.

    Returns:
    @@ -5722,7 +6022,7 @@

    Module Contents_get_doc_retriever_deployment_info(document_retriever_id)
    Parameters:
    -

    document_retriever_id (str)

    +

    document_retriever_id (str)

    @@ -5737,27 +6037,27 @@

    Module Contents
    Parameters:
      -
    • document_retriever_id (str) – A unique string identifier associated with the document retriever.

    • -
    • query (str) – The query to search for.

    • -
    • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • -
    • limit (int) – If provided, will limit the number of results to the value specified.

    • -
    • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

    • -
    • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

    • -
    • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

    • -
    • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

    • -
    • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

    • -
    • min_score (float) – If provided, will filter out the results with score lower than the value specified.

    • -
    • required_phrases (list) – If provided, each result will have at least one of the phrases.

    • -
    • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

    • -
    • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set.

    • -
    • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

    • +
    • document_retriever_id (str) – A unique string identifier associated with the document retriever.

    • +
    • query (str) – The query to search for.

    • +
    • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • +
    • limit (int) – If provided, will limit the number of results to the value specified.

    • +
    • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

    • +
    • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

    • +
    • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

    • +
    • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

    • +
    • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

    • +
    • min_score (float) – If provided, will filter out the results with score lower than the value specified.

    • +
    • required_phrases (list) – If provided, each result will have at least one of the phrases.

    • +
    • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

    • +
    • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set.

    • +
    • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

    Returns:

    The relevant documentation results found from the document retriever.

    Return type:
    -

    list[DocumentRetrieverLookupResult]

    +

    list[DocumentRetrieverLookupResult]

    @@ -5770,11 +6070,11 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – Unique string identifier associated with the project.

    • -
    • location (str) – Cloud location for the model.

    • -
    • name (str) – Name you want your model to have. Defaults to “<Project Name> Model”.

    • -
    • custom_artifact_filenames (dict) – Optional mapping to specify which filename should be used for a given model artifact type.

    • -
    • model_config (dict) – Extra configurations that are specific to the model being created.

    • +
    • project_id (str) – Unique string identifier associated with the project.

    • +
    • location (str) – Cloud location for the model.

    • +
    • name (str) – Name you want your model to have. Defaults to “<Project Name> Model”.

    • +
    • custom_artifact_filenames (dict) – Optional mapping to specify which filename should be used for a given model artifact type.

    • +
    • model_config (dict) – Extra configurations that are specific to the model being created.

    Returns:
    @@ -5794,10 +6094,10 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”.

    • -
    • optional_artifacts (list) – A list of strings describing additional artifacts for the model. An example would be a verification file.

    • -
    • model_config (dict) – Extra configurations that are specific to the model being created.

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”.

    • +
    • optional_artifacts (list) – A list of strings describing additional artifacts for the model. An example would be a verification file.

    • +
    • model_config (dict) – Extra configurations that are specific to the model being created.

    Returns:
    @@ -5815,7 +6115,7 @@

    Module Contents
    Parameters:
    -

    model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

    +

    model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

    Returns:

    The updated model.

    @@ -5833,8 +6133,8 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

    • -
    • optional_artifacts (list) – List of strings describing additional artifacts for the model, e.g. a verification file.

    • +
    • model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

    • +
    • optional_artifacts (list) – List of strings describing additional artifacts for the model, e.g. a verification file.

    Returns:
    @@ -5848,23 +6148,24 @@

    Module Contents
    -get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False)
    +get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False, user_info=None)

    Return an asynchronous generator which continues the conversation based on the input messages and search results.

    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • -
    • system_message (str) – The generative LLM system message

    • -
    • temperature (float) – The generative LLM temperature

    • -
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • -
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • -
    • include_search_results (bool) – If True, will also return search results, if relevant.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • +
    • system_message (str) – The generative LLM system message

    • +
    • temperature (float) – The generative LLM temperature

    • +
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • +
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • +
    • include_search_results (bool) – If True, will also return search results, if relevant.

    • +
    • user_info (dict) – The information of the user to act on behalf of for user restricted data sources.

    @@ -5872,25 +6173,26 @@

    Module Contents
    -get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False)
    +get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False, user_info=None)

    Return an asynchronous generator which continues the conversation based on the input messages and search results.

    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • message (str) – A message from the user

    • -
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • -
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • -
    • system_message (str) – The generative LLM system message

    • -
    • temperature (float) – The generative LLM temperature

    • -
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • -
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • -
    • include_search_results (bool) – If True, will also return search results, if relevant.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • message (str) – A message from the user

    • +
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • +
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • +
    • system_message (str) – The generative LLM system message

    • +
    • temperature (float) – The generative LLM temperature

    • +
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • +
    • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

    • +
    • include_search_results (bool) – If True, will also return search results, if relevant.

    • +
    • user_info (dict) – The information of the user to act on behalf of for user restricted data sources.

    @@ -5903,15 +6205,15 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • arguments (list) – A list of arguments to pass to the agent.

    • -
    • keyword_arguments (dict) – A dictionary of keyword arguments to pass to the agent.

    • -
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • -
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • -
    • regenerate (bool) – If True, will regenerate the conversation from the start.

    • -
    • doc_infos (list) – A list of dictionaries containing information about the documents uploaded with the request.

    • -
    • agent_workflow_node_id (str) – The unique identifier of the agent workflow node to trigger. If not specified, the primary node will be used.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • arguments (list) – A list of arguments to pass to the agent.

    • +
    • keyword_arguments (dict) – A dictionary of keyword arguments to pass to the agent.

    • +
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • +
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • +
    • regenerate (bool) – If True, will regenerate the conversation from the start.

    • +
    • doc_infos (list) – A list of dictionaries containing information about the documents uploaded with the request.

    • +
    • agent_workflow_node_id (str) – The unique identifier of the agent workflow node to trigger. If not specified, the primary node will be used.

    @@ -5947,7 +6249,7 @@

    Module Contents

    Returns:
    @@ -6016,13 +6318,38 @@

    Module Contents +
    +execute_agent_with_binary_data(deployment_token, deployment_id, arguments=None, keyword_arguments=None, deployment_conversation_id=None, external_session_id=None, blobs=None)
    +

    Executes a deployed AI agent function with binary data as inputs.

    +
    +
    Parameters:
    +
      +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • arguments (list) – Positional arguments to the agent execute function.

    • +
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    • +
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    • +
    • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

    • +
    • blobs (None) – A dictionary of binary data to use as inputs to the agent execute function.

    • +
    +
    +
    Returns:
    +

    The result of the agent execution

    +
    +
    Return type:
    +

    AgentDataExecutionResult

    +
    +
    +
    +
    add_user_to_organization(email)

    Invite a user to your organization. This method will send the specified email address an invitation link to join your organization.

    Parameters:
    -

    email (str) – The email address to invite to your organization.

    +

    email (str) – The email address to invite to your organization.

    @@ -6034,9 +6361,9 @@

    Module Contents
    Parameters:
      -
    • group_name (str) – The name of the group.

    • -
    • permissions (list) – The list of permissions to initialize the group with.

    • -
    • default_group (bool) – If True, this group will replace the current default group.

    • +
    • group_name (str) – The name of the group.

    • +
    • permissions (list) – The list of permissions to initialize the group with.

    • +
    • default_group (bool) – If True, this group will replace the current default group.

    Returns:
    @@ -6055,8 +6382,8 @@

    Module Contents
    Parameters:
      -
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • -
    • permission (str) – Permission to add to the Organization Group.

    • +
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • +
    • permission (str) – Permission to add to the Organization Group.

    @@ -6069,8 +6396,8 @@

    Module Contents
    Parameters:
      -
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • -
    • permission (str) – The permission to remove from the Organization Group.

    • +
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • +
    • permission (str) – The permission to remove from the Organization Group.

    @@ -6082,7 +6409,7 @@

    Module Contents
    Parameters:
    -

    organization_group_id (str) – Unique string identifier of the organization group.

    +

    organization_group_id (str) – Unique string identifier of the organization group.

    @@ -6094,8 +6421,8 @@

    Module Contents
    Parameters:
      -
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • -
    • email (str) – Email of the user to be added to the group.

    • +
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • +
    • email (str) – Email of the user to be added to the group.

    @@ -6108,8 +6435,8 @@

    Module Contents
    Parameters:
      -
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • -
    • email (str) – Email of the user to remove.

    • +
    • organization_group_id (str) – Unique string identifier of the Organization Group.

    • +
    • email (str) – Email of the user to remove.

    @@ -6121,7 +6448,7 @@

    Module Contents
    Parameters:
    -

    organization_group_id (str) – Unique string identifier of the Organization Group.

    +

    organization_group_id (str) – Unique string identifier of the Organization Group.

    @@ -6132,7 +6459,7 @@

    Module Contents
    Parameters:
    -

    api_key_id (str) – The ID of the API key to delete.

    +

    api_key_id (str) – The ID of the API key to delete.

    @@ -6143,7 +6470,7 @@

    Module Contents
    Parameters:
    -

    email (str) – The email address of the user to remove from the organization.

    +

    email (str) – The email address of the user to remove from the organization.

    @@ -6155,16 +6482,30 @@

    Module Contents
    Parameters:
      -
    • email (str) – The email address to send the email to.

    • -
    • subject (str) – The subject of the email.

    • -
    • body (str) – The body of the email.

    • -
    • is_html (bool) – Whether the body is html or not.

    • +
    • email (str) – The email address to send the email to.

    • +
    • subject (str) – The subject of the email.

    • +
    • body (str) – The body of the email.

    • +
    • is_html (bool) – Whether the body is html or not.

    • attachments (None) – A dictionary where the key is the filename (including the file extension), and the value is either a file-like object (e.g., an open file in binary mode) or raw file data (e.g., bytes).

    +
    +
    +set_user_role_to_platform(workspace, email)
    +

    Set the user’s role to have the Abacus.AI platform access.

    +
    +
    Parameters:
    +
      +
    • workspace (str) – The workspace for the user that’s getting platform access.

    • +
    • email (str) – The email for the user that’s getting platform access.

    • +
    +
    +
    +
    +
    create_deployment_webhook(deployment_id, endpoint, webhook_event_type, payload_template=None)
    @@ -6172,10 +6513,10 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique string identifier for the deployment this webhook will attach to.

    • -
    • endpoint (str) – URI that the webhook will send HTTP POST requests to.

    • -
    • webhook_event_type (str) – One of ‘DEPLOYMENT_START’, ‘DEPLOYMENT_SUCCESS’, or ‘DEPLOYMENT_FAILED’.

    • -
    • payload_template (dict) – Template for the body of the HTTP POST requests. Defaults to {}.

    • +
    • deployment_id (str) – Unique string identifier for the deployment this webhook will attach to.

    • +
    • endpoint (str) – URI that the webhook will send HTTP POST requests to.

    • +
    • webhook_event_type (str) – One of ‘DEPLOYMENT_START’, ‘DEPLOYMENT_SUCCESS’, or ‘DEPLOYMENT_FAILED’.

    • +
    • payload_template (dict) – Template for the body of the HTTP POST requests. Defaults to {}.

    Returns:
    @@ -6194,10 +6535,10 @@

    Module Contents
    Parameters:
      -
    • webhook_id (str) – The ID of the webhook to be updated.

    • -
    • endpoint (str) – If provided, changes the webhook’s endpoint.

    • -
    • webhook_event_type (str) – If provided, changes the event type.

    • -
    • payload_template (dict) – If provided, changes the payload template.

    • +
    • webhook_id (str) – The ID of the webhook to be updated.

    • +
    • endpoint (str) – If provided, changes the webhook’s endpoint.

    • +
    • webhook_event_type (str) – If provided, changes the event type.

    • +
    • payload_template (dict) – If provided, changes the payload template.

    @@ -6209,7 +6550,7 @@

    Module Contents
    Parameters:
    -

    webhook_id (str) – Unique identifier of the target webhook.

    +

    webhook_id (str) – Unique identifier of the target webhook.

    @@ -6221,8 +6562,8 @@

    Module Contents
    Parameters:
      -
    • name (str) – The project’s name.

    • -
    • use_case (str) – The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION.

    • +
    • name (str) – The project’s name.

    • +
    • use_case (str) – The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/developer-platform/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION.

    Returns:
    @@ -6234,6 +6575,28 @@

    Module Contents +
    +list_projects_dashboard(updated_filter=None, limit=50, since_project_id=None, search=None, starred=None, tag=None, tags=None)
    +

    Retrieves a list of projects for dashboard display with filtering and pagination support.

    +
    +
    Parameters:
    +
      +
    • updated_filter (int) – Unix timestamp to filter projects updated after this time.

    • +
    • limit (int) – The maximum number of projects to return (default: 50).

    • +
    • since_project_id (str) – The ID of the project after which the list starts for pagination.

    • +
    • search (str) – Search term to filter projects by name, creator email, or use case.

    • +
    • starred (bool) – Filter by starred status (True for starred, False for non-starred).

    • +
    • tag (str) – Filter by a single tag (deprecated, use tags instead).

    • +
    • tags (list) – List of tags to filter projects by.

    • +
    +
    +
    Return type:
    +

    dict

    +
    +
    +
    +
    rename_project(project_id, name)
    @@ -6241,8 +6604,8 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique identifier for the project.

    • -
    • name (str) – The new name for the project.

    • +
    • project_id (str) – The unique identifier for the project.

    • +
    • name (str) – The new name for the project.

    @@ -6258,8 +6621,8 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID of the project to delete.

    • -
    • force_delete (bool) – If True, the project will be deleted even if it has active deployments.

    • +
    • project_id (str) – The unique ID of the project to delete.

    • +
    • force_delete (bool) – If True, the project will be deleted even if it has active deployments.

    @@ -6272,8 +6635,8 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique identifier for the project.

    • -
    • tags (list) – The tags to add to the project.

    • +
    • project_id (str) – The unique identifier for the project.

    • +
    • tags (list) – The tags to add to the project.

    @@ -6286,13 +6649,33 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique identifier for the project.

    • -
    • tags (list) – The tags to remove from the project.

    • +
    • project_id (str) – The unique identifier for the project.

    • +
    • tags (list) – The tags to remove from the project.

    +
    +
    +get_raw_data_from_realtime_dataset(dataset_id, check_permissions=False, start_time=None, end_time=None, column_filter=None)
    +

    Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets.

    +
    +
    Parameters:
    +
      +
    • dataset_id (str) – The unique ID associated with the dataset.

    • +
    • check_permissions (bool) – If True, checks user permissions using session email.

    • +
    • start_time (str) – Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00).

    • +
    • end_time (str) – End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00).

    • +
    • column_filter (dict) – Dictionary mapping column names to filter values. Only rows matching all column filters will be returned.

    • +
    +
    +
    Return type:
    +

    Dict

    +
    +
    +
    +
    add_feature_group_to_project(feature_group_id, project_id, feature_group_type='CUSTOM_TABLE')
    @@ -6300,9 +6683,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • project_id (str) – The unique ID associated with the project.

    • -
    • feature_group_type (str) – The feature group type of the feature group, based on the use case under which the feature group is being created.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • feature_group_type (str) – The feature group type of the feature group, based on the use case under which the feature group is being created.

    @@ -6315,8 +6698,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier for the feature group.

    • -
    • project_id (str) – Unique string identifier for the project.

    • +
    • feature_group_id (str) – Unique string identifier for the feature group.

    • +
    • project_id (str) – Unique string identifier for the project.

    • project_config (ProjectFeatureGroupConfig) – Feature group’s project configuration.

    @@ -6330,8 +6713,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • project_id (str) – The unique ID associated with the project.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • project_id (str) – The unique ID associated with the project.

    @@ -6344,9 +6727,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique identifier associated with the feature group.

    • -
    • project_id (str) – Unique identifier associated with the project.

    • -
    • feature_group_type (str) – The feature group type to set the feature group as.

    • +
    • feature_group_id (str) – Unique identifier associated with the feature group.

    • +
    • project_id (str) – Unique identifier associated with the project.

    • +
    • feature_group_type (str) – The feature group type to set the feature group as.

    @@ -6359,18 +6742,33 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • feature_name (str) – The name of the feature.

    • -
    • feature_mapping (str) – The mapping of the feature in the feature group.

    • -
    • nested_column_name (str) – The name of the nested column if the input feature is part of a nested feature group for the given feature_group_id.

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • feature_name (str) – The name of the feature.

    • +
    • feature_mapping (str) – The mapping of the feature in the feature group.

    • +
    • nested_column_name (str) – The name of the nested column if the input feature is part of a nested feature group for the given feature_group_id.

    Returns:

    A list of objects that describes the resulting feature group’s schema after the feature’s featureMapping is set.

    Return type:
    -

    list[Feature]

    +

    list[Feature]

    +
    + + + +
    +
    +add_project_scope_for_user(project_id, email, scope)
    +

    Add a user to a project.

    +
    +
    Parameters:
    +
      +
    • project_id (str) – The project’s id.

    • +
    • email (str) – The user’s email.

    • +
    • scope (list) – The list of project scopes.

    • +
    @@ -6382,17 +6780,17 @@

    Module Contents
    Parameters:
      -
    • annotation (dict) – The annotation to add. Format of the annotation is determined by its annotation type.

    • -
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • -
    • feature_name (str) – The name of the feature the annotation is on.

    • -
    • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • -
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • -
    • annotation_source (str) – Indicator of whether the annotation came from the UI, bulk upload, etc.

    • -
    • status (str) – The status of the annotation. Can be one of ‘todo’, ‘in_progress’, ‘done’. This is optional.

    • -
    • comments (dict) – Comments for the annotation. This is a dictionary of feature name to the corresponding comment. This is optional.

    • -
    • project_id (str) – The ID of the project that the annotation is associated with. This is optional.

    • -
    • save_metadata (bool) – Whether to save the metadata for the annotation. This is optional.

    • -
    • pages (list) – pages (list): List of page numbers to consider while processing the annotation. This is optional. doc_id must be provided if pages is provided.

    • +
    • annotation (dict) – The annotation to add. Format of the annotation is determined by its annotation type.

    • +
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • +
    • feature_name (str) – The name of the feature the annotation is on.

    • +
    • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • +
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • +
    • annotation_source (str) – Indicator of whether the annotation came from the UI, bulk upload, etc.

    • +
    • status (str) – The status of the annotation. Can be one of ‘todo’, ‘in_progress’, ‘done’. This is optional.

    • +
    • comments (dict) – Comments for the annotation. This is a dictionary of feature name to the corresponding comment. This is optional.

    • +
    • project_id (str) – The ID of the project that the annotation is associated with. This is optional.

    • +
    • save_metadata (bool) – Whether to save the metadata for the annotation. This is optional.

    • +
    • pages (list) – pages (list): List of page numbers to consider while processing the annotation. This is optional. doc_id must be provided if pages is provided.

    Returns:
    @@ -6411,10 +6809,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • -
    • feature_name (str) – The name of the feature the annotation is on.

    • -
    • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • -
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • +
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • +
    • feature_name (str) – The name of the feature the annotation is on.

    • +
    • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • +
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    Returns:
    @@ -6433,12 +6831,12 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • -
    • feature_name (str) – The name of the feature the annotation is on.

    • -
    • status (str) – The new status of the annotation. Must be one of the following: ‘TODO’, ‘IN_PROGRESS’, ‘DONE’.

    • -
    • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • -
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • -
    • save_metadata (bool) – If True, save the metadata for the annotation entry.

    • +
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • +
    • feature_name (str) – The name of the feature the annotation is on.

    • +
    • status (str) – The new status of the annotation. Must be one of the following: ‘TODO’, ‘IN_PROGRESS’, ‘DONE’.

    • +
    • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • +
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

    • +
    • save_metadata (bool) – If True, save the metadata for the annotation entry.

    Returns:
    @@ -6457,11 +6855,11 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • -
    • project_id (str) – The ID of the project that the annotation is associated with.

    • -
    • feature_name (str) – The name of the feature the annotation is on.

    • -
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value. If provided, fetch the immediate next (or previous) available document.

    • -
    • get_previous (bool) – If True, get the previous document instead of the next document. Applicable if feature_group_row_identifier is provided.

    • +
    • feature_group_id (str) – The ID of the feature group the annotation is on.

    • +
    • project_id (str) – The ID of the project that the annotation is associated with.

    • +
    • feature_name (str) – The name of the feature the annotation is on.

    • +
    • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value. If provided, fetch the immediate next (or previous) available document.

    • +
    • get_previous (bool) – If True, get the previous document instead of the next document. Applicable if feature_group_row_identifier is provided.

    Returns:
    @@ -6480,9 +6878,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique string identifier of the feature group.

    • -
    • file (io.TextIOBase) – The file to import. Must be a csv file.

    • -
    • annotation_type (str) – The type of the annotation.

    • +
    • feature_group_id (str) – The unique string identifier of the feature group.

    • +
    • file (io.TextIOBase) – The file to import. Must be a csv file.

    • +
    • annotation_type (str) – The type of the annotation.

    Returns:
    @@ -6501,10 +6899,10 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – The unique name to be given to the FeatureGroup. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • -
    • sql (str) – Input SQL statement for forming the FeatureGroup.

    • -
    • description (str) – The description about the FeatureGroup.

    • -
    • version_limit (int) – The number of versions to preserve for the FeatureGroup (minimum 30).

    • +
    • table_name (str) – The unique name to be given to the FeatureGroup. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • sql (str) – Input SQL statement for forming the FeatureGroup.

    • +
    • description (str) – The description about the FeatureGroup.

    • +
    • version_limit (int) – The number of versions to preserve for the FeatureGroup (minimum 30).

    Returns:
    @@ -6523,12 +6921,12 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • -
    • feature_group_template_id (str) – The unique ID associated with the template that will be used to create this feature group.

    • -
    • template_bindings (list) – Variable bindings that override the template’s variable values.

    • -
    • should_attach_feature_group_to_template (bool) – Set to False to create a feature group but not leave it attached to the template that created it.

    • -
    • description (str) – A user-friendly description of this feature group.

    • -
    • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

    • +
    • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • feature_group_template_id (str) – The unique ID associated with the template that will be used to create this feature group.

    • +
    • template_bindings (list) – Variable bindings that override the template’s variable values.

    • +
    • should_attach_feature_group_to_template (bool) – Set to False to create a feature group but not leave it attached to the template that created it.

    • +
    • description (str) – A user-friendly description of this feature group.

    • +
    • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

    Returns:
    @@ -6549,19 +6947,19 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • -
    • function_source_code (str) – Contents of a valid source code file in a supported Feature Group specification language (currently only Python). The source code should contain a function called function_name. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • -
    • function_name (str) – Name of the function found in the source code that will be executed (on the optional inputs) to materialize this feature group.

    • -
    • input_feature_groups (list) – List of feature group names that are supplied to the function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

    • -
    • description (str) – The description for this feature group.

    • +
    • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • function_source_code (str) – Contents of a valid source code file in a supported Feature Group specification language (currently only Python). The source code should contain a function called function_name. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • +
    • function_name (str) – Name of the function found in the source code that will be executed (on the optional inputs) to materialize this feature group.

    • +
    • input_feature_groups (list) – List of feature group names that are supplied to the function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

    • +
    • description (str) – The description for this feature group.

    • cpu_size (CPUSize) – Size of the CPU for the feature group function.

    • memory (MemorySize) – Memory (in GB) for the feature group function.

    • -
    • package_requirements (list) – List of package requirements for the feature group function. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • -
    • use_original_csv_names (bool) – Defaults to False, if set it uses the original column names for input feature groups from CSV datasets.

    • -
    • python_function_name (str) – Name of Python Function that contains the source code and function arguments.

    • +
    • package_requirements (list) – List of package requirements for the feature group function. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • +
    • use_original_csv_names (bool) – Defaults to False, if set it uses the original column names for input feature groups from CSV datasets.

    • +
    • python_function_name (str) – Name of Python Function that contains the source code and function arguments.

    • python_function_bindings (List) – List of python function arguments.

    • -
    • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

    • -
    • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

    • +
    • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

    • +
    • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

    Returns:
    @@ -6581,10 +6979,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group that will be sampled by this new Feature Group. i.e. the input for sampling.

    • -
    • table_name (str) – The unique name to be given to this sampling Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group that will be sampled by this new Feature Group. i.e. the input for sampling.

    • +
    • table_name (str) – The unique name to be given to this sampling Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • sampling_config (SamplingConfig) – Dictionary defining the sampling method and its parameters.

    • -
    • description (str) – A human-readable description of this Feature Group.

    • +
    • description (str) – A human-readable description of this Feature Group.

    Returns:
    @@ -6600,30 +6998,20 @@

    Module Contents create_merge_feature_group(source_feature_group_id, table_name, merge_config, description=None)

    Creates a new feature group defined as the union of other feature group versions.

    -
    -
    -
    Args:

    source_feature_group_id (str): Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group. -table_name (str): Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores. -merge_config (MergeConfig): JSON object defining the merging method and its parameters. -description (str): Human-readable description of this feature group.

    -
    -
    Returns:

    FeatureGroup: The created feature group.

    -
    -
    -
    -

    Description: -Creates a new feature group defined as the union of other feature group versions.

    Parameters:
      -
    • source_feature_group_id (str)

    • -
    • table_name (str)

    • -
    • merge_config (Union[dict, abacusai.api_class.MergeConfig])

    • -
    • description (str)

    • +
    • source_feature_group_id (str) – Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group.

    • +
    • table_name (str) – Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • merge_config (MergeConfig) – JSON object defining the merging method and its parameters.

    • +
    • description (str) – Human-readable description of this feature group.

    -
    Return type:
    -

    abacusai.feature_group.FeatureGroup

    +
    Returns:
    +

    The created feature group.

    +
    +
    Return type:
    +

    FeatureGroup

    @@ -6635,10 +7023,10 @@

    Module Contents
    Parameters:
      -
    • source_feature_group_id (str) – Unique string identifier corresponding to the Feature Group to which the operator will be applied.

    • -
    • table_name (str) – Unique string identifier for the operator Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • source_feature_group_id (str) – Unique string identifier corresponding to the Feature Group to which the operator will be applied.

    • +
    • table_name (str) – Unique string identifier for the operator Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • operator_config (OperatorConfig) – The operator config is used to define the operator and its parameters.

    • -
    • description (str) – Human-readable description of the Feature Group.

    • +
    • description (str) – Human-readable description of the Feature Group.

    Returns:
    @@ -6657,8 +7045,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_version (str) – Unique string identifier associated with the Feature Group version being snapshotted.

    • -
    • table_name (str) – Name for the newly created Snapshot Feature Group table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • feature_group_version (str) – Unique string identifier associated with the Feature Group version being snapshotted.

    • +
    • table_name (str) – Name for the newly created Snapshot Feature Group table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    Returns:
    @@ -6677,9 +7065,9 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – Name for the newly created feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • -
    • primary_key (str) – The primary key for indexing the online feature group.

    • -
    • description (str) – Human-readable description of the Feature Group.

    • +
    • table_name (str) – Name for the newly created feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • primary_key (str) – The primary key for indexing the online feature group.

    • +
    • description (str) – Human-readable description of the Feature Group.

    Returns:
    @@ -6698,7 +7086,7 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique identifier associated with the FeatureGroup.

    • +
    • feature_group_id (str) – The unique identifier associated with the FeatureGroup.

    • sampling_config (SamplingConfig) – A JSON string object specifying the sampling method and parameters specific to that sampling method. An empty sampling_config indicates no sampling.

    @@ -6718,7 +7106,7 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique identifier associated with the feature group.

    • +
    • feature_group_id (str) – Unique identifier associated with the feature group.

    • merge_config (MergeConfig) – JSON object string specifying the merge rule. An empty merge_config will default to only including the latest dataset version.

    @@ -6738,7 +7126,7 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – A unique string identifier associated with the feature group.

    • +
    • feature_group_id (str) – A unique string identifier associated with the feature group.

    • operator_config (OperatorConfig) – A dictionary object specifying the pre-defined operations.

    @@ -6758,8 +7146,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • -
    • schema (list) – JSON string containing an array of objects with ‘name’ and ‘dataType’ properties.

    • +
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • +
    • schema (list) – JSON string containing an array of objects with ‘name’ and ‘dataType’ properties.

    @@ -6772,9 +7160,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the Feature Group.

    • -
    • name (str) – The name of the feature to add.

    • -
    • select_expression (str) – SQL SELECT expression to create the feature.

    • +
    • feature_group_id (str) – The unique ID associated with the Feature Group.

    • +
    • name (str) – The name of the feature to add.

    • +
    • select_expression (str) – SQL SELECT expression to create the feature.

    Returns:
    @@ -6793,8 +7181,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique identifier of the feature group.

    • -
    • tag (str) – The tag to add to the feature group.

    • +
    • feature_group_id (str) – Unique identifier of the feature group.

    • +
    • tag (str) – The tag to add to the feature group.

    @@ -6807,8 +7195,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier of the feature group.

    • -
    • tag (str) – The tag to remove from the feature group.

    • +
    • feature_group_id (str) – Unique string identifier of the feature group.

    • +
    • tag (str) – The tag to remove from the feature group.

    @@ -6821,9 +7209,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique string identifier for the feature group.

    • -
    • name (str) – The name of the feature to add.

    • -
    • annotation_type (str) – The type of annotation to set.

    • +
    • feature_group_id (str) – The unique string identifier for the feature group.

    • +
    • name (str) – The name of the feature to add.

    • +
    • annotation_type (str) – The type of annotation to set.

    Returns:
    @@ -6842,11 +7230,11 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • feature_name (str) – The name of the feature to set as annotatable.

    • -
    • annotation_type (str) – The type of annotation label to add.

    • -
    • feature_group_row_identifier_feature (str) – The key value of the feature group row the annotation is on (cast to string) and uniquely identifies the feature group row. At least one of the doc_id or key value must be provided so that the correct annotation can be identified.

    • -
    • doc_id_feature (str) – The name of the document ID feature.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • feature_name (str) – The name of the feature to set as annotatable.

    • +
    • annotation_type (str) – The type of annotation label to add.

    • +
    • feature_group_row_identifier_feature (str) – The key value of the feature group row the annotation is on (cast to string) and uniquely identifies the feature group row. At least one of the doc_id or key value must be provided so that the correct annotation can be identified.

    • +
    • doc_id_feature (str) – The name of the document ID feature.

    Returns:
    @@ -6865,8 +7253,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The ID of the feature group.

    • -
    • feature_name (str) – The name of the feature to set as the annotation status feature.

    • +
    • feature_group_id (str) – The ID of the feature group.

    • +
    • feature_name (str) – The name of the feature to set as the annotation status feature.

    Returns:
    @@ -6885,8 +7273,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique string identifier of the feature group.

    • -
    • feature_name (str) – The name of the feature to unset.

    • +
    • feature_group_id (str) – The unique string identifier of the feature group.

    • +
    • feature_name (str) – The name of the feature to unset.

    Returns:
    @@ -6905,10 +7293,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique string identifier of the feature group.

    • -
    • label_name (str) – The name of the label.

    • -
    • annotation_type (str) – The type of the annotation to set.

    • -
    • label_definition (str) – the definition of the label.

    • +
    • feature_group_id (str) – The unique string identifier of the feature group.

    • +
    • label_name (str) – The name of the label.

    • +
    • annotation_type (str) – The type of the annotation to set.

    • +
    • label_definition (str) – the definition of the label.

    Returns:
    @@ -6927,8 +7315,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique string identifier of the feature group.

    • -
    • label_name (str) – The name of the label to remove.

    • +
    • feature_group_id (str) – The unique string identifier of the feature group.

    • +
    • label_name (str) – The name of the label to remove.

    Returns:
    @@ -6947,9 +7335,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique string identifier of the feature group.

    • -
    • feature (str) – The feature to set the tag on.

    • -
    • tag (str) – The tag to set on the feature.

    • +
    • feature_group_id (str) – The unique string identifier of the feature group.

    • +
    • feature (str) – The feature to set the tag on.

    • +
    • tag (str) – The tag to set on the feature.

    @@ -6962,9 +7350,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique string identifier of the feature group.

    • -
    • feature (str) – The feature to remove the tag from.

    • -
    • tag (str) – The tag to remove.

    • +
    • feature_group_id (str) – The unique string identifier of the feature group.

    • +
    • feature (str) – The feature to remove the tag from.

    • +
    • tag (str) – The tag to remove.

    @@ -6977,12 +7365,12 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • nested_feature_name (str) – The name of the feature.

    • -
    • table_name (str) – The table name of the feature group to nest. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • -
    • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

    • -
    • where_clause (str) – A SQL WHERE statement to filter the nested rows.

    • -
    • order_clause (str) – A SQL clause to order the nested rows.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • nested_feature_name (str) – The name of the feature.

    • +
    • table_name (str) – The table name of the feature group to nest. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

    • +
    • where_clause (str) – A SQL WHERE statement to filter the nested rows.

    • +
    • order_clause (str) – A SQL clause to order the nested rows.

    Returns:
    @@ -7001,13 +7389,13 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • nested_feature_name (str) – The name of the feature to be updated.

    • -
    • table_name (str) – The name of the table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • -
    • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

    • -
    • where_clause (str) – An SQL WHERE statement to filter the nested rows.

    • -
    • order_clause (str) – An SQL clause to order the nested rows.

    • -
    • new_nested_feature_name (str) – New name for the nested feature.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • nested_feature_name (str) – The name of the feature to be updated.

    • +
    • table_name (str) – The name of the table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

    • +
    • where_clause (str) – An SQL WHERE statement to filter the nested rows.

    • +
    • order_clause (str) – An SQL clause to order the nested rows.

    • +
    • new_nested_feature_name (str) – New name for the nested feature.

    Returns:
    @@ -7026,8 +7414,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • nested_feature_name (str) – The name of the feature to be deleted.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • nested_feature_name (str) – The name of the feature to be deleted.

    Returns:
    @@ -7048,17 +7436,17 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • feature_name (str) – The name of the feature to create.

    • -
    • history_table_name (str) – The table name of the history table.

    • -
    • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

    • -
    • timestamp_key (str) – Name of feature which contains the timestamp value for the point in time feature.

    • -
    • historical_timestamp_key (str) – Name of feature which contains the historical timestamp.

    • -
    • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

    • -
    • lookback_window_seconds (float) – If window is specified in terms of time, number of seconds in the past from the current time for start of the window.

    • -
    • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

    • -
    • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

    • -
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • feature_name (str) – The name of the feature to create.

    • +
    • history_table_name (str) – The table name of the history table.

    • +
    • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

    • +
    • timestamp_key (str) – Name of feature which contains the timestamp value for the point in time feature.

    • +
    • historical_timestamp_key (str) – Name of feature which contains the historical timestamp.

    • +
    • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

    • +
    • lookback_window_seconds (float) – If window is specified in terms of time, number of seconds in the past from the current time for start of the window.

    • +
    • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

    • +
    • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

    • +
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

    Returns:
    @@ -7077,18 +7465,18 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • feature_name (str) – The name of the feature.

    • -
    • history_table_name (str) – The table name of the history table. If not specified, we use the current table to do a self join.

    • -
    • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

    • -
    • timestamp_key (str) – Name of the feature which contains the timestamp value for the PiT feature.

    • -
    • historical_timestamp_key (str) – Name of the feature which contains the historical timestamp.

    • -
    • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

    • -
    • lookback_window_seconds (float) – If the window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

    • -
    • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window. If it is negative, we are looking at the “future” rows in the history table.

    • -
    • lookback_count (int) – If the window is specified in terms of count, the start position of the window (0 is the current row).

    • -
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

    • -
    • new_feature_name (str) – New name for the PiT feature.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • feature_name (str) – The name of the feature.

    • +
    • history_table_name (str) – The table name of the history table. If not specified, we use the current table to do a self join.

    • +
    • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

    • +
    • timestamp_key (str) – Name of the feature which contains the timestamp value for the PiT feature.

    • +
    • historical_timestamp_key (str) – Name of the feature which contains the historical timestamp.

    • +
    • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

    • +
    • lookback_window_seconds (float) – If the window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

    • +
    • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window. If it is negative, we are looking at the “future” rows in the history table.

    • +
    • lookback_count (int) – If the window is specified in terms of count, the start position of the window (0 is the current row).

    • +
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

    • +
    • new_feature_name (str) – New name for the PiT feature.

    Returns:
    @@ -7107,17 +7495,17 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group to add the point in time group to.

    • -
    • group_name (str) – The name of the point in time group.

    • -
    • window_key (str) – Name of feature to use for ordering the rows on the source table.

    • -
    • aggregation_keys (list) – List of keys to perform on the source table for the window aggregation.

    • -
    • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

    • -
    • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

    • -
    • history_aggregation_keys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

    • -
    • lookback_window (float) – Number of seconds in the past from the current time for the start of the window. If 0, the lookback will include all rows.

    • -
    • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, “future” rows in the history table are used.

    • -
    • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

    • -
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many “future” rows in the history table are used.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group to add the point in time group to.

    • +
    • group_name (str) – The name of the point in time group.

    • +
    • window_key (str) – Name of feature to use for ordering the rows on the source table.

    • +
    • aggregation_keys (list) – List of keys to perform on the source table for the window aggregation.

    • +
    • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

    • +
    • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

    • +
    • history_aggregation_keys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

    • +
    • lookback_window (float) – Number of seconds in the past from the current time for the start of the window. If 0, the lookback will include all rows.

    • +
    • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, “future” rows in the history table are used.

    • +
    • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

    • +
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many “future” rows in the history table are used.

    Returns:
    @@ -7136,11 +7524,11 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • -
    • group_name (str) – Name of the point-in-time group.

    • -
    • columns (list) – List of columns to generate point-in-time features for.

    • -
    • window_functions (list) – List of window functions to operate on.

    • -
    • prefix (str) – Prefix for generated features, defaults to group name

    • +
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • +
    • group_name (str) – Name of the point-in-time group.

    • +
    • columns (list) – List of columns to generate point-in-time features for.

    • +
    • window_functions (list) – List of window functions to operate on.

    • +
    • prefix (str) – Prefix for generated features, defaults to group name

    Returns:
    @@ -7159,17 +7547,17 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • group_name (str) – The name of the point-in-time group.

    • -
    • window_key (str) – Name of feature which contains the timestamp value for the point-in-time feature.

    • -
    • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

    • -
    • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

    • -
    • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

    • -
    • history_aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

    • -
    • lookback_window (float) – Number of seconds in the past from the current time for the start of the window.

    • -
    • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, future rows in the history table are looked at.

    • -
    • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

    • -
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many future rows in the history table are looked at.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • group_name (str) – The name of the point-in-time group.

    • +
    • window_key (str) – Name of feature which contains the timestamp value for the point-in-time feature.

    • +
    • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

    • +
    • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

    • +
    • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

    • +
    • history_aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

    • +
    • lookback_window (float) – Number of seconds in the past from the current time for the start of the window.

    • +
    • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, future rows in the history table are looked at.

    • +
    • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

    • +
    • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many future rows in the history table are looked at.

    Returns:
    @@ -7188,8 +7576,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique identifier associated with the feature group.

    • -
    • group_name (str) – The name of the point in time group.

    • +
    • feature_group_id (str) – The unique identifier associated with the feature group.

    • +
    • group_name (str) – The name of the point in time group.

    Returns:
    @@ -7208,10 +7596,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – A unique string identifier associated with the feature group.

    • -
    • group_name (str) – The name of the point-in-time group.

    • -
    • name (str) – The name of the feature to add to the point-in-time group.

    • -
    • expression (str) – A SQL aggregate expression which can convert a sequence of rows into a scalar value.

    • +
    • feature_group_id (str) – A unique string identifier associated with the feature group.

    • +
    • group_name (str) – The name of the point-in-time group.

    • +
    • name (str) – The name of the feature to add to the point-in-time group.

    • +
    • expression (str) – A SQL aggregate expression which can convert a sequence of rows into a scalar value.

    Returns:
    @@ -7230,10 +7618,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • group_name (str) – The name of the point-in-time group.

    • -
    • name (str) – The name of the feature to add to the point-in-time group.

    • -
    • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • group_name (str) – The name of the point-in-time group.

    • +
    • name (str) – The name of the feature to add to the point-in-time group.

    • +
    • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

    Returns:
    @@ -7252,10 +7640,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • feature (str) – The name of the feature.

    • -
    • feature_type (str) – The machine learning type of the data in the feature.

    • -
    • project_id (str) – Optional unique ID associated with the project.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • feature (str) – The name of the feature.

    • +
    • feature_type (str) – The machine learning type of the data in the feature.

    • +
    • project_id (str) – Optional unique ID associated with the project.

    Returns:
    @@ -7274,11 +7662,11 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The destination Feature Group.

    • -
    • source_feature_group_id (str) – The Feature Group to concatenate with the destination Feature Group.

    • -
    • merge_type (str) – UNION or INTERSECTION.

    • -
    • replace_until_timestamp (int) – The UNIX timestamp to specify the point until which we will replace data from the source Feature Group.

    • -
    • skip_materialize (bool) – If True, will not materialize the concatenated Feature Group.

    • +
    • feature_group_id (str) – The destination Feature Group.

    • +
    • source_feature_group_id (str) – The Feature Group to concatenate with the destination Feature Group.

    • +
    • merge_type (str) – UNION or INTERSECTION.

    • +
    • replace_until_timestamp (int) – The UNIX timestamp to specify the point until which we will replace data from the source Feature Group.

    • +
    • skip_materialize (bool) – If True, will not materialize the concatenated Feature Group.

    @@ -7290,7 +7678,7 @@

    Module Contents
    Parameters:
    -

    feature_group_id (str) – Unique identifier of the destination feature group to remove the concatenation configuration from.

    +

    feature_group_id (str) – Unique identifier of the destination feature group to remove the concatenation configuration from.

    @@ -7302,10 +7690,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier for the feature group.

    • -
    • primary_key (str) – Name of the feature which defines the primary key of the feature group.

    • -
    • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication.

    • -
    • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

    • +
    • feature_group_id (str) – Unique string identifier for the feature group.

    • +
    • primary_key (str) – Name of the feature which defines the primary key of the feature group.

    • +
    • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication.

    • +
    • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

    @@ -7318,9 +7706,9 @@

    Module Contents
    Parameters:
      -
    • query (str) – The SQL to be executed.

    • -
    • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

    • -
    • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group.

    • +
    • query (str) – The SQL to be executed.

    • +
    • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

    • +
    • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group.

    Returns:
    @@ -7338,7 +7726,7 @@

    Module Contents
    Parameters:
    -

    feature_group_operation_run_id (str) – The unique ID associated with the execution.

    +

    feature_group_operation_run_id (str) – The unique ID associated with the execution.

    Returns:

    A dict that contains the execution status

    @@ -7356,8 +7744,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique identifier associated with the Feature Group.

    • -
    • description (str) – Description of the Feature Group.

    • +
    • feature_group_id (str) – Unique identifier associated with the Feature Group.

    • +
    • description (str) – Description of the Feature Group.

    Returns:
    @@ -7375,7 +7763,7 @@

    Module Contents
    Parameters:
    -

    feature_group_id (str) – Unique string identifier associated with the feature group.

    +

    feature_group_id (str) – Unique string identifier associated with the feature group.

    Returns:

    The updated feature group.

    @@ -7393,8 +7781,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • -
    • template_bindings (list) – Values in these bindings override values set in the template.

    • +
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • +
    • template_bindings (list) – Values in these bindings override values set in the template.

    Returns:
    @@ -7413,7 +7801,7 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • python_function_bindings (List) – List of python function arguments.

    @@ -7429,13 +7817,13 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • python_function_name (str) – The name of the python function to be associated with the feature group.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • python_function_name (str) – The name of the python function to be associated with the feature group.

    • python_function_bindings (List) – List of python function arguments.

    • cpu_size (CPUSize) – Size of the CPU for the feature group python function.

    • memory (MemorySize) – Memory (in GB) for the feature group python function.

    • -
    • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

    • -
    • use_original_csv_names (bool) – If enabled, it uses the original column names for input feature groups from CSV datasets.

    • +
    • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

    • +
    • use_original_csv_names (bool) – If enabled, it uses the original column names for input feature groups from CSV datasets.

    @@ -7448,8 +7836,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique identifier associated with the feature group.

    • -
    • sql (str) – The input SQL statement for the feature group.

    • +
    • feature_group_id (str) – The unique identifier associated with the feature group.

    • +
    • sql (str) – The input SQL statement for the feature group.

    Returns:
    @@ -7468,8 +7856,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique identifier associated with the feature group.

    • -
    • feature_expression (str) – The input SQL statement for the feature group.

    • +
    • feature_group_id (str) – The unique identifier associated with the feature group.

    • +
    • feature_expression (str) – The input SQL statement for the feature group.

    Returns:
    @@ -7488,10 +7876,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique identifier of the feature group.

    • -
    • name (str) – Name of the feature to be updated.

    • -
    • select_expression (str) – SQL statement for modifying the feature.

    • -
    • new_name (str) – New name of the feature.

    • +
    • feature_group_id (str) – Unique identifier of the feature group.

    • +
    • name (str) – Name of the feature to be updated.

    • +
    • select_expression (str) – SQL statement for modifying the feature.

    • +
    • new_name (str) – New name of the feature.

    Returns:
    @@ -7510,10 +7898,10 @@

    Module Contents
    Parameters:
      -
    • feature_group_version (str) – Unique string identifier for the feature group instance to export.

    • -
    • location (str) – Cloud file location to export to.

    • -
    • export_file_format (str) – Enum string specifying the file format to export to.

    • -
    • overwrite (bool) – If true and a file exists at this location, this process will overwrite the file.

    • +
    • feature_group_version (str) – Unique string identifier for the feature group instance to export.

    • +
    • location (str) – Cloud file location to export to.

    • +
    • export_file_format (str) – Enum string specifying the file format to export to.

    • +
    • overwrite (bool) – If true and a file exists at this location, this process will overwrite the file.

    Returns:
    @@ -7532,13 +7920,13 @@

    Module Contents
    Parameters:
      -
    • feature_group_version (str) – Unique string identifier for the Feature Group instance to export.

    • -
    • database_connector_id (str) – Unique string identifier for the Database Connector to export to.

    • -
    • object_name (str) – Name of the database object to write to.

    • -
    • write_mode (str) – Enum string indicating whether to use INSERT or UPSERT.

    • -
    • database_feature_mapping (dict) – Key/value pair JSON object of “database connector column” -> “feature name” pairs.

    • -
    • id_column (str) – Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key.

    • -
    • additional_id_columns (list) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

    • +
    • feature_group_version (str) – Unique string identifier for the Feature Group instance to export.

    • +
    • database_connector_id (str) – Unique string identifier for the Database Connector to export to.

    • +
    • object_name (str) – Name of the database object to write to.

    • +
    • write_mode (str) – Enum string indicating whether to use INSERT or UPSERT or REPLACE.

    • +
    • database_feature_mapping (dict) – Key/value pair JSON object of “database connector column” -> “feature name” pairs.

    • +
    • id_column (str) – Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key.

    • +
    • additional_id_columns (list) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

    Returns:
    @@ -7557,8 +7945,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_version (str) – Unique string identifier of the Feature Group instance to export.

    • -
    • export_file_format (str) – File format to export to.

    • +
    • feature_group_version (str) – Unique string identifier of the Feature Group instance to export.

    • +
    • export_file_format (str) – File format to export to.

    Returns:
    @@ -7577,8 +7965,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • locked (bool) – Whether to disable or enable feature group modification (True or False).

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • locked (bool) – Whether to disable or enable feature group modification (True or False).

    @@ -7591,8 +7979,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • email (str) – The email address of the user to be added.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • email (str) – The email address of the user to be added.

    @@ -7605,8 +7993,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier of the feature group.

    • -
    • organization_group_id (str) – Unique string identifier of the organization group.

    • +
    • feature_group_id (str) – Unique string identifier of the feature group.

    • +
    • organization_group_id (str) – Unique string identifier of the organization group.

    @@ -7619,8 +8007,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • email (str) – The email address of the user to be removed.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • email (str) – The email address of the user to be removed.

    @@ -7633,8 +8021,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • organization_group_id (str) – The unique ID associated with the organization group.

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • organization_group_id (str) – The unique ID associated with the organization group.

    @@ -7647,8 +8035,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • -
    • name (str) – Name of the feature to be deleted.

    • +
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • +
    • name (str) – Name of the feature to be deleted.

    Returns:
    @@ -7666,7 +8054,7 @@

    Module Contents
    Parameters:
    -

    feature_group_id (str) – Unique string identifier for the feature group to be removed.

    +

    feature_group_id (str) – Unique string identifier for the feature group to be removed.

    @@ -7677,7 +8065,7 @@

    Module Contents
    Parameters:
    -

    feature_group_version (str) – String identifier for the feature group version to be removed.

    +

    feature_group_version (str) – String identifier for the feature group version to be removed.

    @@ -7689,8 +8077,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • -
    • variable_bindings (dict) – Dictionary defining variable bindings that override parent feature group values.

    • +
    • feature_group_id (str) – Unique string identifier associated with the feature group.

    • +
    • variable_bindings (dict) – Dictionary defining variable bindings that override parent feature group values.

    Returns:
    @@ -7709,7 +8097,7 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

    • +
    • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

    • feature_group_export_config (FeatureGroupExportConfig) – The export config to be set for the given feature group.

    @@ -7723,8 +8111,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

    • -
    • enable (bool) – If true, will enable exporting feature group to the connector. If false, will disable.

    • +
    • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

    • +
    • enable (bool) – If true, will enable exporting feature group to the connector. If false, will disable.

    @@ -7737,13 +8125,13 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique identifier of the feature group this template was created from.

    • -
    • name (str) – User-friendly name for this feature group template.

    • -
    • template_sql (str) – The template SQL that will be resolved by applying values from the template variables to generate SQL for a feature group.

    • -
    • template_variables (list) – The template variables for resolving the template.

    • -
    • description (str) – Description of this feature group template.

    • -
    • template_bindings (list) – If the feature group will be attached to the newly created template, set these variable bindings on that feature group.

    • -
    • should_attach_feature_group_to_template (bool) – Set to True to convert the feature group to a template feature group and attach it to the newly created template.

    • +
    • feature_group_id (str) – Unique identifier of the feature group this template was created from.

    • +
    • name (str) – User-friendly name for this feature group template.

    • +
    • template_sql (str) – The template SQL that will be resolved by applying values from the template variables to generate SQL for a feature group.

    • +
    • template_variables (list) – The template variables for resolving the template.

    • +
    • description (str) – Description of this feature group template.

    • +
    • template_bindings (list) – If the feature group will be attached to the newly created template, set these variable bindings on that feature group.

    • +
    • should_attach_feature_group_to_template (bool) – Set to True to convert the feature group to a template feature group and attach it to the newly created template.

    Returns:
    @@ -7761,7 +8149,7 @@

    Module Contents
    Parameters:
    -

    feature_group_template_id (str) – Unique string identifier associated with the feature group template.

    +

    feature_group_template_id (str) – Unique string identifier associated with the feature group template.

    @@ -7773,11 +8161,11 @@

    Module Contents
    Parameters:
      -
    • feature_group_template_id (str) – Unique identifier of the feature group template to update.

    • -
    • template_sql (str) – If provided, the new value to use for the template SQL.

    • -
    • template_variables (list) – If provided, the new value to use for the template variables.

    • -
    • description (str) – Description of this feature group template.

    • -
    • name (str) – User-friendly name for this feature group template.

    • +
    • feature_group_template_id (str) – Unique identifier of the feature group template to update.

    • +
    • template_sql (str) – If provided, the new value to use for the template SQL.

    • +
    • template_variables (list) – If provided, the new value to use for the template variables.

    • +
    • description (str) – Description of this feature group template.

    • +
    • name (str) – User-friendly name for this feature group template.

    Returns:
    @@ -7796,11 +8184,11 @@

    Module Contents
    Parameters:
      -
    • feature_group_template_id (str) – Unique string identifier. If specified, use this template, otherwise assume an empty template.

    • -
    • template_bindings (list) – Values to override the template variable values specified by the template.

    • -
    • template_sql (str) – If specified, use this as the template SQL instead of the feature group template’s SQL.

    • -
    • template_variables (list) – Template variables to use. If a template is provided, this overrides the template’s template variables.

    • -
    • should_validate (bool) – If true, validates the resolved SQL.

    • +
    • feature_group_template_id (str) – Unique string identifier. If specified, use this template, otherwise assume an empty template.

    • +
    • template_bindings (list) – Values to override the template variable values specified by the template.

    • +
    • template_sql (str) – If specified, use this as the template SQL instead of the feature group template’s SQL.

    • +
    • template_variables (list) – Template variables to use. If a template is provided, this overrides the template’s template variables.

    • +
    • should_validate (bool) – If true, validates the resolved SQL.

    Returns:
    @@ -7818,7 +8206,7 @@

    Module Contents
    Parameters:
    -

    upload_id (str) – A unique string identifier for the upload.

    +

    upload_id (str) – A unique string identifier for the upload.

    @@ -7830,9 +8218,9 @@

    Module Contents
    Parameters:
      -
    • upload_id (str) – A unique identifier for this upload.

    • -
    • part_number (int) – The 1-indexed number denoting the position of the file part in the sequence of parts for the full file.

    • -
    • part_data (io.TextIOBase) – The multipart/form-data for the current part of the full file.

    • +
    • upload_id (str) – A unique identifier for this upload.

    • +
    • part_number (int) – The 1-indexed number denoting the position of the file part in the sequence of parts for the full file.

    • +
    • part_data (io.TextIOBase) – The multipart/form-data for the current part of the full file.

    Returns:
    @@ -7850,7 +8238,7 @@

    Module Contents
    Parameters:
    -

    upload_id (str) – A unique string identifier for the upload process.

    +

    upload_id (str) – A unique string identifier for the upload process.

    Returns:

    The upload object associated with the process, containing details of the file.

    @@ -7868,25 +8256,25 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – Organization-unique table name or the name of the feature group table to create using the source table.

    • -
    • location (str) – The URI location format of the dataset source. The URI location format needs to be specified to match the location_date_format when location_date_format is specified. For example, Location = s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/* when location_date_format is specified. The URI location format needs to include both the start_prefix and until_prefix when both are specified. For example, Location s3://bucket1/dir1/* includes both s3://bucket1/dir1/dir2/event_date=2021-08-02/* and s3://bucket1/dir1/dir2/event_date=2021-08-08/*

    • -
    • file_format (str) – The file format of the dataset.

    • -
    • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter.

    • -
    • filename_column (str) – Adds a new column to the dataset with the external URI path.

    • -
    • start_prefix (str) – The start prefix (inclusive) for a range based search on a cloud storage location URI.

    • -
    • until_prefix (str) – The end prefix (exclusive) for a range based search on a cloud storage location URI.

    • -
    • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

    • -
    • location_date_format (str) – The date format in which the data is partitioned in the cloud storage location. For example, if the data is partitioned as s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/dir4/filename.parquet, then the location_date_format is YYYY-MM-DD. This format needs to be consistent across all files within the specified location.

    • -
    • date_format_lookback_days (int) – The number of days to look back from the current day for import locations that are date partitioned. For example, import date 2021-06-04 with date_format_lookback_days = 3 will retrieve data for all the dates in the range [2021-06-02, 2021-06-04].

    • -
    • incremental (bool) – Signifies if the dataset is an incremental dataset.

    • -
    • is_documentset (bool) – Signifies if the dataset is docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

    • +
    • table_name (str) – Organization-unique table name or the name of the feature group table to create using the source table.

    • +
    • location (str) – The URI location format of the dataset source. The URI location format needs to be specified to match the location_date_format when location_date_format is specified. For example, Location = s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/* when location_date_format is specified. The URI location format needs to include both the start_prefix and until_prefix when both are specified. For example, Location s3://bucket1/dir1/* includes both s3://bucket1/dir1/dir2/event_date=2021-08-02/* and s3://bucket1/dir1/dir2/event_date=2021-08-08/*

    • +
    • file_format (str) – The file format of the dataset.

    • +
    • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter.

    • +
    • filename_column (str) – Adds a new column to the dataset with the external URI path.

    • +
    • start_prefix (str) – The start prefix (inclusive) for a range based search on a cloud storage location URI.

    • +
    • until_prefix (str) – The end prefix (exclusive) for a range based search on a cloud storage location URI.

    • +
    • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

    • +
    • location_date_format (str) – The date format in which the data is partitioned in the cloud storage location. For example, if the data is partitioned as s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/dir4/filename.parquet, then the location_date_format is YYYY-MM-DD. This format needs to be consistent across all files within the specified location.

    • +
    • date_format_lookback_days (int) – The number of days to look back from the current day for import locations that are date partitioned. For example, import date 2021-06-04 with date_format_lookback_days = 3 will retrieve data for all the dates in the range [2021-06-02, 2021-06-04].

    • +
    • incremental (bool) – Signifies if the dataset is an incremental dataset.

    • +
    • is_documentset (bool) – Signifies if the dataset is docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

    • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration. Only valid if is_documentset is True.

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. If is_documentset is True, this is also set to True by default.

    • -
    • reference_only_documentset (bool) – Signifies if the data reference only policy is enabled.

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. If is_documentset is True, this is also set to True by default.

    • +
    • reference_only_documentset (bool) – Signifies if the data reference only policy is enabled.

    • parsing_config (ParsingConfig) – Custom config for dataset parsing.

    • -
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    • +
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    Returns:
    @@ -7905,13 +8293,13 @@

    Module Contents
    Parameters:
      -
    • dataset_id (str) – Unique string identifier associated with the dataset.

    • -
    • location (str) – External URI to import the dataset from. If not specified, the last location will be used.

    • -
    • file_format (str) – File format to be used. If not specified, the service will try to detect the file format.

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

    • -
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled.

    • +
    • dataset_id (str) – Unique string identifier associated with the dataset.

    • +
    • location (str) – External URI to import the dataset from. If not specified, the last location will be used.

    • +
    • file_format (str) – File format to be used. If not specified, the service will try to detect the file format.

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

    • +
    • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled.

    • parsing_config (ParsingConfig) – Custom config for dataset parsing.

    • -
    • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

    • +
    • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

    Returns:
    @@ -7930,18 +8318,18 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – Organization-unique table name.

    • -
    • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

    • -
    • object_name (str) – If applicable, the name/ID of the object in the service to query.

    • -
    • columns (str) – The columns to query from the external service object.

    • -
    • query_arguments (str) – Additional query arguments to filter the data.

    • -
    • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

    • -
    • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, timestamp_column, and query_arguments.

    • -
    • incremental (bool) – Signifies if the dataset is an incremental dataset.

    • +
    • table_name (str) – Organization-unique table name.

    • +
    • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

    • +
    • object_name (str) – If applicable, the name/ID of the object in the service to query.

    • +
    • columns (str) – The columns to query from the external service object.

    • +
    • query_arguments (str) – Additional query arguments to filter the data.

    • +
    • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

    • +
    • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, timestamp_column, and query_arguments.

    • +
    • incremental (bool) – Signifies if the dataset is an incremental dataset.

    • attachment_parsing_config (AttachmentParsingConfig) – The attachment parsing configuration. Only valid when attachments are being imported, either will take fg name and column name, or we will take list of urls to import (e.g. importing attachments via Salesforce).

    • incremental_database_connector_config (IncrementalDatabaseConnectorConfig) – The config for incremental datasets. Only valid if incremental is True

    • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration. Only valid when documents are being imported (e.g. importing KnowledgeArticleDescriptions via Salesforce).

    • -
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    • +
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    Returns:
    @@ -7955,16 +8343,17 @@

    Module Contents
    -create_dataset_from_application_connector(table_name, application_connector_id, dataset_config=None, refresh_schedule=None, version_limit=30)
    +create_dataset_from_application_connector(table_name, application_connector_id, dataset_config=None, refresh_schedule=None, version_limit=30, incremental=False)

    Creates a dataset from an Application Connector.

    Parameters:
      -
    • table_name (str) – Organization-unique table name.

    • -
    • application_connector_id (str) – Unique string identifier of the application connector to download data from.

    • +
    • table_name (str) – Organization-unique table name.

    • +
    • application_connector_id (str) – Unique string identifier of the application connector to download data from.

    • dataset_config (ApplicationConnectorDatasetConfig) – Dataset config for the application connector.

    • -
    • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

    • -
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    • +
    • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

    • +
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    • +
    • incremental (bool) – Signifies if the dataset is an incremental dataset.

    Returns:
    @@ -7983,11 +8372,11 @@

    Module Contents
    Parameters:
      -
    • dataset_id (str) – The unique ID associated with the dataset.

    • -
    • object_name (str) – The name/ID of the object in the service to query. If not specified, the last name will be used.

    • -
    • columns (str) – The columns to query from the external service object. If not specified, the last columns will be used.

    • -
    • query_arguments (str) – Additional query arguments to filter the data. If not specified, the last arguments will be used.

    • -
    • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, and query_arguments.

    • +
    • dataset_id (str) – The unique ID associated with the dataset.

    • +
    • object_name (str) – The name/ID of the object in the service to query. If not specified, the last name will be used.

    • +
    • columns (str) – The columns to query from the external service object. If not specified, the last columns will be used.

    • +
    • query_arguments (str) – Additional query arguments to filter the data. If not specified, the last arguments will be used.

    • +
    • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, and query_arguments.

    Returns:
    @@ -8006,7 +8395,7 @@

    Module Contents
    Parameters:
      -
    • dataset_id (str) – The unique ID associated with the dataset.

    • +
    • dataset_id (str) – The unique ID associated with the dataset.

    • dataset_config (ApplicationConnectorDatasetConfig) – Dataset config for the application connector. If any of the fields are not specified, the last values will be used.

    @@ -8026,15 +8415,15 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – Organization-unique table name for this dataset.

    • -
    • file_format (str) – The file format of the dataset.

    • -
    • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

    • -
    • is_documentset (bool) – Signifies if the dataset is a docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

    • -
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

    • +
    • table_name (str) – Organization-unique table name for this dataset.

    • +
    • file_format (str) – The file format of the dataset.

    • +
    • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

    • +
    • is_documentset (bool) – Signifies if the dataset is a docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

    • +
    • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

    • parsing_config (ParsingConfig) – Custom config for dataset parsing.

    • -
    • merge_file_schemas (bool) – Signifies whether to merge the schemas of all files in the dataset. If is_documentset is True, this is also set to True by default.

    • +
    • merge_file_schemas (bool) – Signifies whether to merge the schemas of all files in the dataset. If is_documentset is True, this is also set to True by default.

    • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration. Only valid if is_documentset is True.

    • -
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    • +
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    Returns:
    @@ -8053,8 +8442,8 @@

    Module Contents
    Parameters:
      -
    • dataset_id (str) – Unique string identifier associated with the dataset.

    • -
    • file_format (str) – File format to be used. If not specified, the service will attempt to detect the file format.

    • +
    • dataset_id (str) – Unique string identifier associated with the dataset.

    • +
    • file_format (str) – File format to be used. If not specified, the service will attempt to detect the file format.

    Returns:
    @@ -8073,7 +8462,7 @@

    Module Contents
    Parameters:
      -
    • dataset_id (str) – The unique ID associated with the dataset to use as the source dataset.

    • +
    • dataset_id (str) – The unique ID associated with the dataset to use as the source dataset.

    • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration to use for the new dataset version. If not specified, the document processing configuration from the source dataset will be used.

    @@ -8093,11 +8482,11 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – The feature group table name to create for this dataset.

    • -
    • primary_key (str) – The optional primary key column name for the dataset.

    • -
    • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication. Only relevant if lookup keys are set.

    • -
    • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

    • -
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    • +
    • table_name (str) – The feature group table name to create for this dataset.

    • +
    • primary_key (str) – The optional primary key column name for the dataset.

    • +
    • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication. Only relevant if lookup keys are set.

    • +
    • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

    • +
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    Returns:
    @@ -8116,8 +8505,8 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – Organization-unique table name.

    • -
    • application_connector_id (str) – Unique string identifier of the application connector to download data from.

    • +
    • table_name (str) – Organization-unique table name.

    • +
    • application_connector_id (str) – Unique string identifier of the application connector to download data from.

    • dataset_config (ApplicationConnectorDatasetConfig) – Dataset config for the application connector.

    @@ -8136,7 +8525,7 @@

    Module Contents
    Parameters:
    -

    dataset_id (str) – The unique ID associated with the dataset.

    +

    dataset_id (str) – The unique ID associated with the dataset.

    Returns:

    The new Dataset Version created by taking a snapshot of the current data in the streaming dataset.

    @@ -8154,8 +8543,8 @@

    Module Contents
    Parameters:
      -
    • dataset_id (str) – The unique ID associated with the dataset.

    • -
    • column (str) – The name of the column.

    • +
    • dataset_id (str) – The unique ID associated with the dataset.

    • +
    • column (str) – The name of the column.

    • data_type (DataType) – The type of the data in the column. Note: Some ColumnMappings may restrict the options or explicitly set the DataType.

    @@ -8175,11 +8564,11 @@

    Module Contents
    Parameters:
      -
    • table_name (str) – Organization-unique table name

    • -
    • streaming_connector_id (str) – Unique String Identifier for the Streaming Connector to import the dataset from

    • +
    • table_name (str) – Organization-unique table name

    • +
    • streaming_connector_id (str) – Unique String Identifier for the Streaming Connector to import the dataset from

    • dataset_config (StreamingConnectorDatasetConfig) – Streaming dataset config

    • -
    • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. Time is specified in UTC.

    • -
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    • +
    • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. Time is specified in UTC.

    • +
    • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

    Returns:
    @@ -8198,10 +8587,10 @@

    Module Contents
    Parameters:
      -
    • dataset_id (str) – Unique string identifier for the streaming dataset.

    • -
    • retention_hours (int) – Number of hours to retain streamed data in memory.

    • -
    • retention_row_count (int) – Number of rows to retain streamed data in memory.

    • -
    • ignore_records_before_timestamp (int) – The Unix timestamp (in seconds) to use as a cutoff to ignore all entries sent before it

    • +
    • dataset_id (str) – Unique string identifier for the streaming dataset.

    • +
    • retention_hours (int) – Number of hours to retain streamed data in memory.

    • +
    • retention_row_count (int) – Number of rows to retain streamed data in memory.

    • +
    • ignore_records_before_timestamp (int) – The Unix timestamp (in seconds) to use as a cutoff to ignore all entries sent before it

    @@ -8214,8 +8603,8 @@

    Module Contents
    Parameters:
      -
    • database_connector_id (str) – The unique identifier for the database connector.

    • -
    • name (str) – The new name for the Database Connector.

    • +
    • database_connector_id (str) – The unique identifier for the database connector.

    • +
    • name (str) – The new name for the Database Connector.

    @@ -8228,8 +8617,8 @@

    Module Contents
    Parameters:
      -
    • application_connector_id (str) – The unique identifier for the application connector.

    • -
    • name (str) – A new name for the application connector.

    • +
    • application_connector_id (str) – The unique identifier for the application connector.

    • +
    • name (str) – A new name for the application connector.

    @@ -8241,7 +8630,7 @@

    Module Contents
    Parameters:
    -

    database_connector_id (str) – Unique string identifier for the database connector.

    +

    database_connector_id (str) – Unique string identifier for the database connector.

    @@ -8252,7 +8641,7 @@

    Module Contents
    Parameters:
    -

    bucket (str) – The bucket to test.

    +

    bucket (str) – The bucket to test.

    Returns:

    The result of the verification.

    @@ -8269,7 +8658,7 @@

    Module Contents
    Parameters:
    -

    database_connector_id (str) – The unique identifier for the database connector.

    +

    database_connector_id (str) – The unique identifier for the database connector.

    @@ -8280,7 +8669,7 @@

    Module Contents
    Parameters:
    -

    application_connector_id (str) – The unique identifier for the application connector.

    +

    application_connector_id (str) – The unique identifier for the application connector.

    @@ -8291,7 +8680,7 @@

    Module Contents
    Parameters:
    -

    bucket (str) – The fully qualified URI of the bucket to remove.

    +

    bucket (str) – The fully qualified URI of the bucket to remove.

    @@ -8302,7 +8691,7 @@

    Module Contents
    Parameters:
    -

    application_connector_id (str) – Unique string identifier for the application connector.

    +

    application_connector_id (str) – Unique string identifier for the application connector.

    @@ -8314,8 +8703,8 @@

    Module Contents
    Parameters:
      -
    • bucket (str) – The fully qualified Azure Blob Storage Bucket URI.

    • -
    • connection_string (str) – The Connection String Abacus.AI should use to authenticate when accessing this bucket.

    • +
    • bucket (str) – The fully qualified Azure Blob Storage Bucket URI.

    • +
    • connection_string (str) – The Connection String Abacus.AI should use to authenticate when accessing this bucket.

    Returns:
    @@ -8333,7 +8722,7 @@

    Module Contents
    Parameters:
    -

    streaming_connector_id (str) – Unique string identifier for the streaming connector to be checked for Abacus.AI access.

    +

    streaming_connector_id (str) – Unique string identifier for the streaming connector to be checked for Abacus.AI access.

    @@ -8345,8 +8734,8 @@

    Module Contents
    Parameters:
      -
    • streaming_connector_id (str) – The unique identifier for the streaming connector.

    • -
    • name (str) – A new name for the streaming connector.

    • +
    • streaming_connector_id (str) – The unique identifier for the streaming connector.

    • +
    • name (str) – A new name for the streaming connector.

    @@ -8358,7 +8747,7 @@

    Module Contents
    Parameters:
    -

    streaming_connector_id (str) – The unique identifier for the streaming connector.

    +

    streaming_connector_id (str) – The unique identifier for the streaming connector.

    @@ -8383,7 +8772,7 @@

    Module Contents
    Parameters:
    -

    streaming_token (str) – The streaming token to delete.

    +

    streaming_token (str) – The streaming token to delete.

    @@ -8394,7 +8783,7 @@

    Module Contents
    Parameters:
    -

    dataset_id (str) – Unique string identifier of the dataset to delete.

    +

    dataset_id (str) – Unique string identifier of the dataset to delete.

    @@ -8405,7 +8794,7 @@

    Module Contents
    Parameters:
    -

    dataset_version (str) – String identifier of the dataset version to delete.

    +

    dataset_version (str) – String identifier of the dataset version to delete.

    @@ -8417,10 +8806,10 @@

    Module Contents
    Parameters:
      -
    • doc_id (str) – A unique Docstore string identifier for the document.

    • -
    • page (int) – The page number to retrieve. Page numbers start from 0.

    • +
    • doc_id (str) – A unique Docstore string identifier for the document.

    • +
    • page (int) – The page number to retrieve. Page numbers start from 0.

    • document_processing_config (DocumentProcessingConfig) – The document processing configuration to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest available data or the default configuration will be used.

    • -
    • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

    • +
    • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

    Returns:
    @@ -8439,10 +8828,10 @@

    Module Contents
    Parameters:
      -
    • doc_id (str) – A unique Docstore string identifier for the document.

    • +
    • doc_id (str) – A unique Docstore string identifier for the document.

    • document_processing_config (DocumentProcessingConfig) – The document processing configuration to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest available data or the default configuration will be used.

    • -
    • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

    • -
    • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

    • +
    • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

    • +
    • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

    Returns:
    @@ -8461,12 +8850,12 @@

    Module Contents
    Parameters:
      -
    • document (io.TextIOBase) – The document to extract data from. One of document or doc_id must be provided.

    • -
    • doc_id (str) – A unique Docstore string identifier for the document. One of document or doc_id must be provided.

    • +
    • document (io.TextIOBase) – The document to extract data from. One of document or doc_id must be provided.

    • +
    • doc_id (str) – A unique Docstore string identifier for the document. One of document or doc_id must be provided.

    • document_processing_config (DocumentProcessingConfig) – The document processing configuration.

    • -
    • start_page (int) – The starting page to extract data from. Pages are indexed starting from 0. If not provided, the first page will be used.

    • -
    • end_page (int) – The last page to extract data from. Pages are indexed starting from 0. If not provided, the last page will be used.

    • -
    • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

    • +
    • start_page (int) – The starting page to extract data from. Pages are indexed starting from 0. If not provided, the first page will be used.

    • +
    • end_page (int) – The last page to extract data from. Pages are indexed starting from 0. If not provided, the last page will be used.

    • +
    • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

    Returns:
    @@ -8485,9 +8874,9 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • +
    • project_id (str) – The unique ID associated with the project.

    • feature_group_ids (List) – The feature group IDs to be used for training.

    • -
    • for_retrain (bool) – Whether the training config options are used for retraining.

    • +
    • for_retrain (bool) – Whether the training config options are used for retraining.

    • current_training_config (TrainingConfig) – The current state of the training config, with some options set, which shall be used to get new options after refresh. This is None by default initially.

    @@ -8495,7 +8884,7 @@

    Module Contents

    An array of options that can be specified when training a model in this project.

    Return type:
    -

    list[TrainingConfigOptions]

    +

    list[TrainingConfigOptions]

    @@ -8507,7 +8896,7 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • +
    • project_id (str) – The unique ID associated with the project.

    • training_config (TrainingConfig) – The training config used to influence how the split is calculated.

    • feature_group_ids (List) – List of feature group IDs provided by the user, including the required one for data split and others to influence how to split.

    @@ -8528,18 +8917,18 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • name (str) – The name of the model. Defaults to “<Project Name> Model”.

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • name (str) – The name of the model. Defaults to “<Project Name> Model”.

    • training_config (TrainingConfig) – The training config used to train this model.

    • feature_group_ids (List) – List of feature group IDs provided by the user to train the model on.

    • -
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model.

    • -
    • custom_algorithms (list) – List of user-defined algorithms to train. If not set, the default enabled custom algorithms will be used.

    • -
    • custom_algorithms_only (bool) – Whether to only run custom algorithms.

    • -
    • custom_algorithm_configs (dict) – Configs for each user-defined algorithm; key is the algorithm name, value is the config serialized to JSON.

    • -
    • builtin_algorithms (list) – List of algorithm names or algorithm IDs of the builtin algorithms provided by Abacus.AI to train. If not set, all applicable builtin algorithms will be used.

    • -
    • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

    • -
    • memory (int) – Memory (in GB) for the user-defined algorithms during training.

    • -
    • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

    • +
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model.

    • +
    • custom_algorithms (list) – List of user-defined algorithms to train. If not set, the default enabled custom algorithms will be used.

    • +
    • custom_algorithms_only (bool) – Whether to only run custom algorithms.

    • +
    • custom_algorithm_configs (dict) – Configs for each user-defined algorithm; key is the algorithm name, value is the config serialized to JSON.

    • +
    • builtin_algorithms (list) – List of algorithm names or algorithm IDs of the builtin algorithms provided by Abacus.AI to train. If not set, all applicable builtin algorithms will be used.

    • +
    • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

    • +
    • memory (int) – Memory (in GB) for the user-defined algorithms during training.

    • +
    • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

    Returns:
    @@ -8559,21 +8948,21 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • -
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • -
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

    • -
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • -
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • -
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

    • -
    • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”

    • -
    • cpu_size (str) – Size of the CPU for the model training function

    • -
    • memory (int) – Memory (in GB) for the model training function

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • +
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • +
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

    • +
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • +
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • +
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

    • +
    • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”

    • +
    • cpu_size (str) – Size of the CPU for the model training function

    • +
    • memory (int) – Memory (in GB) for the model training function

    • training_config (TrainingConfig) – Training configuration

    • -
    • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • -
    • use_gpu (bool) – Whether this model needs gpu

    • -
    • is_thread_safe (bool) – Whether this model is thread safe

    • +
    • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • +
    • use_gpu (bool) – Whether this model needs gpu

    • +
    • is_thread_safe (bool) – Whether this model is thread safe

    Returns:
    @@ -8592,8 +8981,8 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – Unique identifier of the model to rename.

    • -
    • name (str) – The new name to assign to the model.

    • +
    • model_id (str) – Unique identifier of the model to rename.

    • +
    • name (str) – The new name to assign to the model.

    @@ -8607,18 +8996,18 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – The unique ID associated with the Python model to be changed.

    • -
    • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • -
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • -
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • -
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed to run batch predictions through the model. It is not executed when this function is run.

    • -
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

    • -
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized DataFrames (same type as the functions return value).

    • -
    • cpu_size (str) – Size of the CPU for the model training function.

    • -
    • memory (int) – Memory (in GB) for the model training function.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • use_gpu (bool) – Whether this model needs gpu

    • -
    • is_thread_safe (bool) – Whether this model is thread safe

    • +
    • model_id (str) – The unique ID associated with the Python model to be changed.

    • +
    • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • +
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • +
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • +
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed to run batch predictions through the model. It is not executed when this function is run.

    • +
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

    • +
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized DataFrames (same type as the functions return value).

    • +
    • cpu_size (str) – Size of the CPU for the model training function.

    • +
    • memory (int) – Memory (in GB) for the model training function.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • use_gpu (bool) – Whether this model needs gpu

    • +
    • is_thread_safe (bool) – Whether this model is thread safe

    • training_config (TrainingConfig) – The training config used to train this model.

    @@ -8639,17 +9028,17 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – The unique ID associated with the Python model to be changed.

    • -
    • train_function_name (str) – Name of the function found in the train module that will be executed to train the model. It is not executed when this function is run.

    • -
    • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through the model. It is not executed when this function is run.

    • -
    • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through the model. It is not executed when this function is run.

    • -
    • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

    • -
    • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

    • -
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the function’s return value).

    • -
    • cpu_size (str) – Size of the CPU for the model training function.

    • -
    • memory (int) – Memory (in GB) for the model training function.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • use_gpu (bool) – Whether this model needs gpu

    • +
    • model_id (str) – The unique ID associated with the Python model to be changed.

    • +
    • train_function_name (str) – Name of the function found in the train module that will be executed to train the model. It is not executed when this function is run.

    • +
    • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through the model. It is not executed when this function is run.

    • +
    • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through the model. It is not executed when this function is run.

    • +
    • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

    • +
    • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

    • +
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the function’s return value).

    • +
    • cpu_size (str) – Size of the CPU for the model training function.

    • +
    • memory (int) – Memory (in GB) for the model training function.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • use_gpu (bool) – Whether this model needs gpu

    Returns:
    @@ -8669,19 +9058,19 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – The unique ID associated with the Python model to be changed.

    • -
    • application_connector_id (str) – The unique ID associated with the Git application connector.

    • -
    • branch_name (str) – Name of the branch in the Git repository to be used for training.

    • -
    • python_root (str) – Path from the top level of the Git repository to the directory containing the Python source code. If not provided, the default is the root of the Git repository.

    • -
    • train_function_name (str) – Name of the function found in train module that will be executed to train the model. It is not executed when this function is run.

    • -
    • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through model. It is not executed when this function is run.

    • -
    • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through model. It is not executed when this function is run.

    • -
    • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

    • -
    • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

    • -
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

    • -
    • cpu_size (str) – Size of the CPU for the model training function.

    • -
    • memory (int) – Memory (in GB) for the model training function.

    • -
    • use_gpu (bool) – Whether this model needs gpu

    • +
    • model_id (str) – The unique ID associated with the Python model to be changed.

    • +
    • application_connector_id (str) – The unique ID associated with the Git application connector.

    • +
    • branch_name (str) – Name of the branch in the Git repository to be used for training.

    • +
    • python_root (str) – Path from the top level of the Git repository to the directory containing the Python source code. If not provided, the default is the root of the Git repository.

    • +
    • train_function_name (str) – Name of the function found in train module that will be executed to train the model. It is not executed when this function is run.

    • +
    • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through model. It is not executed when this function is run.

    • +
    • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through model. It is not executed when this function is run.

    • +
    • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

    • +
    • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

    • +
    • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

    • +
    • cpu_size (str) – Size of the CPU for the model training function.

    • +
    • memory (int) – Memory (in GB) for the model training function.

    • +
    • use_gpu (bool) – Whether this model needs gpu

    Returns:
    @@ -8700,7 +9089,7 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – A unique string identifier of the model to update.

    • +
    • model_id (str) – A unique string identifier of the model to update.

    • training_config (TrainingConfig) – The training config used to train this model.

    • feature_group_ids (List) – The list of feature groups used as input to the model.

    @@ -8722,8 +9111,8 @@

    Module Contents
    Parameters:
      -
    • model_version (str) – The model version to set as the best model.

    • -
    • metric (str) – The metric to use to determine the best model.

    • +
    • model_version (str) – The model version to set as the best model.

    • +
    • metric (str) – The metric to use to determine the best model.

    @@ -8736,8 +9125,8 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – Unique string identifier of the model to update.

    • -
    • prediction_config (dict) – Prediction configuration for the model.

    • +
    • model_id (str) – Unique string identifier of the model to update.

    • +
    • prediction_config (dict) – Prediction configuration for the model.

    Returns:
    @@ -8756,16 +9145,16 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – Unique string identifier of the model to retrain.

    • +
    • model_id (str) – Unique string identifier of the model to retrain.

    • deployment_ids (List) – List of unique string identifiers of deployments to automatically deploy to.

    • feature_group_ids (List) – List of feature group IDs provided by the user to train the model on.

    • -
    • custom_algorithms (list) – List of user-defined algorithms to train. If not set, will honor the runs from the last time and applicable new custom algorithms.

    • -
    • builtin_algorithms (list) – List of algorithm names or algorithm IDs of Abacus.AI built-in algorithms to train. If not set, will honor the runs from the last time and applicable new built-in algorithms.

    • -
    • custom_algorithm_configs (dict) – User-defined training configs for each custom algorithm.

    • -
    • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

    • -
    • memory (int) – Memory (in GB) for the user-defined algorithms during training.

    • +
    • custom_algorithms (list) – List of user-defined algorithms to train. If not set, will honor the runs from the last time and applicable new custom algorithms.

    • +
    • builtin_algorithms (list) – List of algorithm names or algorithm IDs of Abacus.AI built-in algorithms to train. If not set, will honor the runs from the last time and applicable new built-in algorithms.

    • +
    • custom_algorithm_configs (dict) – User-defined training configs for each custom algorithm.

    • +
    • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

    • +
    • memory (int) – Memory (in GB) for the user-defined algorithms during training.

    • training_config (TrainingConfig) – The training config used to train this model.

    • -
    • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

    • +
    • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

    Returns:
    @@ -8783,7 +9172,7 @@

    Module Contents
    Parameters:
    -

    model_id (str) – Unique string identifier of the model to delete.

    +

    model_id (str) – Unique string identifier of the model to delete.

    @@ -8794,7 +9183,7 @@

    Module Contents
    Parameters:
    -

    model_version (str) – The unique identifier of the model version to delete.

    +

    model_version (str) – The unique identifier of the model version to delete.

    @@ -8806,8 +9195,8 @@

    Module Contents
    Parameters:
      -
    • model_version (str) – Unique string identifier for the version of the model.

    • -
    • table_name (str) – Name of the feature group table to create.

    • +
    • model_version (str) – Unique string identifier for the version of the model.

    • +
    • table_name (str) – Name of the feature group table to create.

    • artifact_type (EvalArtifactType) – eval artifact type to export.

    @@ -8827,9 +9216,9 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – Unique identifier of the model to set.

    • -
    • algorithm (str) – Algorithm to pin in the model.

    • -
    • data_cluster_type (str) – Data cluster type to set the lead model for.

    • +
    • model_id (str) – Unique identifier of the model to set.

    • +
    • algorithm (str) – Algorithm to pin in the model.

    • +
    • data_cluster_type (str) – Data cluster type to set the lead model for.

    @@ -8842,11 +9231,11 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique version ID of the project.

    • -
    • feature_group_names_for_training (list) – A list of feature group table names to be used for training.

    • -
    • training_data_parameter_name_override (dict) – Override from feature group type to parameter name in the train function.

    • +
    • project_id (str) – The unique version ID of the project.

    • +
    • feature_group_names_for_training (list) – A list of feature group table names to be used for training.

    • +
    • training_data_parameter_name_override (dict) – Override from feature group type to parameter name in the train function.

    • training_config (TrainingConfig) – Training config for the options supported by the Abacus.AI platform.

    • -
    • custom_algorithm_config (dict) – User-defined config that can be serialized by JSON.

    • +
    • custom_algorithm_config (dict) – User-defined config that can be serialized by JSON.

    Returns:
    @@ -8865,9 +9254,9 @@

    Module Contents
    Parameters:
      -
    • model_version (str) – A unique string identifier for the model version.

    • -
    • output_location (str) – Location to export the model artifacts results. For example, s3://a-bucket/

    • -
    • algorithm (str) – The algorithm to be exported. Optional if there’s only one custom algorithm in the model version.

    • +
    • model_version (str) – A unique string identifier for the model version.

    • +
    • output_location (str) – Location to export the model artifacts results. For example, s3://a-bucket/

    • +
    • algorithm (str) – The algorithm to be exported. Optional if there’s only one custom algorithm in the model version.

    Returns:
    @@ -8886,24 +9275,24 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • prediction_feature_group_id (str) – The unique ID of the prediction data feature group.

    • -
    • training_feature_group_id (str) – The unique ID of the training data feature group.

    • -
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • -
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model monitor.

    • -
    • target_value (str) – A target positive value for the label to compute bias and PR/AUC for performance page.

    • -
    • target_value_bias (str) – A target positive value for the label to compute bias.

    • -
    • target_value_performance (str) – A target positive value for the label to compute PR curve/AUC for performance page.

    • -
    • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

    • -
    • model_id (str) – The unique ID of the model.

    • -
    • training_feature_mappings (dict) – A JSON map to override features for training_fature_group, where keys are column names and the values are feature data use types.

    • -
    • feature_group_base_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

    • -
    • feature_group_comparison_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

    • -
    • exclude_interactive_performance_analysis (bool) – Whether to exclude interactive performance analysis. Defaults to True if not provided.

    • -
    • exclude_bias_analysis (bool) – Whether to exclude bias analysis in the model monitor. For default value bias analysis is included.

    • -
    • exclude_performance_analysis (bool) – Whether to exclude performance analysis in the model monitor. For default value performance analysis is included.

    • -
    • exclude_feature_drift_analysis (bool) – Whether to exclude feature drift analysis in the model monitor. For default value feature drift analysis is included.

    • -
    • exclude_data_integrity_analysis (bool) – Whether to exclude data integrity analysis in the model monitor. For default value data integrity analysis is included.

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • prediction_feature_group_id (str) – The unique ID of the prediction data feature group.

    • +
    • training_feature_group_id (str) – The unique ID of the training data feature group.

    • +
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • +
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model monitor.

    • +
    • target_value (str) – A target positive value for the label to compute bias and PR/AUC for performance page.

    • +
    • target_value_bias (str) – A target positive value for the label to compute bias.

    • +
    • target_value_performance (str) – A target positive value for the label to compute PR curve/AUC for performance page.

    • +
    • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

    • +
    • model_id (str) – The unique ID of the model.

    • +
    • training_feature_mappings (dict) – A JSON map to override features for training_fature_group, where keys are column names and the values are feature data use types.

    • +
    • feature_group_base_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

    • +
    • feature_group_comparison_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

    • +
    • exclude_interactive_performance_analysis (bool) – Whether to exclude interactive performance analysis. Defaults to True if not provided.

    • +
    • exclude_bias_analysis (bool) – Whether to exclude bias analysis in the model monitor. For default value bias analysis is included.

    • +
    • exclude_performance_analysis (bool) – Whether to exclude performance analysis in the model monitor. For default value performance analysis is included.

    • +
    • exclude_feature_drift_analysis (bool) – Whether to exclude feature drift analysis in the model monitor. For default value feature drift analysis is included.

    • +
    • exclude_data_integrity_analysis (bool) – Whether to exclude data integrity analysis in the model monitor. For default value data integrity analysis is included.

    Returns:
    @@ -8921,7 +9310,7 @@

    Module Contents
    Parameters:
    -

    model_monitor_id (str) – Unique string identifier of the model monitor to re-run.

    +

    model_monitor_id (str) – Unique string identifier of the model monitor to re-run.

    Returns:

    The model monitor that is being re-run.

    @@ -8939,8 +9328,8 @@

    Module Contents
    Parameters:
      -
    • model_monitor_id (str) – Unique identifier of the model monitor to rename.

    • -
    • name (str) – The new name to apply to the model monitor.

    • +
    • model_monitor_id (str) – Unique identifier of the model monitor to rename.

    • +
    • name (str) – The new name to apply to the model monitor.

    @@ -8952,7 +9341,7 @@

    Module Contents
    Parameters:
    -

    model_monitor_id (str) – Unique identifier of the Model Monitor to delete.

    +

    model_monitor_id (str) – Unique identifier of the Model Monitor to delete.

    @@ -8963,7 +9352,7 @@

    Module Contents
    Parameters:
    -

    model_monitor_version (str) – Unique identifier of the model monitor version to delete.

    +

    model_monitor_version (str) – Unique identifier of the model monitor version to delete.

    @@ -8975,14 +9364,14 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – Unique string identifier of the project.

    • -
    • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

    • -
    • training_feature_group_id (str) – Unique string identifier of the training data feature group.

    • -
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • -
    • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

    • -
    • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

    • -
    • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

    • -
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created vision drift monitor.

    • +
    • project_id (str) – Unique string identifier of the project.

    • +
    • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

    • +
    • training_feature_group_id (str) – Unique string identifier of the training data feature group.

    • +
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • +
    • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

    • +
    • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

    • +
    • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

    • +
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created vision drift monitor.

    Returns:
    @@ -9001,14 +9390,14 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – Unique string identifier of the project.

    • -
    • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

    • -
    • training_feature_group_id (str) – Unique string identifier of the training data feature group.

    • -
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • -
    • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

    • -
    • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

    • -
    • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

    • -
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created nlp drift monitor.

    • +
    • project_id (str) – Unique string identifier of the project.

    • +
    • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

    • +
    • training_feature_group_id (str) – Unique string identifier of the training data feature group.

    • +
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • +
    • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

    • +
    • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

    • +
    • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

    • +
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created nlp drift monitor.

    Returns:
    @@ -9027,14 +9416,14 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – Unique string identifier of the project.

    • -
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • -
    • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

    • -
    • training_feature_group_id (str) – Unique string identifier of the training data feature group.

    • +
    • project_id (str) – Unique string identifier of the project.

    • +
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

    • +
    • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

    • +
    • training_feature_group_id (str) – Unique string identifier of the training data feature group.

    • training_forecast_config (ForecastingMonitorConfig) – The configuration for the training data.

    • prediction_forecast_config (ForecastingMonitorConfig) – The configuration for the prediction data.

    • -
    • forecast_frequency (str) – The frequency of the forecast. Defaults to the frequency of the prediction data.

    • -
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created forecasting monitor.

    • +
    • forecast_frequency (str) – The frequency of the forecast. Defaults to the frequency of the prediction data.

    • +
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created forecasting monitor.

    Returns:
    @@ -9053,18 +9442,18 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • feature_group_id (str) – The unique ID of the prediction data feature group.

    • -
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> EDA”.

    • -
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created EDA.

    • -
    • include_collinearity (bool) – Set to True if the EDA type is collinearity.

    • -
    • include_data_consistency (bool) – Set to True if the EDA type is data consistency.

    • -
    • collinearity_keys (list) – List of features to use for collinearity

    • -
    • primary_keys (list) – List of features that corresponds to the primary keys or item ids for the given feature group for Data Consistency analysis or Forecasting analysis respectively.

    • -
    • data_consistency_test_config (dict) – Test feature group version selection strategy for Data Consistency EDA type.

    • -
    • data_consistency_reference_config (dict) – Reference feature group version selection strategy for Data Consistency EDA type.

    • -
    • feature_mappings (dict) – A JSON map to override features for the given feature_group, where keys are column names and the values are feature data use types. (In forecasting, used to set the timestamp column and target value)

    • -
    • forecast_frequency (str) – The frequency of the data. It can be either HOURLY, DAILY, WEEKLY, MONTHLY, QUARTERLY, YEARLY.

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • feature_group_id (str) – The unique ID of the prediction data feature group.

    • +
    • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> EDA”.

    • +
    • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created EDA.

    • +
    • include_collinearity (bool) – Set to True if the EDA type is collinearity.

    • +
    • include_data_consistency (bool) – Set to True if the EDA type is data consistency.

    • +
    • collinearity_keys (list) – List of features to use for collinearity

    • +
    • primary_keys (list) – List of features that corresponds to the primary keys or item ids for the given feature group for Data Consistency analysis or Forecasting analysis respectively.

    • +
    • data_consistency_test_config (dict) – Test feature group version selection strategy for Data Consistency EDA type.

    • +
    • data_consistency_reference_config (dict) – Reference feature group version selection strategy for Data Consistency EDA type.

    • +
    • feature_mappings (dict) – A JSON map to override features for the given feature_group, where keys are column names and the values are feature data use types. (In forecasting, used to set the timestamp column and target value)

    • +
    • forecast_frequency (str) – The frequency of the data. It can be either HOURLY, DAILY, WEEKLY, MONTHLY, QUARTERLY, YEARLY.

    Returns:
    @@ -9082,7 +9471,7 @@

    Module Contents
    Parameters:
    -

    eda_id (str) – Unique string identifier of the EDA object to rerun.

    +

    eda_id (str) – Unique string identifier of the EDA object to rerun.

    Returns:

    The EDA object that is being rerun.

    @@ -9100,8 +9489,8 @@

    Module Contents
    Parameters:
      -
    • eda_id (str) – Unique string identifier of the EDA to rename.

    • -
    • name (str) – The new name to apply to the model monitor.

    • +
    • eda_id (str) – Unique string identifier of the EDA to rename.

    • +
    • name (str) – The new name to apply to the model monitor.

    @@ -9113,7 +9502,7 @@

    Module Contents
    Parameters:
    -

    eda_id (str) – Unique string identifier of the EDA to delete.

    +

    eda_id (str) – Unique string identifier of the EDA to delete.

    @@ -9124,7 +9513,7 @@

    Module Contents
    Parameters:
    -

    eda_version (str) – Unique string identifier of the EDA version to delete.

    +

    eda_version (str) – Unique string identifier of the EDA version to delete.

    @@ -9136,11 +9525,11 @@

    Module Contents
    Parameters:
      -
    • name (str) – Name of the holdout analysis

    • -
    • model_id (str) – ID of the model to create a holdout analysis for

    • +
    • name (str) – Name of the holdout analysis

    • +
    • model_id (str) – ID of the model to create a holdout analysis for

    • feature_group_ids (List) – List of feature group IDs to use for the holdout analysis

    • -
    • model_version (str) – (optional) Version of the model to use for the holdout analysis

    • -
    • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

    • +
    • model_version (str) – (optional) Version of the model to use for the holdout analysis

    • +
    • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

    Returns:
    @@ -9159,9 +9548,9 @@

    Module Contents
    Parameters:
      -
    • holdout_analysis_id (str) – ID of the holdout analysis to rerun

    • -
    • model_version (str) – (optional) Version of the model to use for the holdout analysis

    • -
    • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

    • +
    • holdout_analysis_id (str) – ID of the holdout analysis to rerun

    • +
    • model_version (str) – (optional) Version of the model to use for the holdout analysis

    • +
    • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

    Returns:
    @@ -9180,12 +9569,12 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – Unique string identifier for the project.

    • -
    • alert_name (str) – Name of the alert.

    • +
    • project_id (str) – Unique string identifier for the project.

    • +
    • alert_name (str) – Name of the alert.

    • condition_config (AlertConditionConfig) – Condition to run the actions for the alert.

    • action_config (AlertActionConfig) – Configuration for the action of the alert.

    • -
    • model_monitor_id (str) – Unique string identifier for the model monitor created under the project.

    • -
    • realtime_monitor_id (str) – Unique string identifier for the real-time monitor for the deployment created under the project.

    • +
    • model_monitor_id (str) – Unique string identifier for the model monitor created under the project.

    • +
    • realtime_monitor_id (str) – Unique string identifier for the real-time monitor for the deployment created under the project.

    Returns:
    @@ -9204,8 +9593,8 @@

    Module Contents
    Parameters:
      -
    • monitor_alert_id (str) – Unique identifier of the monitor alert.

    • -
    • alert_name (str) – Name of the alert.

    • +
    • monitor_alert_id (str) – Unique identifier of the monitor alert.

    • +
    • alert_name (str) – Name of the alert.

    • condition_config (AlertConditionConfig) – Condition to run the actions for the alert.

    • action_config (AlertActionConfig) – Configuration for the action of the alert.

    @@ -9225,7 +9614,7 @@

    Module Contents
    Parameters:
    -

    monitor_alert_id (str) – Unique identifier of a monitor alert.

    +

    monitor_alert_id (str) – Unique identifier of a monitor alert.

    Returns:

    Object describing the monitor alert.

    @@ -9242,7 +9631,7 @@

    Module Contents
    Parameters:
    -

    monitor_alert_id (str) – The unique string identifier of the alert to delete.

    +

    monitor_alert_id (str) – The unique string identifier of the alert to delete.

    @@ -9254,16 +9643,16 @@

    Module Contents
    Parameters:
      -
    • name (str) – Name of the prediction operator.

    • -
    • project_id (str) – The unique ID of the associated project.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

    • -
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

    • -
    • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

    • +
    • name (str) – Name of the prediction operator.

    • +
    • project_id (str) – The unique ID of the associated project.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

    • +
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

    • +
    • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

    • feature_group_ids (List) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes. The order should match the initialize function’s parameters.

    • -
    • cpu_size (str) – Size of the CPU for the prediction operator.

    • -
    • memory (int) – Memory (in GB) for the prediction operator.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • -
    • use_gpu (bool) – Whether this prediction operator needs gpu.

    • +
    • cpu_size (str) – Size of the CPU for the prediction operator.

    • +
    • memory (int) – Memory (in GB) for the prediction operator.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • +
    • use_gpu (bool) – Whether this prediction operator needs gpu.

    Returns:
    @@ -9282,16 +9671,16 @@

    Module Contents
    Parameters:
      -
    • prediction_operator_id (str) – The unique ID of the prediction operator.

    • -
    • name (str) – Name of the prediction operator.

    • +
    • prediction_operator_id (str) – The unique ID of the prediction operator.

    • +
    • name (str) – Name of the prediction operator.

    • feature_group_ids (List) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes. The order should match the initialize function’s parameters.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

    • -
    • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

    • -
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

    • -
    • cpu_size (str) – Size of the CPU for the prediction operator.

    • -
    • memory (int) – Memory (in GB) for the prediction operator.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • -
    • use_gpu (bool) – Whether this prediction operator needs gpu.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

    • +
    • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

    • +
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

    • +
    • cpu_size (str) – Size of the CPU for the prediction operator.

    • +
    • memory (int) – Memory (in GB) for the prediction operator.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

    • +
    • use_gpu (bool) – Whether this prediction operator needs gpu.

    Returns:
    @@ -9309,7 +9698,7 @@

    Module Contents
    Parameters:
    -

    prediction_operator_id (str) – The unique ID of the prediction operator.

    +

    prediction_operator_id (str) – The unique ID of the prediction operator.

    @@ -9321,8 +9710,8 @@

    Module Contents
    Parameters:
      -
    • prediction_operator_id (str) – The unique ID of the prediction operator.

    • -
    • auto_deploy (bool) – Flag to enable the automatic deployment when a new prediction operator version is created.

    • +
    • prediction_operator_id (str) – The unique ID of the prediction operator.

    • +
    • auto_deploy (bool) – Flag to enable the automatic deployment when a new prediction operator version is created.

    Returns:
    @@ -9340,7 +9729,7 @@

    Module Contents
    Parameters:
    -

    prediction_operator_id (str) – The unique ID of the prediction operator.

    +

    prediction_operator_id (str) – The unique ID of the prediction operator.

    Returns:

    The created prediction operator version object.

    @@ -9357,7 +9746,7 @@

    Module Contents
    Parameters:
    -

    prediction_operator_version (str) – The unique ID of the prediction operator version.

    +

    prediction_operator_version (str) – The unique ID of the prediction operator version.

    @@ -9370,19 +9759,19 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name of the deployment.

    • -
    • model_id (str) – The unique ID associated with the model.

    • -
    • model_version (str) – The unique ID associated with the model version to deploy.

    • -
    • algorithm (str) – The unique ID associated with the algorithm to deploy.

    • -
    • feature_group_id (str) – The unique ID associated with a feature group.

    • -
    • project_id (str) – The unique ID associated with a project.

    • -
    • description (str) – The description for the deployment.

    • -
    • calls_per_second (int) – The number of calls per second the deployment can handle.

    • -
    • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

    • -
    • start (bool) – If true, will start the deployment; otherwise will create offline

    • -
    • enable_batch_streaming_updates (bool) – Flag to enable marking the feature group deployment to have a background process cache streamed in rows for quicker lookup.

    • -
    • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment

    • -
    • model_deployment_config (dict) – The deployment config for model to deploy

    • +
    • name (str) – The name of the deployment.

    • +
    • model_id (str) – The unique ID associated with the model.

    • +
    • model_version (str) – The unique ID associated with the model version to deploy.

    • +
    • algorithm (str) – The unique ID associated with the algorithm to deploy.

    • +
    • feature_group_id (str) – The unique ID associated with a feature group.

    • +
    • project_id (str) – The unique ID associated with a project.

    • +
    • description (str) – The description for the deployment.

    • +
    • calls_per_second (int) – The number of calls per second the deployment can handle.

    • +
    • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

    • +
    • start (bool) – If true, will start the deployment; otherwise will create offline

    • +
    • enable_batch_streaming_updates (bool) – Flag to enable marking the feature group deployment to have a background process cache streamed in rows for quicker lookup.

    • +
    • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment

    • +
    • model_deployment_config (dict) – The deployment config for model to deploy

    Returns:
    @@ -9402,8 +9791,8 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique string identifier associated with the project.

    • -
    • name (str) – The name of the deployment token.

    • +
    • project_id (str) – The unique string identifier associated with the project.

    • +
    • name (str) – The name of the deployment token.

    Returns:
    @@ -9422,10 +9811,10 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique identifier of the deployment to update.

    • -
    • description (str) – The new description for the deployment.

    • -
    • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

    • -
    • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

    • +
    • deployment_id (str) – Unique identifier of the deployment to update.

    • +
    • description (str) – The new description for the deployment.

    • +
    • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

    • +
    • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

    @@ -9438,8 +9827,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique string identifier for the deployment to update.

    • -
    • name (str) – The new deployment name.

    • +
    • deployment_id (str) – Unique string identifier for the deployment to update.

    • +
    • name (str) – The new deployment name.

    @@ -9453,8 +9842,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The unique ID associated with the deployment.

    • -
    • enable (bool) – Enable or disable the autoDeploy property of the deployment.

    • +
    • deployment_id (str) – The unique ID associated with the deployment.

    • +
    • enable (bool) – Enable or disable the autoDeploy property of the deployment.

    @@ -9467,10 +9856,10 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – A unique identifier for the deployment.

    • -
    • model_version (str) – A unique identifier for the model version.

    • -
    • algorithm (str) – The algorithm to use for the model version. If not specified, the algorithm will be inferred from the model version.

    • -
    • model_deployment_config (dict) – The deployment configuration for the model to deploy.

    • +
    • deployment_id (str) – A unique identifier for the deployment.

    • +
    • model_version (str) – A unique identifier for the model version.

    • +
    • algorithm (str) – The algorithm to use for the model version. If not specified, the algorithm will be inferred from the model version.

    • +
    • model_deployment_config (dict) – The deployment configuration for the model to deploy.

    @@ -9483,8 +9872,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique string identifier for the deployment.

    • -
    • feature_group_version (str) – Unique string identifier for the feature group version.

    • +
    • deployment_id (str) – Unique string identifier for the deployment.

    • +
    • feature_group_version (str) – Unique string identifier for the feature group version.

    @@ -9497,8 +9886,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique string identifier for the deployment.

    • -
    • prediction_operator_version (str) – Unique string identifier for the prediction operator version.

    • +
    • deployment_id (str) – Unique string identifier for the deployment.

    • +
    • prediction_operator_version (str) – Unique string identifier for the prediction operator version.

    @@ -9510,7 +9899,7 @@

    Module Contents
    Parameters:
    -

    deployment_id (str) – A unique string identifier associated with the deployment.

    +

    deployment_id (str) – A unique string identifier associated with the deployment.

    @@ -9521,7 +9910,7 @@

    Module Contents
    Parameters:
    -

    deployment_id (str) – Unique string identifier of the deployment to be stopped.

    +

    deployment_id (str) – Unique string identifier of the deployment to be stopped.

    @@ -9532,7 +9921,7 @@

    Module Contents
    Parameters:
    -

    deployment_id (str) – Unique string identifier of the deployment to delete.

    +

    deployment_id (str) – Unique string identifier of the deployment to delete.

    @@ -9543,7 +9932,7 @@

    Module Contents
    Parameters:
    -

    deployment_token (str) – The deployment token to delete.

    +

    deployment_token (str) – The deployment token to delete.

    @@ -9555,9 +9944,9 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The ID of the deployment for which the export type is set.

    • -
    • file_format (str) – The type of export output, either CSV or JSON.

    • -
    • output_location (str) – The file connector (cloud) location where the output should be exported.

    • +
    • deployment_id (str) – The ID of the deployment for which the export type is set.

    • +
    • file_format (str) – The type of export output, either CSV or JSON.

    • +
    • output_location (str) – The file connector (cloud) location where the output should be exported.

    @@ -9570,13 +9959,13 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The ID of the deployment for which the export type is set.

    • -
    • database_connector_id (str) – The unique string identifier of the database connector used.

    • -
    • object_name (str) – The object of the database connector to write to.

    • -
    • write_mode (str) – The write mode to use when writing to the database connector, either UPSERT or INSERT.

    • -
    • database_feature_mapping (dict) – The column/feature pairs mapping the features to the database columns.

    • -
    • id_column (str) – The id column to use as the upsert key.

    • -
    • additional_id_columns (list) – For database connectors which support it, a list of additional ID columns to use as a complex key for upserting.

    • +
    • deployment_id (str) – The ID of the deployment for which the export type is set.

    • +
    • database_connector_id (str) – The unique string identifier of the database connector used.

    • +
    • object_name (str) – The object of the database connector to write to.

    • +
    • write_mode (str) – The write mode to use when writing to the database connector, either UPSERT or INSERT.

    • +
    • database_feature_mapping (dict) – The column/feature pairs mapping the features to the database columns.

    • +
    • id_column (str) – The id column to use as the upsert key.

    • +
    • additional_id_columns (list) – For database connectors which support it, a list of additional ID columns to use as a complex key for upserting.

    @@ -9588,7 +9977,7 @@

    Module Contents
    Parameters:
    -

    deployment_id (str) – The ID of the deployment for which the export type is set.

    +

    deployment_id (str) – The ID of the deployment for which the export type is set.

    @@ -9600,9 +9989,9 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • +
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • prediction_arguments (PredictionArguments) – The prediction arguments to set.

    • -
    • set_as_override (bool) – If True, use these arguments as overrides instead of defaults for predict calls

    • +
    • set_as_override (bool) – If True, use these arguments as overrides instead of defaults for predict calls

    Returns:
    @@ -9622,8 +10011,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique string identifier for the deployment.

    • -
    • alert_name (str) – Name of the alert.

    • +
    • deployment_id (str) – Unique string identifier for the deployment.

    • +
    • alert_name (str) – Name of the alert.

    • condition_config (AlertConditionConfig) – Condition to run the actions for the alert.

    • action_config (AlertActionConfig) – Configuration for the action of the alert.

    @@ -9644,9 +10033,9 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique string identifier for the deployment.

    • -
    • realtime_monitor_schedule (str) – The cron expression for triggering monitor.

    • -
    • lookback_time (int) – Lookback time (in seconds) for each monitor trigger

    • +
    • deployment_id (str) – Unique string identifier for the deployment.

    • +
    • realtime_monitor_schedule (str) – The cron expression for triggering monitor.

    • +
    • lookback_time (int) – Lookback time (in seconds) for each monitor trigger

    Returns:
    @@ -9665,9 +10054,9 @@

    Module Contents
    Parameters:
      -
    • realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

    • -
    • realtime_monitor_schedule (str) – The cron expression for triggering monitor

    • -
    • lookback_time (float) – Lookback time (in seconds) for each monitor trigger

    • +
    • realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

    • +
    • realtime_monitor_schedule (str) – The cron expression for triggering monitor

    • +
    • lookback_time (float) – Lookback time (in seconds) for each monitor trigger

    Returns:
    @@ -9685,7 +10074,7 @@

    Module Contents
    Parameters:
    -

    realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

    +

    realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

    @@ -9698,18 +10087,18 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name of the refresh policy.

    • -
    • cron (str) – A cron-like string specifying the frequency of the refresh policy in UTC time.

    • -
    • refresh_type (str) – The refresh type used to determine what is being refreshed, such as a single dataset, dataset and model, or more.

    • -
    • project_id (str) – Optionally, a project ID can be specified so that all datasets, models, deployments, batch predictions, prediction metrics, model monitrs, and notebooks are captured at the instant the policy was created.

    • +
    • name (str) – The name of the refresh policy.

    • +
    • cron (str) – A cron-like string specifying the frequency of the refresh policy in UTC time.

    • +
    • refresh_type (str) – The refresh type used to determine what is being refreshed, such as a single dataset, dataset and model, or more.

    • +
    • project_id (str) – Optionally, a project ID can be specified so that all datasets, models, deployments, batch predictions, prediction metrics, model monitrs, and notebooks are captured at the instant the policy was created.

    • dataset_ids (List) – Comma-separated list of dataset IDs.

    • -
    • feature_group_id (str) – Feature Group ID associated with refresh policy.

    • +
    • feature_group_id (str) – Feature Group ID associated with refresh policy.

    • model_ids (List) – Comma-separated list of model IDs.

    • deployment_ids (List) – Comma-separated list of deployment IDs.

    • batch_prediction_ids (List) – Comma-separated list of batch prediction IDs.

    • model_monitor_ids (List) – Comma-separated list of model monitor IDs.

    • -
    • notebook_id (str) – Notebook ID associated with refresh policy.

    • -
    • prediction_operator_id (str) – Prediction Operator ID associated with refresh policy.

    • +
    • notebook_id (str) – Notebook ID associated with refresh policy.

    • +
    • prediction_operator_id (str) – Prediction Operator ID associated with refresh policy.

    • feature_group_export_config (FeatureGroupExportConfig) – Feature group export configuration.

    @@ -9728,7 +10117,7 @@

    Module Contents
    Parameters:
    -

    refresh_policy_id (str) – Unique string identifier associated with the refresh policy to delete.

    +

    refresh_policy_id (str) – Unique string identifier associated with the refresh policy to delete.

    @@ -9739,7 +10128,7 @@

    Module Contents
    Parameters:
    -

    refresh_policy_id (str) – Unique identifier associated with the refresh policy to be paused.

    +

    refresh_policy_id (str) – Unique identifier associated with the refresh policy to be paused.

    @@ -9750,7 +10139,7 @@

    Module Contents
    Parameters:
    -

    refresh_policy_id (str) – The unique ID associated with this refresh policy.

    +

    refresh_policy_id (str) – The unique ID associated with this refresh policy.

    @@ -9761,7 +10150,7 @@

    Module Contents
    Parameters:
    -

    refresh_policy_id (str) – Unique string identifier associated with the refresh policy to be run.

    +

    refresh_policy_id (str) – Unique string identifier associated with the refresh policy to be run.

    @@ -9773,9 +10162,9 @@

    Module Contents
    Parameters:
      -
    • refresh_policy_id (str) – Unique string identifier associated with the refresh policy.

    • -
    • name (str) – Name of the refresh policy to be updated.

    • -
    • cron (str) – Cron string describing the schedule from the refresh policy to be updated.

    • +
    • refresh_policy_id (str) – Unique string identifier associated with the refresh policy.

    • +
    • name (str) – Name of the refresh policy to be updated.

    • +
    • cron (str) – Cron string describing the schedule from the refresh policy to be updated.

    • feature_group_export_config (FeatureGroupExportConfig) – Feature group export configuration to update a feature group refresh policy.

    @@ -9795,11 +10184,11 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token only authorizes predictions on deployments in this project, so it can be safely embedded inside an application or website.

    • -
    • deployment_id (str) – A unique identifier for a deployment created under the project.

    • -
    • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the value is the unique value of the same entity.

    • -
    • limit_results (int) – If provided, will limit the number of results to the value specified.

    • -
    • result_columns (list) – If provided, will limit the columns present in each result to the columns specified in this list.

    • +
    • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token only authorizes predictions on deployments in this project, so it can be safely embedded inside an application or website.

    • +
    • deployment_id (str) – A unique identifier for a deployment created under the project.

    • +
    • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the value is the unique value of the same entity.

    • +
    • limit_results (int) – If provided, will limit the number of results to the value specified.

    • +
    • result_columns (list) – If provided, will limit the columns present in each result to the columns specified in this list.

    Return type:
    @@ -9815,9 +10204,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

    • -
    • deployment_id (str) – A unique identifier for a deployment created under the project.

    • -
    • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the value is the unique value of the same entity.

    • +
    • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

    • +
    • deployment_id (str) – A unique identifier for a deployment created under the project.

    • +
    • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the value is the unique value of the same entity.

    Return type:
    @@ -9833,9 +10222,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

    • -
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • -
    • query_data (list) – A list of dictionaries, where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the ‘value’ is the unique value of the same entity.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

    • +
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • +
    • query_data (list) – A list of dictionaries, where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the ‘value’ is the unique value of the same entity.

    Return type:
    @@ -9851,9 +10240,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • -
    • query_data (dict) – A dictionary where the ‘key’ is the source dataset name, and the ‘value’ is a list of records corresponding to the dataset rows.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • +
    • query_data (dict) – A dictionary where the ‘key’ is the source dataset name, and the ‘value’ is a list of records corresponding to the dataset rows.

    Return type:
    @@ -9869,11 +10258,11 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – A dictionary containing user attributes and/or user’s interaction data with the product/service (e.g. number of clicks, items in cart, etc.).

    • -
    • explain_predictions (bool) – Will explain predictions for leads

    • -
    • explainer_type (str) – Type of explainer to use for explanations

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – A dictionary containing user attributes and/or user’s interaction data with the product/service (e.g. number of clicks, items in cart, etc.).

    • +
    • explain_predictions (bool) – Will explain predictions for leads

    • +
    • explainer_type (str) – Type of explainer to use for explanations

    Return type:
    @@ -9889,11 +10278,11 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ will be the unique value of the same entity.

    • -
    • explain_predictions (bool) – Will explain predictions for churn

    • -
    • explainer_type (str) – Type of explainer to use for explanations

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ will be the unique value of the same entity.

    • +
    • explain_predictions (bool) – Will explain predictions for churn

    • +
    • explainer_type (str) – Type of explainer to use for explanations

    Return type:
    @@ -9909,9 +10298,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – A dictionary containing account activity characteristics (e.g., login id, login duration, login type, IP address, etc.).

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – A dictionary containing account activity characteristics (e.g., login id, login duration, login type, IP address, etc.).

    Return type:
    @@ -9927,9 +10316,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – A dictionary containing transaction attributes (e.g. credit card type, transaction location, transaction amount, etc.).

    • +
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – A dictionary containing transaction attributes (e.g. credit card type, transaction location, transaction amount, etc.).

    Return type:
    @@ -9945,16 +10334,16 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

    • -
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • -
    • query_data (dict) – A dictionary where the ‘Key’ is the column name (e.g. a column with the name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘Value’ is the unique value of the same entity.

    • -
    • threshold (float) – A float value that is applied on the popular class label.

    • -
    • threshold_class (str) – The label upon which the threshold is added (binary labels only).

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

    • +
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • +
    • query_data (dict) – A dictionary where the ‘Key’ is the column name (e.g. a column with the name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘Value’ is the unique value of the same entity.

    • +
    • threshold (float) – A float value that is applied on the popular class label.

    • +
    • threshold_class (str) – The label upon which the threshold is added (binary labels only).

    • thresholds (Dict) – Maps labels to thresholds (multi-label classification only). Defaults to F1 optimal threshold if computed for the given class, else uses 0.5.

    • -
    • explain_predictions (bool) – If True, returns the SHAP explanations for all input features.

    • -
    • fixed_features (list) – A set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

    • -
    • nested (str) – If specified generates prediction delta for each index of the specified nested feature.

    • -
    • explainer_type (str) – The type of explainer to use.

    • +
    • explain_predictions (bool) – If True, returns the SHAP explanations for all input features.

    • +
    • fixed_features (list) – A set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

    • +
    • nested (str) – If specified generates prediction delta for each index of the specified nested feature.

    • +
    • explainer_type (str) – The type of explainer to use.

    Return type:
    @@ -9970,13 +10359,13 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • -
    • query_data (dict) – A dictionary where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ is the unique value of the same entity.

    • -
    • explain_predictions (bool) – If true, returns the SHAP explanations for all input features.

    • -
    • fixed_features (list) – Set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

    • -
    • nested (str) – If specified, generates prediction delta for each index of the specified nested feature.

    • -
    • explainer_type (str) – The type of explainer to use.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • +
    • query_data (dict) – A dictionary where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ is the unique value of the same entity.

    • +
    • explain_predictions (bool) – If true, returns the SHAP explanations for all input features.

    • +
    • fixed_features (list) – Set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

    • +
    • nested (str) – If specified, generates prediction delta for each index of the specified nested feature.

    • +
    • explainer_type (str) – The type of explainer to use.

    Return type:
    @@ -9992,14 +10381,14 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • threshold (float) – The threshold score of what is an anomaly. Valid values are between 0.8 and 0.99.

    • -
    • histogram (bool) – If True, will return a histogram of the distribution of all points.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • threshold (float) – The threshold score of what is an anomaly. Valid values are between 0.8 and 0.99.

    • +
    • histogram (bool) – If True, will return a histogram of the distribution of all points.

    Return type:
    -

    io.BytesIO

    +

    io.BytesIO

    @@ -10011,12 +10400,12 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • start_timestamp (str) – timestamp from which anomalies have to be detected in the training data

    • -
    • end_timestamp (str) – timestamp to which anomalies have to be detected in the training data

    • -
    • query_data (dict) – additional data on which anomaly detection has to be performed, it can either be a single record or list of records or a json string representing list of records

    • -
    • get_all_item_data (bool) – set this to true if anomaly detection has to be performed on all the data related to input ids

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • start_timestamp (str) – timestamp from which anomalies have to be detected in the training data

    • +
    • end_timestamp (str) – timestamp to which anomalies have to be detected in the training data

    • +
    • query_data (dict) – additional data on which anomaly detection has to be performed, it can either be a single record or list of records or a json string representing list of records

    • +
    • get_all_item_data (bool) – set this to true if anomaly detection has to be performed on all the data related to input ids

    • series_ids (List) – list of series ids on which the anomaly detection has to be performed

    @@ -10033,9 +10422,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – The input data for the prediction.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – The input data for the prediction.

    Return type:
    @@ -10051,9 +10440,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – The input data for the prediction.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – The input data for the prediction.

    Return type:
    @@ -10069,15 +10458,15 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘store_id’ in your dataset) mapped to the column mapping ITEM_ID that uniquely identifies the entity against which forecasting is performed and ‘Value’ will be the unique value of the same entity.

    • -
    • future_data (list) – This will be a list of values known ahead of time that are relevant for forecasting (e.g. State Holidays, National Holidays, etc.). Each element is a dictionary, where the key and the value both will be of type ‘str’. For example future data entered for a Store may be [{“Holiday”:”No”, “Promo”:”Yes”, “Date”: “2015-07-31 00:00:00”}].

    • -
    • num_predictions (int) – The number of timestamps to predict in the future.

    • -
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • -
    • explain_predictions (bool) – Will explain predictions for forecasting

    • -
    • explainer_type (str) – Type of explainer to use for explanations

    • -
    • get_item_data (bool) – Will return the data corresponding to items in query

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘store_id’ in your dataset) mapped to the column mapping ITEM_ID that uniquely identifies the entity against which forecasting is performed and ‘Value’ will be the unique value of the same entity.

    • +
    • future_data (list) – This will be a list of values known ahead of time that are relevant for forecasting (e.g. State Holidays, National Holidays, etc.). Each element is a dictionary, where the key and the value both will be of type ‘str’. For example future data entered for a Store may be [{“Holiday”:”No”, “Promo”:”Yes”, “Date”: “2015-07-31 00:00:00”}].

    • +
    • num_predictions (int) – The number of timestamps to predict in the future.

    • +
    • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

    • +
    • explain_predictions (bool) – Will explain predictions for forecasting

    • +
    • explainer_type (str) – Type of explainer to use for explanations

    • +
    • get_item_data (bool) – Will return the data corresponding to items in query

    Return type:
    @@ -10093,13 +10482,13 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • vector (list) – Input vector to perform the k nearest neighbors with.

    • -
    • k (int) – Overrideable number of items to return.

    • -
    • distance (str) – Specify the distance function to use. Options include “dot“, “cosine“, “euclidean“, and “manhattan“. Default = “dot“

    • -
    • include_score (bool) – If True, will return the score alongside the resulting embedding value.

    • -
    • catalog_id (str) – An optional parameter honored only for embeddings that provide a catalog id

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • vector (list) – Input vector to perform the k nearest neighbors with.

    • +
    • k (int) – Overrideable number of items to return.

    • +
    • distance (str) – Specify the distance function to use. Options include “dot“, “cosine“, “euclidean“, and “manhattan“. Default = “dot“

    • +
    • include_score (bool) – If True, will return the score alongside the resulting embedding value.

    • +
    • catalog_id (str) – An optional parameter honored only for embeddings that provide a catalog id

    Return type:
    @@ -10115,9 +10504,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • queries (list) – List of mappings of format {“catalogId”: “cat0”, “vectors”: […], “k”: 20, “distance”: “euclidean”}. See getKNearest for additional information about the supported parameters.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • queries (list) – List of mappings of format {“catalogId”: “cat0”, “vectors”: […], “k”: 20, “distance”: “euclidean”}. See getKNearest for additional information about the supported parameters.

    @@ -10130,10 +10519,10 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – Dictionary where key is “Content” and value is the text from which entities are to be extracted.

    • -
    • return_extracted_entities (bool) – (Optional) If True, will return the extracted entities in simpler format

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – Dictionary where key is “Content” and value is the text from which entities are to be extracted.

    • +
    • return_extracted_entities (bool) – (Optional) If True, will return the extracted entities in simpler format

    Return type:
    @@ -10149,13 +10538,13 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

    • -
    • doc_id (str) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

    • -
    • return_extracted_features (bool) – (Optional) If True, will return all extracted features (e.g. all tokens in a page) from the PDF. Default is False.

    • -
    • verbose (bool) – (Optional) If True, will return all the extracted tokens probabilities for all the trained labels. Default is False.

    • -
    • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

    • +
    • doc_id (str) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

    • +
    • return_extracted_features (bool) – (Optional) If True, will return all extracted features (e.g. all tokens in a page) from the PDF. Default is False.

    • +
    • verbose (bool) – (Optional) If True, will return all the extracted tokens probabilities for all the trained labels. Default is False.

    • +
    • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

    Return type:
    @@ -10171,19 +10560,19 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which recommendations are made and ‘Value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

    • -
    • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

    • -
    • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

    • -
    • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

    • -
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

    • -
    • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

    • -
    • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is

    • -
    • explore_fraction (float) – Explore fraction.

    • -
    • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

    • -
    • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

    • -
    • exclude_item_ids (list)

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which recommendations are made and ‘Value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

    • +
    • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

    • +
    • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

    • +
    • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

    • +
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

    • +
    • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

    • +
    • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is

    • +
    • explore_fraction (float) – Explore fraction.

    • +
    • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

    • +
    • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

    • +
    • exclude_item_ids (list)

    Return type:
    @@ -10199,12 +10588,12 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – This should be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

    • -
    • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

    • -
    • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved.

    • -
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – This should be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

    • +
    • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

    • +
    • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved.

    • +
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

    Return type:
    @@ -10220,15 +10609,15 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – This will be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

    • -
    • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

    • -
    • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved

    • -
    • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

    • -
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there is a type of item that might be less popular but you want to promote it or there is an item that always comes up and you want to demote it.

    • -
    • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

    • -
    • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – This will be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

    • +
    • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

    • +
    • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved

    • +
    • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

    • +
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there is a type of item that might be less popular but you want to promote it or there is an item that always comes up and you want to demote it.

    • +
    • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

    • +
    • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

    Return type:
    @@ -10244,14 +10633,14 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which related items are determined and the ‘value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

    • -
    • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

    • -
    • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

    • -
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

    • -
    • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

    • -
    • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is particularly useful if there’s a list of items that you know is of no use in some particular scenario and you don’t want to show those items present in that list.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which related items are determined and the ‘value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

    • +
    • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

    • +
    • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

    • +
    • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

    • +
    • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

    • +
    • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is particularly useful if there’s a list of items that you know is of no use in some particular scenario and you don’t want to show those items present in that list.

    Return type:
    @@ -10262,21 +10651,22 @@

    Module Contents
    -get_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None)
    +get_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, user_info=None)

    Return a chat response which continues the conversation based on the input messages and search results.

    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • -
    • system_message (str) – The generative LLM system message

    • -
    • temperature (float) – The generative LLM temperature

    • -
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • +
    • system_message (str) – The generative LLM system message

    • +
    • temperature (float) – The generative LLM temperature

    • +
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • +
    • user_info (dict)

    Return type:
    @@ -10292,16 +10682,16 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • -
    • system_message (str) – The generative LLM system message

    • -
    • temperature (float) – The generative LLM temperature

    • -
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • +
    • system_message (str) – The generative LLM system message

    • +
    • temperature (float) – The generative LLM temperature

    • +
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • chat_config (dict) – A dictionary specifying the query chat config override.

    • attachments (None) – A dictionary of binary data to use to answer the queries.

    @@ -10313,24 +10703,26 @@

    Module Contents
    -get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None)
    +get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None, user_info=None, execute_usercode_tool=False)

    Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists).

    Parameters:
      -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • message (str) – A message from the user

    • -
    • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • -
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • -
    • system_message (str) – The generative LLM system message

    • -
    • temperature (float) – The generative LLM temperature

    • -
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • chat_config (dict) – A dictionary specifiying the query chat config override.

    • -
    • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • message (str) – A message from the user

    • +
    • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • +
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • +
    • system_message (str) – The generative LLM system message

    • +
    • temperature (float) – The generative LLM temperature

    • +
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • chat_config (dict) – A dictionary specifiying the query chat config override.

    • +
    • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

    • +
    • execute_usercode_tool (bool) – If True, will return the tool output in the response.

    • +
    • user_info (dict)

    Return type:
    @@ -10346,18 +10738,18 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • message (str) – A message from the user

    • -
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • -
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • -
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • -
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • -
    • system_message (str) – The generative LLM system message

    • -
    • temperature (float) – The generative LLM temperature

    • -
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

    • -
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • -
    • chat_config (dict) – A dictionary specifiying the query chat config override.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • message (str) – A message from the user

    • +
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • +
    • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

    • +
    • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

    • +
    • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

    • +
    • system_message (str) – The generative LLM system message

    • +
    • temperature (float) – The generative LLM temperature

    • +
    • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

    • +
    • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

    • +
    • chat_config (dict) – A dictionary specifiying the query chat config override.

    • attachments (None) – A dictionary of binary data to use to answer the queries.

    @@ -10367,6 +10759,23 @@

    Module Contents +
    +get_deep_agent_response(message, deployment_conversation_id=None)
    +

    Return a DeepAgent response with generated files if any, based on the input message.

    +
    +
    Parameters:
    +
      +
    • message (str) – The user’s message/task for DeepAgent to complete

    • +
    • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

    • +
    +
    +
    Return type:
    +

    Dict

    +
    +
    +

    +
    get_search_results(deployment_token, deployment_id, query_data, num=15)
    @@ -10374,10 +10783,10 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be securely embedded in an application or website.

    • -
    • deployment_id (str) – A unique identifier of a deployment created under the project.

    • -
    • query_data (dict) – A dictionary where the key is “Content” and the value is the text from which entities are to be extracted.

    • -
    • num (int) – Number of search results to return.

    • +
    • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be securely embedded in an application or website.

    • +
    • deployment_id (str) – A unique identifier of a deployment created under the project.

    • +
    • query_data (dict) – A dictionary where the key is “Content” and the value is the text from which entities are to be extracted.

    • +
    • num (int) – Number of search results to return.

    Return type:
    @@ -10393,9 +10802,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for a deployment created under this project.

    • -
    • document (str) – The document to be analyzed for sentiment.

    • +
    • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for a deployment created under this project.

    • +
    • document (str) – The document to be analyzed for sentiment.

    Return type:
    @@ -10411,9 +10820,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • document (str) – The document to be classified.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • document (str) – The document to be classified.

    Return type:
    @@ -10429,9 +10838,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • document (str) – The document to be classified.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • document (str) – The document to be classified.

    Return type:
    @@ -10447,9 +10856,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – Raw data dictionary containing the required document data - must have a key ‘document’ corresponding to a DOCUMENT type text as value.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • query_data (dict) – Raw data dictionary containing the required document data - must have a key ‘document’ corresponding to a DOCUMENT type text as value.

    Return type:
    @@ -10465,9 +10874,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

    • -
    • deployment_id (str) – A unique string identifier for a deployment created under the project.

    • -
    • query_data (str) – The input string to detect.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

    • +
    • deployment_id (str) – A unique string identifier for a deployment created under the project.

    • +
    • query_data (str) – The input string to detect.

    Return type:
    @@ -10483,12 +10892,12 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

    • -
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • -
    • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

    • -
    • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

    • -
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • -
    • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

    • +
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • +
    • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

    • +
    • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

    • +
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • +
    • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

    Return type:
    @@ -10504,12 +10913,50 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

    • -
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • -
    • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

    • -
    • add_constraints (list) – List of constraints dict to apply to the query. The constraint dict should have the following keys: 1. query (dict): Specifies the set of assignment variables involved in the constraint. The format is same as query_data. 2. operator (str): Constraint operator ‘=’ or ‘<=’ or ‘>=’. 3. constant (int): Constraint RHS constant value. 4. coefficient_column (str): Column in Assignment feature group to be used as coefficient for the assignment variables, optional and defaults to 1

    • -
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • -
    • best_alternate_only (bool) – When True only the best alternate will be returned, when False multiple alternates are returned

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

    • +
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • +
    • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

    • +
    • add_constraints (list) – List of constraints dict to apply to the query. The constraint dict should have the following keys: 1. query (dict): Specifies the set of assignment variables involved in the constraint. The format is same as query_data. 2. operator (str): Constraint operator ‘=’ or ‘<=’ or ‘>=’. 3. constant (int): Constraint RHS constant value. 4. coefficient_column (str): Column in Assignment feature group to be used as coefficient for the assignment variables, optional and defaults to 1

    • +
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • +
    • best_alternate_only (bool) – When True only the best alternate will be returned, when False multiple alternates are returned

    • +
    +
    +
    Return type:
    +

    Dict

    +
    +

    +

    + +
    +
    +get_optimization_inputs_from_serialized(deployment_token, deployment_id, query_data=None)
    +

    Get assignments for given query, with new inputs

    +
    +
    Parameters:
    +
      +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

    • +
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • +
    • query_data (dict) – a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes)

    • +
    +
    +
    Return type:
    +

    Dict

    +
    +
    +
    + +
    +
    +get_assignments_online_with_new_serialized_inputs(deployment_token, deployment_id, query_data=None, solve_time_limit_seconds=None, optimality_gap_limit=None)
    +

    Get assignments for given query, with new inputs

    +
    +
    Parameters:
    +
      +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

    • +
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • +
    • query_data (dict) – a dictionary with assignment, constraint and constraint_equations_df (under these specific keys)

    • +
    • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

    • +
    • optimality_gap_limit (float) – Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found)

    Return type:
    @@ -10525,9 +10972,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

    • -
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • -
    • query_data (dict) – Assignment overrides to the solution.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

    • +
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • +
    • query_data (dict) – Assignment overrides to the solution.

    Return type:
    @@ -10543,9 +10990,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

    • -
    • deployment_id (str) – A unique identifier to a deployment created under the project.

    • -
    • blob (io.TextIOBase) – The multipart/form-data of the data.

    • +
    • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

    • +
    • deployment_id (str) – A unique identifier to a deployment created under the project.

    • +
    • blob (io.TextIOBase) – The multipart/form-data of the data.

    Return type:
    @@ -10561,11 +11008,11 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

    • -
    • deployment_id (str) – Unique identifier of a deployment created under the project.

    • -
    • image (io.TextIOBase) – Image to describe.

    • -
    • categories (list) – List of candidate categories to compare with the image.

    • -
    • top_n (int) – Return the N most similar categories.

    • +
    • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

    • +
    • deployment_id (str) – Unique identifier of a deployment created under the project.

    • +
    • image (io.TextIOBase) – Image to describe.

    • +
    • categories (list) – List of candidate categories to compare with the image.

    • +
    • top_n (int) – Return the N most similar categories.

    Return type:
    @@ -10581,12 +11028,12 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

    • -
    • deployment_id (str) – Unique identifier of a deployment created under the project.

    • -
    • document (io.TextIOBase) – Input document which can be an image, pdf, or word document (Some formats might not be supported yet)

    • -
    • adjust_doc_orientation (bool) – (Optional) whether to detect the document page orientation and rotate it if needed.

    • -
    • save_predicted_pdf (bool) – (Optional) If True, will save the predicted pdf bytes so that they can be fetched using the prediction docId. Default is False.

    • -
    • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

    • +
    • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

    • +
    • deployment_id (str) – Unique identifier of a deployment created under the project.

    • +
    • document (io.TextIOBase) – Input document which can be an image, pdf, or word document (Some formats might not be supported yet)

    • +
    • adjust_doc_orientation (bool) – (Optional) whether to detect the document page orientation and rotate it if needed.

    • +
    • save_predicted_pdf (bool) – (Optional) If True, will save the predicted pdf bytes so that they can be fetched using the prediction docId. Default is False.

    • +
    • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

    Return type:
    @@ -10602,9 +11049,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to make predictions on deployments in this project, so it can be safely embedded in an application or website.

    • -
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • -
    • audio (io.TextIOBase) – The audio to transcribe.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to make predictions on deployments in this project, so it can be safely embedded in an application or website.

    • +
    • deployment_id (str) – The unique identifier of a deployment created under the project.

    • +
    • audio (io.TextIOBase) – The audio to transcribe.

    Return type:
    @@ -10620,10 +11067,10 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier to a deployment created under the project.

    • -
    • image (io.TextIOBase) – The binary data of the image to classify. One of image or doc_id must be specified.

    • -
    • doc_id (str) – The document ID of the image. One of image or doc_id must be specified.

    • +
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier to a deployment created under the project.

    • +
    • image (io.TextIOBase) – The binary data of the image to classify. One of image or doc_id must be specified.

    • +
    • doc_id (str) – The document ID of the image. One of image or doc_id must be specified.

    Return type:
    @@ -10639,9 +11086,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

    • -
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • -
    • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

    • +
    • deployment_id (str) – The unique identifier for a deployment created under the project.

    • +
    • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

    Return type:
    @@ -10657,9 +11104,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • query_data (dict) – A dictionary where each ‘key’ represents a column name and its corresponding ‘value’ represents the value of that column. For Timeseries Clustering, the ‘key’ should be ITEM_ID, and its value should represent a unique item ID that needs clustering.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • query_data (dict) – A dictionary where each ‘key’ represents a column name and its corresponding ‘value’ represents the value of that column. For Timeseries Clustering, the ‘key’ should be ITEM_ID, and its value should represent a unique item ID that needs clustering.

    Return type:
    @@ -10675,9 +11122,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier to a deployment created under the project.

    • -
    • image (io.TextIOBase) – The binary data of the image to detect objects from.

    • +
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier to a deployment created under the project.

    • +
    • image (io.TextIOBase) – The binary data of the image to detect objects from.

    Return type:
    @@ -10693,9 +11140,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier to a deployment created under the project.

    • -
    • image (io.TextIOBase) – The binary data of the image to get the score.

    • +
    • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier to a deployment created under the project.

    • +
    • image (io.TextIOBase) – The binary data of the image to get the score.

    Return type:
    @@ -10711,32 +11158,14 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

    • -
    • deployment_id (str) – A unique identifier to a deployment created under the project.

    • -
    • source_image (io.TextIOBase) – The source image to apply the makeup.

    • -
    • style_image (io.TextIOBase) – The image that has the style as a reference.

    • -
    -
    -
    Return type:
    -

    io.BytesIO

    -
    -

    -
    - -
    -
    -generate_image(deployment_token, deployment_id, query_data)
    -

    Generate an image from text prompt.

    -
    -
    Parameters:
    -
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

    • -
    • deployment_id (str) – A unique identifier to a deployment created under the project.

    • -
    • query_data (dict) – Specifies the text prompt. For example, {‘prompt’: ‘a cat’}

    • +
    • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

    • +
    • deployment_id (str) – A unique identifier to a deployment created under the project.

    • +
    • source_image (io.TextIOBase) – The source image to apply the makeup.

    • +
    • style_image (io.TextIOBase) – The image that has the style as a reference.

    Return type:
    -

    io.BytesIO

    +

    io.BytesIO

    @@ -10748,10 +11177,10 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • arguments (list) – Positional arguments to the agent execute function.

    • -
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • arguments (list) – Positional arguments to the agent execute function.

    • +
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    Return type:
    @@ -10767,12 +11196,12 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • query (str) – User input query to initialize the matrix computation.

    • -
    • doc_infos (list) – An optional list of documents use for constructing the matrix. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

    • -
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    • -
    • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • query (str) – User input query to initialize the matrix computation.

    • +
    • doc_infos (list) – An optional list of documents use for constructing the matrix. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

    • +
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    • +
    • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

    Return type:
    @@ -10788,15 +11217,15 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • arguments (list) – Positional arguments to the agent execute function.

    • -
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    • -
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    • -
    • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

    • -
    • regenerate (bool) – If True, will regenerate the response from the last query.

    • -
    • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

    • -
    • agent_workflow_node_id (str) – An optional agent workflow node id to trigger agent execution from an intermediate node.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • arguments (list) – Positional arguments to the agent execute function.

    • +
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    • +
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    • +
    • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

    • +
    • regenerate (bool) – If True, will regenerate the response from the last query.

    • +
    • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

    • +
    • agent_workflow_node_id (str) – An optional agent workflow node id to trigger agent execution from an intermediate node.

    Return type:
    @@ -10815,28 +11244,28 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • data (str) – The query to search for.

    • -
    • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • -
    • num (int) – If provided, will limit the number of results to the value specified.

    • -
    • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

    • -
    • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

    • -
    • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

    • -
    • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

    • -
    • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

    • -
    • min_score (float) – If provided, will filter out the results with score less than the value specified.

    • -
    • required_phrases (list) – If provided, each result will contain at least one of the phrases in the given list. The matching is whitespace and case insensitive.

    • -
    • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

    • -
    • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set. An entry in the map can also be a map specifying the limit per attribute value rather than a single limit for all values. This allows a per value limit for attributes. If an attribute value is not present in the map its limit defaults to zero.

    • -
    • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • data (str) – The query to search for.

    • +
    • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

    • +
    • num (int) – If provided, will limit the number of results to the value specified.

    • +
    • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

    • +
    • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

    • +
    • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

    • +
    • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

    • +
    • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

    • +
    • min_score (float) – If provided, will filter out the results with score less than the value specified.

    • +
    • required_phrases (list) – If provided, each result will contain at least one of the phrases in the given list. The matching is whitespace and case insensitive.

    • +
    • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

    • +
    • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set. An entry in the map can also be a map specifying the limit per attribute value rather than a single limit for all values. This allows a per value limit for attributes. If an attribute value is not present in the map its limit defaults to zero.

    • +
    • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

    Returns:

    The relevant documentation results found from the document retriever.

    Return type:
    -

    list[DocumentRetrieverLookupResult]

    +

    list[DocumentRetrieverLookupResult]

    @@ -10848,9 +11277,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • -
    • prompt (str) – The prompt given to the finetuned LLM to generate the completion.

    • +
    • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • +
    • deployment_id (str) – The unique identifier to a deployment created under the project.

    • +
    • prompt (str) – The prompt given to the finetuned LLM to generate the completion.

    Return type:
    @@ -10859,31 +11288,6 @@

    Module Contents -
    -execute_agent_with_binary_data(deployment_token, deployment_id, arguments=None, keyword_arguments=None, deployment_conversation_id=None, external_session_id=None, blobs=None)
    -

    Executes a deployed AI agent function with binary data as inputs.

    -
    -
    Parameters:
    -
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • arguments (list) – Positional arguments to the agent execute function.

    • -
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    • -
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    • -
    • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

    • -
    • blobs (None) – A dictionary of binary data to use as inputs to the agent execute function.

    • -
    -
    -
    Returns:
    -

    The result of the agent execution

    -
    -
    Return type:
    -

    AgentDataExecutionResult

    -
    -
    -
    -
    start_autonomous_agent(deployment_token, deployment_id, arguments=None, keyword_arguments=None, save_conversations=True)
    @@ -10891,11 +11295,11 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • arguments (list) – Positional arguments to the agent execute function.

    • -
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    • -
    • save_conversations (bool) – If true then a new conversation will be created for every run of the workflow associated with the agent.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • arguments (list) – Positional arguments to the agent execute function.

    • +
    • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

    • +
    • save_conversations (bool) – If true then a new conversation will be created for every run of the workflow associated with the agent.

    Return type:
    @@ -10911,9 +11315,9 @@

    Module Contents
    Parameters:
      -
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

    • -
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • -
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    • +
    • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

    • +
    • deployment_id (str) – A unique string identifier for the deployment created under the project.

    • +
    • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

    Return type:
    @@ -10929,23 +11333,23 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – Unique string identifier for the deployment.

    • -
    • table_name (str) – Name of the feature group table to write the results of the batch prediction. Can only be specified if outputLocation and databaseConnectorId are not specified. If tableName is specified, the outputType will be enforced as CSV.

    • -
    • name (str) – Name of the batch prediction job.

    • +
    • deployment_id (str) – Unique string identifier for the deployment.

    • +
    • table_name (str) – Name of the feature group table to write the results of the batch prediction. Can only be specified if outputLocation and databaseConnectorId are not specified. If tableName is specified, the outputType will be enforced as CSV.

    • +
    • name (str) – Name of the batch prediction job.

    • batch_prediction_args (BatchPredictionArgs) – Batch Prediction args specific to problem type.

    • -
    • output_format (str) – Format of the batch prediction output (CSV or JSON).

    • -
    • output_location (str) – Location to write the prediction results. Otherwise, results will be stored in Abacus.AI.

    • -
    • database_connector_id (str) – Unique identifier of a Database Connection to write predictions to. Cannot be specified in conjunction with outputLocation.

    • -
    • database_output_config (dict) – Key-value pair of columns/values to write to the database connector. Only available if databaseConnectorId is specified.

    • -
    • refresh_schedule (str) – Cron-style string that describes a schedule in UTC to automatically run the batch prediction.

    • -
    • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

    • -
    • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

    • -
    • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

    • -
    • output_includes_metadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

    • -
    • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

    • -
    • input_feature_groups (dict) – A dict of {‘<feature_group_type>’: ‘<feature_group_id>’} which overrides the default input data of that type for the Batch Prediction. Default input data is the training data that was used for training the deployed model.

    • -
    • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

    • -
    • explanations (bool)

    • +
    • output_format (str) – Format of the batch prediction output (CSV or JSON).

    • +
    • output_location (str) – Location to write the prediction results. Otherwise, results will be stored in Abacus.AI.

    • +
    • database_connector_id (str) – Unique identifier of a Database Connection to write predictions to. Cannot be specified in conjunction with outputLocation.

    • +
    • database_output_config (dict) – Key-value pair of columns/values to write to the database connector. Only available if databaseConnectorId is specified.

    • +
    • refresh_schedule (str) – Cron-style string that describes a schedule in UTC to automatically run the batch prediction.

    • +
    • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

    • +
    • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

    • +
    • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

    • +
    • output_includes_metadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

    • +
    • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

    • +
    • input_feature_groups (dict) – A dict of {‘<feature_group_type>’: ‘<feature_group_id>’} which overrides the default input data of that type for the Batch Prediction. Default input data is the training data that was used for training the deployed model.

    • +
    • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

    • +
    • explanations (bool)

    Returns:
    @@ -10963,7 +11367,7 @@

    Module Contents
    Parameters:
    -

    batch_prediction_id (str) – The unique identifier of the batch prediction to create a new version of.

    +

    batch_prediction_id (str) – The unique identifier of the batch prediction to create a new version of.

    Returns:

    The batch prediction version started by this method call.

    @@ -10981,18 +11385,18 @@

    Module Contents
    Parameters:
      -
    • batch_prediction_id (str) – Unique identifier of the batch prediction.

    • -
    • deployment_id (str) – Unique identifier of the deployment.

    • +
    • batch_prediction_id (str) – Unique identifier of the batch prediction.

    • +
    • deployment_id (str) – Unique identifier of the deployment.

    • batch_prediction_args (BatchPredictionArgs) – Batch Prediction args specific to problem type.

    • -
    • output_format (str) – If specified, sets the format of the batch prediction output (CSV or JSON).

    • -
    • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

    • -
    • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

    • -
    • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

    • -
    • output_includes_metadata (bool) – If True, output will contain columns including prediction start time, batch prediction version, and model version.

    • -
    • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

    • -
    • name (str) – If present, will rename the batch prediction.

    • -
    • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

    • -
    • explanations (bool)

    • +
    • output_format (str) – If specified, sets the format of the batch prediction output (CSV or JSON).

    • +
    • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

    • +
    • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

    • +
    • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

    • +
    • output_includes_metadata (bool) – If True, output will contain columns including prediction start time, batch prediction version, and model version.

    • +
    • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

    • +
    • name (str) – If present, will rename the batch prediction.

    • +
    • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

    • +
    • explanations (bool)

    Returns:
    @@ -11011,9 +11415,9 @@

    Module Contents
    Parameters:
      -
    • batch_prediction_id (str) – The unique identifier of the batch prediction.

    • -
    • output_format (str) – The format of the batch prediction output (CSV or JSON). If not specified, the default format will be used.

    • -
    • output_location (str) – The location to write the prediction results. If not specified, results will be stored in Abacus.AI.

    • +
    • batch_prediction_id (str) – The unique identifier of the batch prediction.

    • +
    • output_format (str) – The format of the batch prediction output (CSV or JSON). If not specified, the default format will be used.

    • +
    • output_location (str) – The location to write the prediction results. If not specified, results will be stored in Abacus.AI.

    Returns:
    @@ -11032,9 +11436,9 @@

    Module Contents
    Parameters:
      -
    • batch_prediction_id (str) – Unique string identifier of the batch prediction.

    • -
    • database_connector_id (str) – Unique string identifier of an Database Connection to write predictions to.

    • -
    • database_output_config (dict) – Key-value pair of columns/values to write to the database connector.

    • +
    • batch_prediction_id (str) – Unique string identifier of the batch prediction.

    • +
    • database_connector_id (str) – Unique string identifier of an Database Connection to write predictions to.

    • +
    • database_output_config (dict) – Key-value pair of columns/values to write to the database connector.

    Returns:
    @@ -11053,8 +11457,8 @@

    Module Contents
    Parameters:
      -
    • batch_prediction_id (str) – Unique string identifier of the batch prediction.

    • -
    • table_name (str) – Name of the feature group table to create.

    • +
    • batch_prediction_id (str) – Unique string identifier of the batch prediction.

    • +
    • table_name (str) – Name of the feature group table to create.

    Returns:
    @@ -11072,7 +11476,7 @@

    Module Contents
    Parameters:
    -

    batch_prediction_id (str) – The unique identifier of the batch prediction.

    +

    batch_prediction_id (str) – The unique identifier of the batch prediction.

    Returns:

    The batch prediction description.

    @@ -11090,9 +11494,9 @@

    Module Contents
    Parameters:
      -
    • batch_prediction_id (str) – Unique identifier of the batch prediction.

    • -
    • feature_group_type (str) – Enum string representing the feature group type to set. The type is based on the use case under which the feature group is being created (e.g. Catalog Attributes for personalized recommendation use case).

    • -
    • feature_group_id (str) – Unique identifier of the feature group to set as input to the batch prediction.

    • +
    • batch_prediction_id (str) – Unique identifier of the batch prediction.

    • +
    • feature_group_type (str) – Enum string representing the feature group type to set. The type is based on the use case under which the feature group is being created (e.g. Catalog Attributes for personalized recommendation use case).

    • +
    • feature_group_id (str) – Unique identifier of the feature group to set as input to the batch prediction.

    Returns:
    @@ -11111,8 +11515,8 @@

    Module Contents
    Parameters:
      -
    • batch_prediction_id (str) – Unique string identifier of the batch prediction.

    • -
    • dataset_id_remap (dict) – Key/value pairs of dataset ids to be replaced during the batch prediction.

    • +
    • batch_prediction_id (str) – Unique string identifier of the batch prediction.

    • +
    • dataset_id_remap (dict) – Key/value pairs of dataset ids to be replaced during the batch prediction.

    Returns:
    @@ -11130,7 +11534,7 @@

    Module Contents
    Parameters:
    -

    batch_prediction_id (str) – Unique string identifier of the batch prediction.

    +

    batch_prediction_id (str) – Unique string identifier of the batch prediction.

    @@ -11142,11 +11546,11 @@

    Module Contents
    Parameters:
      -
    • streaming_token (str) – The streaming token for authenticating requests to the model.

    • -
    • model_id (str) – A unique string identifier for the model to upsert item embeddings to.

    • -
    • item_id (str) – The item id for which its embeddings will be upserted.

    • -
    • vector (list) – The embedding vector.

    • -
    • catalog_id (str) – The name of the catalog in the model to update.

    • +
    • streaming_token (str) – The streaming token for authenticating requests to the model.

    • +
    • model_id (str) – A unique string identifier for the model to upsert item embeddings to.

    • +
    • item_id (str) – The item id for which its embeddings will be upserted.

    • +
    • vector (list) – The embedding vector.

    • +
    • catalog_id (str) – The name of the catalog in the model to update.

    @@ -11159,10 +11563,10 @@

    Module Contents
    Parameters:
      -
    • streaming_token (str) – The streaming token for authenticating requests to the model.

    • -
    • model_id (str) – A unique string identifier for the model from which to delete item embeddings.

    • -
    • item_ids (list) – A list of item IDs whose embeddings will be deleted.

    • -
    • catalog_id (str) – An optional name to specify which catalog in a model to update.

    • +
    • streaming_token (str) – The streaming token for authenticating requests to the model.

    • +
    • model_id (str) – A unique string identifier for the model from which to delete item embeddings.

    • +
    • item_ids (list) – A list of item IDs whose embeddings will be deleted.

    • +
    • catalog_id (str) – An optional name to specify which catalog in a model to update.

    @@ -11175,10 +11579,10 @@

    Module Contents
    Parameters:
      -
    • streaming_token (str) – The streaming token for authenticating requests to the model.

    • -
    • model_id (str) – The unique string identifier of the model to upsert item embeddings to.

    • -
    • upserts (list) – A list of dictionaries of the form {‘itemId’: …, ‘vector’: […]} for each upsert.

    • -
    • catalog_id (str) – Name of the catalog in the model to update.

    • +
    • streaming_token (str) – The streaming token for authenticating requests to the model.

    • +
    • model_id (str) – The unique string identifier of the model to upsert item embeddings to.

    • +
    • upserts (list) – A list of dictionaries of the form {‘itemId’: …, ‘vector’: […]} for each upsert.

    • +
    • catalog_id (str) – Name of the catalog in the model to update.

    @@ -11191,9 +11595,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier for the streaming feature group to record data to.

    • -
    • streaming_token (str) – The streaming token for authenticating requests.

    • -
    • data (dict) – The data to record as a JSON object.

    • +
    • feature_group_id (str) – Unique string identifier for the streaming feature group to record data to.

    • +
    • streaming_token (str) – The streaming token for authenticating requests.

    • +
    • data (dict) – The data to record as a JSON object.

    @@ -11206,9 +11610,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – Unique string identifier of the streaming feature group to record data to.

    • -
    • streaming_token (str) – Streaming token for authenticating requests.

    • -
    • data (list) – Data to record, as a list of JSON objects.

    • +
    • feature_group_id (str) – Unique string identifier of the streaming feature group to record data to.

    • +
    • streaming_token (str) – Streaming token for authenticating requests.

    • +
    • data (list) – Data to record, as a list of JSON objects.

    @@ -11221,9 +11625,9 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – A unique string identifier of the online feature group to record data to.

    • -
    • data (dict) – The data to record, in JSON format.

    • -
    • streaming_token (str) – Optional streaming token for authenticating requests if upserting to streaming FG.

    • +
    • feature_group_id (str) – A unique string identifier of the online feature group to record data to.

    • +
    • data (dict) – The data to record, in JSON format.

    • +
    • streaming_token (str) – Optional streaming token for authenticating requests if upserting to streaming FG.

    • blobs (None) – A dictionary of binary data to populate file fields’ in data to upsert to the streaming FG.

    @@ -11243,8 +11647,8 @@

    Module Contents
    Parameters:
      -
    • feature_group_id (str) – The unique ID associated with the feature group.

    • -
    • primary_key (str) – The primary key value for which to delete the feature group row

    • +
    • feature_group_id (str) – The unique ID associated with the feature group.

    • +
    • primary_key (str) – The primary key value for which to delete the feature group row

    @@ -11257,8 +11661,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The deployment id

    • -
    • primary_key_value (str) – The primary key value

    • +
    • deployment_id (str) – The deployment id

    • +
    • primary_key_value (str) – The primary key value

    Returns:
    @@ -11277,16 +11681,16 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The deployment id for the process

    • -
    • limit (int) – The maximum number of processes to return. Defaults to None.

    • -
    • status (str) – The status of the processes to return. Defaults to None.

    • +
    • deployment_id (str) – The deployment id for the process

    • +
    • limit (int) – The maximum number of processes to return. Defaults to None.

    • +
    • status (str) – The status of the processes to return. Defaults to None.

    Returns:

    A list of object representing the feature group row process

    Return type:
    -

    list[FeatureGroupRowProcess]

    +

    list[FeatureGroupRowProcess]

    @@ -11297,7 +11701,7 @@

    Module Contents
    Parameters:
    -

    deployment_id (str) – The deployment id for the process

    +

    deployment_id (str) – The deployment id for the process

    Returns:

    An object representing the summary of the statuses of the individual feature group processes

    @@ -11315,8 +11719,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The deployment id

    • -
    • primary_key_value (str) – The primary key value

    • +
    • deployment_id (str) – The deployment id

    • +
    • primary_key_value (str) – The primary key value

    Returns:
    @@ -11335,8 +11739,8 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The deployment id

    • -
    • primary_key_value (str) – The primary key value

    • +
    • deployment_id (str) – The deployment id

    • +
    • primary_key_value (str) – The primary key value

    Returns:
    @@ -11350,19 +11754,22 @@

    Module Contents
    -create_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, function_type='FEATURE_GROUP', description=None, examples=None)
    +create_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, function_type='FEATURE_GROUP', description=None, examples=None, user_level_connectors=None, org_level_connectors=None, output_variable_mappings=None)

    Creates a custom Python function that is reusable.

    Parameters:
      -
    • name (str) – The name to identify the Python function. Must be a valid Python identifier.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • -
    • function_name (str) – The name of the Python function.

    • +
    • name (str) – The name to identify the Python function. Must be a valid Python identifier.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • +
    • function_name (str) – The name of the Python function.

    • function_variable_mappings (List) – List of Python function arguments.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • function_type (str) – Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG.

    • -
    • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

    • -
    • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • function_type (str) – Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG.

    • +
    • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

    • +
    • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.])

    • +
    • user_level_connectors (Dict) – Dictionary containing user level connectors.

    • +
    • org_level_connectors (List) – List containing organization level connectors.

    • +
    • output_variable_mappings (List) – List of output variable mappings that defines the elements of the function’s return value.

    Returns:
    @@ -11376,18 +11783,21 @@

    Module Contents
    -update_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, description=None, examples=None)
    +update_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, description=None, examples=None, user_level_connectors=None, org_level_connectors=None, output_variable_mappings=None)

    Update custom python function with user inputs for the given python function.

    Parameters:
      -
    • name (str) – The name to identify the Python function. Must be a valid Python identifier.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • -
    • function_name (str) – The name of the Python function within source_code.

    • +
    • name (str) – The name to identify the Python function. Must be a valid Python identifier.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • +
    • function_name (str) – The name of the Python function within source_code.

    • function_variable_mappings (List) – List of arguments required by function_name.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

    • -
    • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

    • +
    • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.

    • +
    • user_level_connectors (Dict) – Dictionary containing user level connectors.

    • +
    • org_level_connectors (List) – List of organization level connectors.

    • +
    • output_variable_mappings (List) – List of output variable mappings that defines the elements of the function’s return value.

    Returns:
    @@ -11405,7 +11815,7 @@

    Module Contents
    Parameters:
    -

    name (str) – The name to identify the Python function. Must be a valid Python identifier.

    +

    name (str) – The name to identify the Python function. Must be a valid Python identifier.

    @@ -11417,10 +11827,10 @@

    Module Contents
    Parameters:
      -
    • pipeline_name (str) – The name of the pipeline, which should be unique to the organization.

    • -
    • project_id (str) – A unique string identifier for the pipeline.

    • -
    • cron (str) – A cron-like string specifying the frequency of pipeline reruns.

    • -
    • is_prod (bool) – Whether the pipeline is a production pipeline or not.

    • +
    • pipeline_name (str) – The name of the pipeline, which should be unique to the organization.

    • +
    • project_id (str) – A unique string identifier for the pipeline.

    • +
    • cron (str) – A cron-like string specifying the frequency of pipeline reruns.

    • +
    • is_prod (bool) – Whether the pipeline is a production pipeline or not.

    Returns:
    @@ -11438,7 +11848,7 @@

    Module Contents
    Parameters:
    -

    pipeline_id (str) – The ID of the pipeline to describe.

    +

    pipeline_id (str) – The ID of the pipeline to describe.

    Returns:

    An object describing a Pipeline

    @@ -11455,7 +11865,7 @@

    Module Contents
    Parameters:
    -

    pipeline_name (str) – The name of the pipeline to describe.

    +

    pipeline_name (str) – The name of the pipeline to describe.

    Returns:

    An object describing a Pipeline

    @@ -11473,11 +11883,11 @@

    Module Contents
    Parameters:
      -
    • pipeline_id (str) – The ID of the pipeline to update.

    • -
    • project_id (str) – A unique string identifier for the pipeline.

    • +
    • pipeline_id (str) – The ID of the pipeline to update.

    • +
    • project_id (str) – A unique string identifier for the pipeline.

    • pipeline_variable_mappings (List) – List of Python function arguments for the pipeline.

    • -
    • cron (str) – A cron-like string specifying the frequency of the scheduled pipeline runs.

    • -
    • is_prod (bool) – Whether the pipeline is a production pipeline or not.

    • +
    • cron (str) – A cron-like string specifying the frequency of the scheduled pipeline runs.

    • +
    • is_prod (bool) – Whether the pipeline is a production pipeline or not.

    Returns:
    @@ -11496,8 +11906,8 @@

    Module Contents
    Parameters:
      -
    • pipeline_id (str) – The ID of the pipeline to rename.

    • -
    • pipeline_name (str) – The new name of the pipeline.

    • +
    • pipeline_id (str) – The ID of the pipeline to rename.

    • +
    • pipeline_name (str) – The new name of the pipeline.

    Returns:
    @@ -11515,7 +11925,7 @@

    Module Contents
    Parameters:
    -

    pipeline_id (str) – The ID of the pipeline to delete.

    +

    pipeline_id (str) – The ID of the pipeline to delete.

    @@ -11527,15 +11937,15 @@

    Module Contents
    Parameters:
      -
    • pipeline_id (str) – The ID of the pipeline to list versions for.

    • -
    • limit (int) – The maximum number of pipeline versions to return.

    • +
    • pipeline_id (str) – The ID of the pipeline to list versions for.

    • +
    • limit (int) – The maximum number of pipeline versions to return.

    Returns:

    A list of pipeline versions.

    Return type:
    -

    list[PipelineVersion]

    +

    list[PipelineVersion]

    @@ -11547,7 +11957,7 @@

    Module Contents
    Parameters:
      -
    • pipeline_id (str) – The ID of the pipeline to run.

    • +
    • pipeline_id (str) – The ID of the pipeline to run.

    • pipeline_variable_mappings (List) – List of Python function arguments for the pipeline.

    @@ -11567,9 +11977,9 @@

    Module Contents
    Parameters:
      -
    • pipeline_version (str) – The id of the pipeline version.

    • -
    • steps (list) – List of pipeline step names to rerun.

    • -
    • include_downstream_steps (bool) – Whether to rerun downstream steps from the steps you have passed

    • +
    • pipeline_version (str) – The id of the pipeline version.

    • +
    • steps (list) – List of pipeline step names to rerun.

    • +
    • include_downstream_steps (bool) – Whether to rerun downstream steps from the steps you have passed

    Returns:
    @@ -11588,17 +11998,17 @@

    Module Contents
    Parameters:
      -
    • pipeline_id (str) – The ID of the pipeline to run.

    • -
    • step_name (str) – The name of the step.

    • -
    • function_name (str) – The name of the Python function.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • +
    • pipeline_id (str) – The ID of the pipeline to run.

    • +
    • step_name (str) – The name of the step.

    • +
    • function_name (str) – The name of the Python function.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • step_input_mappings (List) – List of Python function arguments.

    • output_variable_mappings (List) – List of Python function outputs.

    • -
    • step_dependencies (list) – List of step names this step depends on.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • cpu_size (str) – Size of the CPU for the step function.

    • -
    • memory (int) – Memory (in GB) for the step function.

    • -
    • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

    • +
    • step_dependencies (list) – List of step names this step depends on.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • cpu_size (str) – Size of the CPU for the step function.

    • +
    • memory (int) – Memory (in GB) for the step function.

    • +
    • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

    Returns:
    @@ -11616,7 +12026,7 @@

    Module Contents
    Parameters:
    -

    pipeline_step_id (str) – The ID of the pipeline step.

    +

    pipeline_step_id (str) – The ID of the pipeline step.

    @@ -11628,16 +12038,16 @@

    Module Contents
    Parameters:
      -
    • pipeline_step_id (str) – The ID of the pipeline_step to update.

    • -
    • function_name (str) – The name of the Python function.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • +
    • pipeline_step_id (str) – The ID of the pipeline_step to update.

    • +
    • function_name (str) – The name of the Python function.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • step_input_mappings (List) – List of Python function arguments.

    • output_variable_mappings (List) – List of Python function outputs.

    • -
    • step_dependencies (list) – List of step names this step depends on.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • cpu_size (str) – Size of the CPU for the step function.

    • -
    • memory (int) – Memory (in GB) for the step function.

    • -
    • timeout (int) – Timeout for the pipeline step, default is 300 minutes.

    • +
    • step_dependencies (list) – List of step names this step depends on.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • cpu_size (str) – Size of the CPU for the step function.

    • +
    • memory (int) – Memory (in GB) for the step function.

    • +
    • timeout (int) – Timeout for the pipeline step, default is 300 minutes.

    Returns:
    @@ -11656,8 +12066,8 @@

    Module Contents
    Parameters:
      -
    • pipeline_step_id (str) – The ID of the pipeline_step to update.

    • -
    • step_name (str) – The name of the step.

    • +
    • pipeline_step_id (str) – The ID of the pipeline_step to update.

    • +
    • step_name (str) – The name of the step.

    Returns:
    @@ -11675,7 +12085,7 @@

    Module Contents
    Parameters:
    -

    pipeline_id (str) – The id of the pipeline.

    +

    pipeline_id (str) – The id of the pipeline.

    Returns:

    Object describing the pipeline.

    @@ -11692,7 +12102,7 @@

    Module Contents
    Parameters:
    -

    pipeline_id (str) – The id of the pipeline.

    +

    pipeline_id (str) – The id of the pipeline.

    Returns:

    Object describing the pipeline.

    @@ -11709,7 +12119,7 @@

    Module Contents
    Parameters:
    -

    pipeline_id (str) – The id of the pipeline.

    +

    pipeline_id (str) – The id of the pipeline.

    Returns:

    Object describing the pipeline.

    @@ -11726,7 +12136,7 @@

    Module Contents
    Parameters:
    -

    pipeline_version (str) – The id of the pipeline version.

    +

    pipeline_version (str) – The id of the pipeline version.

    Returns:

    Object describing the pipeline version

    @@ -11744,8 +12154,8 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – A unique string identifier for the plot dashboard.

    • -
    • name (str) – The name of the dashboard.

    • +
    • project_id (str) – A unique string identifier for the plot dashboard.

    • +
    • name (str) – The name of the dashboard.

    • python_function_ids (List) – A list of unique string identifiers for the python functions to be used in the graph dashboard.

    @@ -11764,7 +12174,7 @@

    Module Contents
    Parameters:
    -

    graph_dashboard_id (str) – Unique string identifier for the graph dashboard to be deleted.

    +

    graph_dashboard_id (str) – Unique string identifier for the graph dashboard to be deleted.

    @@ -11776,8 +12186,8 @@

    Module Contents
    Parameters:
      -
    • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

    • -
    • name (str) – Name of the dashboard.

    • +
    • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

    • +
    • name (str) – Name of the dashboard.

    • python_function_ids (List) – List of unique string identifiers for the Python functions to be used in the graph dashboard.

    @@ -11797,10 +12207,10 @@

    Module Contents
    Parameters:
      -
    • python_function_id (str) – Unique string identifier for the Python function.

    • -
    • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

    • +
    • python_function_id (str) – Unique string identifier for the Python function.

    • +
    • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

    • function_variable_mappings (List) – List of arguments to be supplied to the function as parameters, in the format [{‘name’: ‘function_argument’, ‘variable_type’: ‘FEATURE_GROUP’, ‘value’: ‘name_of_feature_group’}].

    • -
    • name (str) – Name of the added python plot

    • +
    • name (str) – Name of the added python plot

    Returns:
    @@ -11819,9 +12229,9 @@

    Module Contents
    Parameters:
      -
    • graph_reference_id (str) – A unique string identifier for the graph reference.

    • +
    • graph_reference_id (str) – A unique string identifier for the graph reference.

    • function_variable_mappings (List) – A list of arguments to be supplied to the Python function as parameters in the format [{‘name’: ‘function_argument’, ‘variable_type’: ‘FEATURE_GROUP’, ‘value’: ‘name_of_feature_group’}].

    • -
    • name (str) – The updated name for the graph

    • +
    • name (str) – The updated name for the graph

    Returns:
    @@ -11839,7 +12249,7 @@

    Module Contents
    Parameters:
    -

    graph_reference_id (str) – Unique String Identifier for the graph

    +

    graph_reference_id (str) – Unique String Identifier for the graph

    @@ -11851,20 +12261,20 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name to identify the algorithm; only uppercase letters, numbers, and underscores are allowed.

    • -
    • problem_type (str) – The type of problem this algorithm will work on.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • -
    • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

    • -
    • training_config_parameter_name (str) – The train config parameter name in the train function.

    • -
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • -
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • -
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • -
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

    • -
    • config_options (dict) – Map dataset types and configs to train function parameter names.

    • -
    • is_default_enabled (bool) – Whether to train with the algorithm by default.

    • -
    • project_id (str) – The unique version ID of the project.

    • -
    • use_gpu (bool) – Whether this algorithm needs to run on GPU.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • name (str) – The name to identify the algorithm; only uppercase letters, numbers, and underscores are allowed.

    • +
    • problem_type (str) – The type of problem this algorithm will work on.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

    • +
    • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

    • +
    • training_config_parameter_name (str) – The train config parameter name in the train function.

    • +
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • +
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • +
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • +
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

    • +
    • config_options (dict) – Map dataset types and configs to train function parameter names.

    • +
    • is_default_enabled (bool) – Whether to train with the algorithm by default.

    • +
    • project_id (str) – The unique version ID of the project.

    • +
    • use_gpu (bool) – Whether this algorithm needs to run on GPU.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    Returns:
    @@ -11882,7 +12292,7 @@

    Module Contents
    Parameters:
    -

    algorithm (str) – The name of the algorithm to delete.

    +

    algorithm (str) – The name of the algorithm to delete.

    @@ -11894,18 +12304,18 @@

    Module Contents
    Parameters:
      -
    • algorithm (str) – The name to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

    • -
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • -
    • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

    • -
    • training_config_parameter_name (str) – The train config parameter name in the train function.

    • -
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • -
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • -
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • -
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

    • -
    • config_options (dict) – Map dataset types and configs to train function parameter names.

    • -
    • is_default_enabled (bool) – Whether to train with the algorithm by default.

    • -
    • use_gpu (bool) – Whether this algorithm needs to run on GPU.

    • -
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • algorithm (str) – The name to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

    • +
    • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

    • +
    • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

    • +
    • training_config_parameter_name (str) – The train config parameter name in the train function.

    • +
    • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

    • +
    • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

    • +
    • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

    • +
    • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

    • +
    • config_options (dict) – Map dataset types and configs to train function parameter names.

    • +
    • is_default_enabled (bool) – Whether to train with the algorithm by default.

    • +
    • use_gpu (bool) – Whether this algorithm needs to run on GPU.

    • +
    • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    Returns:
    @@ -11924,7 +12334,7 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – Unique string identifier associated with the project.

    • +
    • project_id (str) – Unique string identifier associated with the project.

    • feature_group_ids (List) – List of feature group IDs specifying input data.

    • training_config (TrainingConfig) – The training config to be used for model training.

    @@ -11933,7 +12343,7 @@

    Module Contents

    List of applicable builtin algorithms.

    Return type:
    -

    list[Algorithm]

    +

    list[Algorithm]

    @@ -11945,10 +12355,10 @@

    Module Contents
    Parameters:
      -
    • name (str) – A name for the loss, unique per organization. Must be 50 characters or fewer, and can contain only underscores, numbers, and uppercase alphabets.

    • -
    • loss_function_type (str) – The category of problems that this loss would be applicable to, e.g. REGRESSION_DL_TF, CLASSIFICATION_DL_TF, etc.

    • -
    • loss_function_name (str) – The name of the function whose full source code is passed in loss_function_source_code.

    • -
    • loss_function_source_code (str) – Python source code string of the function.

    • +
    • name (str) – A name for the loss, unique per organization. Must be 50 characters or fewer, and can contain only underscores, numbers, and uppercase alphabets.

    • +
    • loss_function_type (str) – The category of problems that this loss would be applicable to, e.g. REGRESSION_DL_TF, CLASSIFICATION_DL_TF, etc.

    • +
    • loss_function_name (str) – The name of the function whose full source code is passed in loss_function_source_code.

    • +
    • loss_function_source_code (str) – Python source code string of the function.

    Returns:
    @@ -11967,9 +12377,9 @@

    Module Contents
    Parameters:
      -
    • name (str) – Name of the registered custom loss.

    • -
    • loss_function_name (str) – Name of the function whose full source code is passed in loss_function_source_code.

    • -
    • loss_function_source_code (str) – Python source code string of the function.

    • +
    • name (str) – Name of the registered custom loss.

    • +
    • loss_function_name (str) – Name of the function whose full source code is passed in loss_function_source_code.

    • +
    • loss_function_source_code (str) – Python source code string of the function.

    Returns:
    @@ -11987,7 +12397,7 @@

    Module Contents
    Parameters:
    -

    name (str) – The name of the custom loss function to be deleted.

    +

    name (str) – The name of the custom loss function to be deleted.

    @@ -11999,10 +12409,10 @@

    Module Contents
    Parameters:
      -
    • name (str) – A unique name for the metric, with a limit of 50 characters. Only underscores, numbers, and uppercase alphabets are allowed.

    • -
    • problem_type (str) – The problem type that this metric would be applicable to, e.g. REGRESSION, FORECASTING, etc.

    • -
    • custom_metric_function_name (str) – The name of the function whose full source code is passed in source_code.

    • -
    • source_code (str) – The full source code of the custom metric function. This is required if custom_metric_function_name is passed.

    • +
    • name (str) – A unique name for the metric, with a limit of 50 characters. Only underscores, numbers, and uppercase alphabets are allowed.

    • +
    • problem_type (str) – The problem type that this metric would be applicable to, e.g. REGRESSION, FORECASTING, etc.

    • +
    • custom_metric_function_name (str) – The name of the function whose full source code is passed in source_code.

    • +
    • source_code (str) – The full source code of the custom metric function. This is required if custom_metric_function_name is passed.

    Returns:
    @@ -12021,9 +12431,9 @@

    Module Contents
    Parameters:
      -
    • name (str) – Name of the registered custom metric.

    • -
    • custom_metric_function_name (str) – Name of the function whose full source code is passed in source_code.

    • -
    • source_code (str) – Python source code string of the function.

    • +
    • name (str) – Name of the registered custom metric.

    • +
    • custom_metric_function_name (str) – Name of the function whose full source code is passed in source_code.

    • +
    • source_code (str) – Python source code string of the function.

    Returns:
    @@ -12041,7 +12451,7 @@

    Module Contents
    Parameters:
    -

    name (str) – The name of the custom metric to be deleted.

    +

    name (str) – The name of the custom metric to be deleted.

    @@ -12053,8 +12463,8 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name to identify the module, only lower case letters and underscore allowed.

    • -
    • source_code (str) – Contents of a valid python source code file.

    • +
    • name (str) – The name to identify the module, only lower case letters and underscore allowed.

    • +
    • source_code (str) – Contents of a valid python source code file.

    Returns:
    @@ -12072,7 +12482,7 @@

    Module Contents
    Parameters:
    -

    name (str) – The name of the custom module to delete.

    +

    name (str) – The name of the custom module to delete.

    @@ -12084,8 +12494,8 @@

    Module Contents
    Parameters:
      -
    • name (str) – The name to identify the module.

    • -
    • source_code (str) – Contents of a valid python source code file.

    • +
    • name (str) – The name to identify the module.

    • +
    • source_code (str) – Contents of a valid python source code file.

    Returns:
    @@ -12099,13 +12509,15 @@

    Module Contents
    -create_organization_secret(secret_key, value)
    +create_organization_secret(secret_key, value, secret_type=OrganizationSecretType.ORG_SECRET, metadata=None)

    Creates a secret which can be accessed in functions and notebooks.

    Parameters:
      -
    • secret_key (str) – The secret key.

    • -
    • value (str) – The secret value.

    • +
    • secret_key (str) – The secret key.

    • +
    • value (str) – The secret value.

    • +
    • secret_type (OrganizationSecretType) – The type of secret. Use OrganizationSecretType enum values.

    • +
    • metadata (dict) – Additional metadata for the secret.

    Returns:
    @@ -12123,7 +12535,7 @@

    Module Contents
    Parameters:
    -

    secret_key (str) – The secret key.

    +

    secret_key (str) – The secret key.

    @@ -12135,8 +12547,8 @@

    Module Contents
    Parameters:
      -
    • secret_key (str) – The secret key.

    • -
    • value (str) – The secret value.

    • +
    • secret_key (str) – The secret key.

    • +
    • value (str) – The secret value.

    Returns:
    @@ -12155,11 +12567,11 @@

    Module Contents
    Parameters:
      -
    • short_explanation (str) – succinct explanation of the artifact with given ID

    • -
    • long_explanation (str) – verbose explanation of the artifact with given ID

    • -
    • feature_group_id (str) – A unique string identifier associated with the Feature Group.

    • -
    • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

    • -
    • model_id (str) – A unique string identifier associated with the Model.

    • +
    • short_explanation (str) – succinct explanation of the artifact with given ID

    • +
    • long_explanation (str) – verbose explanation of the artifact with given ID

    • +
    • feature_group_id (str) – A unique string identifier associated with the Feature Group.

    • +
    • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

    • +
    • model_id (str) – A unique string identifier associated with the Model.

    @@ -12172,8 +12584,8 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique project identifier this chat session belongs to

    • -
    • name (str) – The name of the chat session. Defaults to the project name.

    • +
    • project_id (str) – The unique project identifier this chat session belongs to

    • +
    • name (str) – The name of the chat session. Defaults to the project name.

    Returns:
    @@ -12192,8 +12604,8 @@

    Module Contents
    Parameters:
      -
    • chat_session_id (str) – Unique ID of the chat session.

    • -
    • message_index (int) – The index of the chat message within the UI.

    • +
    • chat_session_id (str) – Unique ID of the chat session.

    • +
    • message_index (int) – The index of the chat message within the UI.

    @@ -12205,7 +12617,7 @@

    Module Contents
    Parameters:
    -

    chat_session_id (str) – Unique ID of the chat session.

    +

    chat_session_id (str) – Unique ID of the chat session.

    @@ -12217,8 +12629,8 @@

    Module Contents
    Parameters:
      -
    • chat_session_id (str) – Unique ID of the chat session.

    • -
    • name (str) – The new name of the chat session.

    • +
    • chat_session_id (str) – Unique ID of the chat session.

    • +
    • name (str) – The new name of the chat session.

    @@ -12231,17 +12643,17 @@

    Module Contents
    Parameters:
      -
    • query (str) – The natural language query to find Abacus APIs for

    • -
    • verbosity (int) – The verbosity level of the suggested Abacus APIs. Ranges from 0 to 2, with 0 being the least verbose and 2 being the most verbose.

    • -
    • limit (int) – The maximum number of APIs to return

    • -
    • include_scores (bool) – Whether to include the relevance scores of the suggested APIs

    • +
    • query (str) – The natural language query to find Abacus APIs for

    • +
    • verbosity (int) – The verbosity level of the suggested Abacus APIs. Ranges from 0 to 2, with 0 being the least verbose and 2 being the most verbose.

    • +
    • limit (int) – The maximum number of APIs to return

    • +
    • include_scores (bool) – Whether to include the relevance scores of the suggested APIs

    Returns:

    A list of suggested Abacus APIs

    Return type:
    -

    list[AbacusApi]

    +

    list[AbacusApi]

    @@ -12253,9 +12665,9 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The deployment this conversation belongs to.

    • -
    • name (str) – The name of the conversation.

    • -
    • external_application_id (str) – The external application id associated with the deployment conversation.

    • +
    • deployment_id (str) – The deployment this conversation belongs to.

    • +
    • name (str) – The name of the conversation.

    • +
    • external_application_id (str) – The external application id associated with the deployment conversation.

    Returns:
    @@ -12274,8 +12686,8 @@

    Module Contents
    Parameters:
      -
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • -
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    • +
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • +
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    @@ -12288,10 +12700,10 @@

    Module Contents
    Parameters:
      -
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • -
    • external_session_id (str) – The external session id associated with the deployment conversation.

    • -
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    • -
    • user_message_indices (list) – Optional list of user message indices to clear. The associated bot response will also be cleared. If not provided, all messages will be cleared.

    • +
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • +
    • external_session_id (str) – The external session id associated with the deployment conversation.

    • +
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    • +
    • user_message_indices (list) – Optional list of user message indices to clear. The associated bot response will also be cleared. If not provided, all messages will be cleared.

    @@ -12304,13 +12716,13 @@

    Module Contents
    Parameters:
      -
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • -
    • message_index (int) – The index of the deployment conversation message

    • -
    • is_useful (bool) – If the message is useful. If true, the message is useful. If false, clear the useful flag.

    • -
    • is_not_useful (bool) – If the message is not useful. If true, the message is not useful. If set to false, clear the useful flag.

    • -
    • feedback (str) – Optional feedback on why the message is useful or not useful

    • -
    • feedback_type (str) – Optional feedback type

    • -
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    • +
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • +
    • message_index (int) – The index of the deployment conversation message

    • +
    • is_useful (bool) – If the message is useful. If true, the message is useful. If false, clear the useful flag.

    • +
    • is_not_useful (bool) – If the message is not useful. If true, the message is not useful. If set to false, clear the useful flag.

    • +
    • feedback (str) – Optional feedback on why the message is useful or not useful

    • +
    • feedback_type (str) – Optional feedback type

    • +
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    @@ -12323,9 +12735,56 @@

    Module Contents
    Parameters:
      -
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • -
    • name (str) – The new name of the conversation.

    • -
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    • +
    • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

    • +
    • name (str) – The new name of the conversation.

    • +
    • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

    • +
    +
    + + + +
    +
    +add_user_group_object_permission(object_id, user_group_id, object_type, permission='ALL')
    +

    Add user group object permission for any object type.

    +
    +
    Parameters:
    +
      +
    • object_id (str) – The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.)

    • +
    • user_group_id (str) – The ID of the user group

    • +
    • object_type (str) – The type of object (‘dataset’, ‘project’, ‘external_connection’, ‘feature_group’)

    • +
    • permission (str) – The permission to grant (default: ‘ALL’)

    • +
    +
    +
    +
    + +
    +
    +update_user_group_object_permission(object_id, user_group_id, object_type, permission='ALL')
    +

    Update user group object permission for any object type.

    +
    +
    Parameters:
    +
      +
    • object_id (str) – The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.)

    • +
    • user_group_id (str) – The ID of the user group

    • +
    • object_type (str) – The type of object (‘dataset’, ‘project’, ‘external_connection’, ‘feature_group’)

    • +
    • permission (str) – The permission to grant (default: ‘ALL’)

    • +
    +
    +
    +
    + +
    +
    +remove_user_group_object_permission(object_id, user_group_id, object_type)
    +

    Remove user group object permission for any object type.

    +
    +
    Parameters:
    +
      +
    • object_id (str) – The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.)

    • +
    • user_group_id (str) – The ID of the user group

    • +
    • object_type (str) – The type of object (‘dataset’, ‘project’, ‘external_connection’, ‘feature_group’)

    @@ -12337,7 +12796,7 @@

    Module Contents
    Parameters:
    -

    name (str) – The name of the App User Group.

    +

    name (str) – The name of the App User Group.

    Returns:

    The App User Group.

    @@ -12354,7 +12813,7 @@

    Module Contents
    Parameters:
    -

    user_group_id (str) – The ID of the App User Group.

    +

    user_group_id (str) – The ID of the App User Group.

    @@ -12367,7 +12826,7 @@

    Module Contents
    Parameters:
      -
    • user_group_id (str) – The ID of the App User Group to invite the user to.

    • +
    • user_group_id (str) – The ID of the App User Group to invite the user to.

    • emails (List) – The email addresses to invite to your user group.

    @@ -12387,8 +12846,8 @@

    Module Contents
    Parameters:
      -
    • user_group_id (str) – The ID of the App User Group.

    • -
    • user_emails (list) – The emails of the users to add to the App User Group.

    • +
    • user_group_id (str) – The ID of the App User Group.

    • +
    • user_emails (list) – The emails of the users to add to the App User Group.

    @@ -12401,8 +12860,8 @@

    Module Contents
    Parameters:
      -
    • user_group_id (str) – The ID of the App User Group.

    • -
    • user_emails (list) – The emails of the users to remove from the App User Group.

    • +
    • user_group_id (str) – The ID of the App User Group.

    • +
    • user_emails (list) – The emails of the users to remove from the App User Group.

    @@ -12414,7 +12873,7 @@

    Module Contents
    Parameters:
    -

    user_group_id (str) – The ID of the App User Group.

    +

    user_group_id (str) – The ID of the App User Group.

    @@ -12425,7 +12884,7 @@

    Module Contents
    Parameters:
    -

    user_group_id (str) – The ID of the App User Group.

    +

    user_group_id (str) – The ID of the App User Group.

    @@ -12437,8 +12896,8 @@

    Module Contents
    Parameters:
      -
    • user_group_id (str) – The ID of the App User Group.

    • -
    • external_application_id (str) – The ID of the External Application.

    • +
    • user_group_id (str) – The ID of the App User Group.

    • +
    • external_application_id (str) – The ID of the External Application.

    @@ -12451,13 +12910,35 @@

    Module Contents
    Parameters:
      -
    • user_group_id (str) – The ID of the App User Group.

    • -
    • external_application_id (str) – The ID of the External Application.

    • +
    • user_group_id (str) – The ID of the App User Group.

    • +
    • external_application_id (str) – The ID of the External Application.

    +
    +
    +add_developers_to_external_application(external_application_id)
    +

    Adds a permission for the platform App User Group to access an External Application.

    +
    +
    Parameters:
    +

    external_application_id (str) – The ID of the External Application.

    +
    +
    +
    + +
    +
    +remove_developers_from_external_application(external_application_id)
    +

    Removes a permission for the platform App User Group to access an External Application.

    +
    +
    Parameters:
    +

    external_application_id (str) – The ID of the External Application.

    +
    +
    +
    +
    create_external_application(deployment_id, name=None, description=None, logo=None, theme=None)
    @@ -12465,11 +12946,11 @@

    Module Contents
    Parameters:
      -
    • deployment_id (str) – The ID of the deployment to use.

    • -
    • name (str) – The name of the External Application. If not provided, the name of the deployment will be used.

    • -
    • description (str) – The description of the External Application. This will be shown to users when they access the External Application. If not provided, the description of the deployment will be used.

    • -
    • logo (str) – The logo to be displayed.

    • -
    • theme (dict) – The visual theme of the External Application.

    • +
    • deployment_id (str) – The ID of the deployment to use.

    • +
    • name (str) – The name of the External Application. If not provided, the name of the deployment will be used.

    • +
    • description (str) – The description of the External Application. This will be shown to users when they access the External Application. If not provided, the description of the deployment will be used.

    • +
    • logo (str) – The logo to be displayed.

    • +
    • theme (dict) – The visual theme of the External Application.

    Returns:
    @@ -12488,13 +12969,13 @@

    Module Contents
    Parameters:
      -
    • external_application_id (str) – The ID of the External Application.

    • -
    • name (str) – The name of the External Application.

    • -
    • description (str) – The description of the External Application. This will be shown to users when they access the External Application.

    • -
    • theme (dict) – The visual theme of the External Application.

    • -
    • deployment_id (str) – The ID of the deployment to use.

    • -
    • deployment_conversation_retention_hours (int) – The number of hours to retain the conversations for.

    • -
    • reset_retention_policy (bool) – If true, the retention policy will be removed.

    • +
    • external_application_id (str) – The ID of the External Application.

    • +
    • name (str) – The name of the External Application.

    • +
    • description (str) – The description of the External Application. This will be shown to users when they access the External Application.

    • +
    • theme (dict) – The visual theme of the External Application.

    • +
    • deployment_id (str) – The ID of the deployment to use.

    • +
    • deployment_conversation_retention_hours (int) – The number of hours to retain the conversations for.

    • +
    • reset_retention_policy (bool) – If true, the retention policy will be removed.

    Returns:
    @@ -12512,7 +12993,7 @@

    Module Contents
    Parameters:
    -

    external_application_id (str) – The ID of the External Application.

    +

    external_application_id (str) – The ID of the External Application.

    @@ -12524,24 +13005,24 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • name (str) – The name you want your agent to have, defaults to “<Project Name> Agent”.

    • -
    • memory (int) – Overrides the default memory allocation (in GB) for the agent.

    • -
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • description (str) – A description of the agent, including its purpose and instructions.

    • -
    • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • name (str) – The name you want your agent to have, defaults to “<Project Name> Agent”.

    • +
    • memory (int) – Overrides the default memory allocation (in GB) for the agent.

    • +
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • description (str) – A description of the agent, including its purpose and instructions.

    • +
    • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

    • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

    • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

    • included_modules (List) – A list of user created custom modules to include in the agent’s environment.

    • org_level_connectors (List) – A list of org level connector ids to be used by the agent.

    • user_level_connectors (Dict) – A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific user level application connector, while the value is a list of scopes that define the permissions granted to the application.

    • -
    • initialize_function_name (str) – The name of the function to be used for initialization.

    • -
    • initialize_function_code (str) – The function code to be used for initialization.

    • -
    • function_source_code (str)

    • -
    • agent_function_name (str)

    • -
    • enable_binary_input (bool)

    • -
    • agent_input_schema (dict)

    • -
    • agent_output_schema (dict)

    • +
    • initialize_function_name (str) – The name of the function to be used for initialization.

    • +
    • initialize_function_code (str) – The function code to be used for initialization.

    • +
    • function_source_code (str)

    • +
    • agent_function_name (str)

    • +
    • enable_binary_input (bool)

    • +
    • agent_input_schema (dict)

    • +
    • agent_output_schema (dict)

    Returns:
    @@ -12560,22 +13041,22 @@

    Module Contents
    Parameters:
      -
    • model_id (str) – The unique ID associated with the AI Agent to be changed.

    • -
    • memory (int) – Memory (in GB) for the agent.

    • -
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • -
    • description (str) – A description of the agent, including its purpose and instructions.

    • +
    • model_id (str) – The unique ID associated with the AI Agent to be changed.

    • +
    • memory (int) – Memory (in GB) for the agent.

    • +
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • description (str) – A description of the agent, including its purpose and instructions.

    • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

    • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

    • included_modules (List) – A list of user created custom modules to include in the agent’s environment.

    • org_level_connectors (List) – A list of org level connector ids to be used by the agent.

    • user_level_connectors (Dict) – A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific user level application connector, while the value is a list of scopes that define the permissions granted to the application.

    • -
    • initialize_function_name (str) – The name of the function to be used for initialization.

    • -
    • initialize_function_code (str) – The function code to be used for initialization.

    • -
    • function_source_code (str)

    • -
    • agent_function_name (str)

    • -
    • enable_binary_input (bool)

    • -
    • agent_input_schema (dict)

    • -
    • agent_output_schema (dict)

    • +
    • initialize_function_name (str) – The name of the function to be used for initialization.

    • +
    • initialize_function_code (str) – The function code to be used for initialization.

    • +
    • function_source_code (str)

    • +
    • agent_function_name (str)

    • +
    • enable_binary_input (bool)

    • +
    • agent_input_schema (dict)

    • +
    • agent_output_schema (dict)

    Returns:
    @@ -12594,13 +13075,13 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The unique ID associated with the project.

    • -
    • prompt (str) – A natural language prompt which describes agent specification. Describe what the agent will do, what inputs it will expect, and what outputs it will give out

    • -
    • fast_mode (bool) – If True, runs a faster but slightly less accurate code generation pipeline

    • +
    • project_id (str) – The unique ID associated with the project.

    • +
    • prompt (str) – A natural language prompt which describes agent specification. Describe what the agent will do, what inputs it will expect, and what outputs it will give out

    • +
    • fast_mode (bool) – If True, runs a faster but slightly less accurate code generation pipeline

    Return type:
    -

    list

    +

    list

    @@ -12612,16 +13093,16 @@

    Module Contents
    Parameters:
      -
    • prompt (str) – Prompt to use for generation.

    • -
    • system_message (str) – System prompt for models that support it.

    • +
    • prompt (str) – Prompt to use for generation.

    • +
    • system_message (str) – System prompt for models that support it.

    • llm_name (LLMName) – Name of the underlying LLM to be used for generation. Default is auto selection.

    • -
    • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

    • -
    • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

    • -
    • messages (list) – A list of messages to use as conversation history. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text. attachments (list): The files attached to the message represented as a list of dictionaries [{“doc_id”: <doc_id1>}, {“doc_id”: <doc_id2>}]

    • -
    • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

    • -
    • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter. description (str) (required): Description of the parameter. is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema = {‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}}

    • +
    • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

    • +
    • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

    • +
    • messages (list) – A list of messages to use as conversation history. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text. attachments (list): The files attached to the message represented as a list of dictionaries [{“doc_id”: <doc_id1>}, {“doc_id”: <doc_id2>}]

    • +
    • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

    • +
    • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter. description (str) (required): Description of the parameter. is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema = {‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}}

    • stop_sequences (List) – Specifies the strings on which the LLM will stop generation.

    • -
    • top_p (float) – The nucleus sampling value used for this run. If set, the model will sample from the smallest set of tokens whose cumulative probability exceeds the probability top_p. Default is 1.0. A range of 0.0 - 1.0 is allowed. It is generally recommended to use either temperature sampling or nucleus sampling, but not both.

    • +
    • top_p (float) – The nucleus sampling value used for this run. If set, the model will sample from the smallest set of tokens whose cumulative probability exceeds the probability top_p. Default is 1.0. A range of 0.0 - 1.0 is allowed. It is generally recommended to use either temperature sampling or nucleus sampling, but not both.

    Returns:
    @@ -12641,15 +13122,15 @@

    Module ContentsParameters:
    Returns:

    LLM input object comprising of information about the feature groups with given IDs.

    Return type:
    -

    list[LlmInput]

    +

    list[LlmInput]

    @@ -12661,13 +13142,13 @@

    Module Contents
    Parameters:
      -
    • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

    • +
    • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

    • feature_group_ids (List) – A list of feature group IDs that the query should be executed against.

    • external_database_schemas (List) – A list of schmeas from external database that the query should be executed against.

    • -
    • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

    • +
    • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

    • llm_name (LLMName) – The name of the language model to use. If not provided, the default language model is used.

    • -
    • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

    • -
    • sql_dialect (str) – The dialect of sql to generate sql for. The default is Spark.

    • +
    • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

    • +
    • sql_dialect (str) – The dialect of sql to generate sql for. The default is Spark.

    Returns:
    @@ -12687,8 +13168,8 @@

    Module ContentsParameters:
    @@ -12714,11 +13195,11 @@

    Module Contents
    Returns:
    @@ -12737,8 +13218,8 @@

    Module Contents
    Parameters:
      -
    • url (str) – The url of the web page to scrape.

    • -
    • convert_to_markdown (bool) – Whether content should be converted to markdown.

    • +
    • url (str) – The url of the web page to scrape.

    • +
    • convert_to_markdown (bool) – Whether content should be converted to markdown.

    Returns:
    @@ -12757,9 +13238,9 @@

    Module Contents
    Parameters:
      -
    • deployment_conversation_id (str) – Unique ID of the conversation. One of deployment_conversation_id or external_session_id must be provided.

    • -
    • external_session_id (str) – External session ID of the conversation.

    • -
    • include_document_contents (bool) – If true, include contents from uploaded documents in the generated messages.

    • +
    • deployment_conversation_id (str) – Unique ID of the conversation. One of deployment_conversation_id or external_session_id must be provided.

    • +
    • external_session_id (str) – External session ID of the conversation.

    • +
    • include_document_contents (bool) – If true, include contents from uploaded documents in the generated messages.

    Returns:
    @@ -12780,11 +13261,11 @@

    Module Contents
    • workflow_graph (WorkflowGraph) – The workflow graph to validate.

    • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

    • -
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    Return type:
    -

    dict

    +

    dict

    @@ -12798,11 +13279,11 @@

    Module Contents
    • workflow_graph (WorkflowGraph) – The workflow graph to validate.

    • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

    • -
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    • +
    • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

    Return type:
    -

    dict

    +

    dict

    @@ -12814,8 +13295,8 @@

    Module Contents
    Parameters:
      -
    • llm_app_name (str) – The name of the LLM App to use for generation.

    • -
    • prompt (str) – The prompt to use for generation.

    • +
    • llm_app_name (str) – The name of the LLM App to use for generation.

    • +
    • prompt (str) – The prompt to use for generation.

    Returns:
    @@ -12835,9 +13316,9 @@

    Module Contents
    Parameters:
      -
    • project_id (str) – The ID of project that the Document Retriever is created in.

    • -
    • name (str) – The name of the Document Retriever. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • -
    • feature_group_id (str) – The ID of the feature group that the Document Retriever is associated with.

    • +
    • project_id (str) – The ID of project that the Document Retriever is created in.

    • +
    • name (str) – The name of the Document Retriever. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

    • +
    • feature_group_id (str) – The ID of the feature group that the Document Retriever is associated with.

    • document_retriever_config (VectorStoreConfig) – The configuration, including chunk_size and chunk_overlap_fraction, for document retrieval.

    @@ -12857,8 +13338,8 @@

    Module Contents
    Parameters:
      -
    • document_retriever_id (str) – The unique ID associated with the document retriever.

    • -
    • name (str) – The name to update the document retriever with.

    • +
    • document_retriever_id (str) – The unique ID associated with the document retriever.

    • +
    • name (str) – The name to update the document retriever with.

    Returns:
    @@ -12877,8 +13358,8 @@

    Module Contents
    Parameters:
      -
    • document_retriever_id (str) – The unique ID associated with the document retriever to create version with.

    • -
    • feature_group_id (str) – The ID of the feature group to update the document retriever with.

    • +
    • document_retriever_id (str) – The unique ID associated with the document retriever to create version with.

    • +
    • feature_group_id (str) – The ID of the feature group to update the document retriever with.

    • document_retriever_config (VectorStoreConfig) – The configuration, including chunk_size and chunk_overlap_fraction, for document retrieval.

    @@ -12897,7 +13378,7 @@

    Module Contents
    Parameters:
    -

    vector_store_id (str) – A unique string identifier associated with the document retriever.

    +

    vector_store_id (str) – A unique string identifier associated with the document retriever.

    @@ -12908,7 +13389,7 @@

    Module Contents
    Parameters:
    -

    document_retriever_version (str) – A unique string identifier associated with the document retriever version.

    +

    document_retriever_version (str) – A unique string identifier associated with the document retriever version.

    @@ -12920,10 +13401,10 @@

    Module Contents
    Parameters:
      -
    • document_retriever_id (str) – A unique string identifier associated with the document retriever.

    • -
    • document_id (str) – The ID of the document to retrieve the snippet from.

    • -
    • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

    • -
    • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

    • +
    • document_retriever_id (str) – A unique string identifier associated with the document retriever.

    • +
    • document_id (str) – The ID of the document to retrieve the snippet from.

    • +
    • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

    • +
    • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

    Returns:
    @@ -12942,7 +13423,7 @@

    Module Contents
    Parameters:
    -

    document_retriever_id (str) – A unique string identifier associated with the document retriever.

    +

    document_retriever_id (str) – A unique string identifier associated with the document retriever.

    @@ -12957,25 +13438,47 @@

    Module ContentsParameters:
    • doc_ids (List) – A list of document store IDs to retrieve the snippets from.

    • -
    • blobs (io.TextIOBase) – A dictionary mapping document names to the blob data.

    • -
    • query (str) – Query string to find relevant snippets in the documents.

    • +
    • blobs (io.TextIOBase) – A dictionary mapping document names to the blob data.

    • +
    • query (str) – Query string to find relevant snippets in the documents.

    • document_retriever_config (VectorStoreConfig) – If provided, used to configure the retrieval steps like chunking for embeddings.

    • -
    • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned snippets.

    • -
    • max_words_per_snippet (int) – If provided, will limit the number of words in each snippet to the value specified.

    • -
    • max_snippets_per_document (int) – If provided, will limit the number of snippets retrieved from each document to the value specified.

    • -
    • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

    • -
    • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

    • -
    • including_bounding_boxes (bool) – If true, will include the bounding boxes of the snippets if they are available.

    • -
    • text (str) – Plain text from which to retrieve snippets.

    • +
    • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned snippets.

    • +
    • max_words_per_snippet (int) – If provided, will limit the number of words in each snippet to the value specified.

    • +
    • max_snippets_per_document (int) – If provided, will limit the number of snippets retrieved from each document to the value specified.

    • +
    • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

    • +
    • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

    • +
    • including_bounding_boxes (bool) – If true, will include the bounding boxes of the snippets if they are available.

    • +
    • text (str) – Plain text from which to retrieve snippets.

    • document_processing_config (DocumentProcessingConfig) – The document processing configuration used to extract text when doc_ids or blobs are provided. If provided, this will override including_bounding_boxes parameter.

    • -
    • honor_sentence_boundary (bool)

    • +
    • honor_sentence_boundary (bool)

    Returns:

    The snippets found from the documents.

    Return type:
    -

    list[DocumentRetrieverLookupResult]

    +

    list[DocumentRetrieverLookupResult]

    +
    + + + +
    +
    +query_mcp_server(task, server_name=None, mcp_server_connection_id=None)
    +

    Query a Remote MCP server. For a given task, it runs the required tools of the MCP

    +

    server with appropriate arguments and returns the output.

    +
    +
    Parameters:
    +
      +
    • task (str) – a comprehensive description of the task to perform using the MCP server tools.

    • +
    • server_name (str) – The name of the MCP server.

    • +
    • mcp_server_connection_id (str) – connection id of the MCP server to query.

    • +
    +
    +
    Returns:
    +

    The execution logs as well as the final output of the task execution.

    +
    +
    Return type:
    +

    McpServerQueryResult

    diff --git a/docs/autoapi/abacusai/code_agent_response/index.html b/docs/autoapi/abacusai/code_agent_response/index.html index 92923ecc6..90cd6a520 100644 --- a/docs/autoapi/abacusai/code_agent_response/index.html +++ b/docs/autoapi/abacusai/code_agent_response/index.html @@ -20,7 +20,7 @@ - + @@ -69,6 +69,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -77,6 +79,10 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • @@ -85,21 +91,30 @@
  • Module Contents
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
  • abacusai.code_bot
  • abacusai.code_edit
  • abacusai.code_edit_response
  • abacusai.code_edits
  • +
  • abacusai.code_embeddings
  • +
  • abacusai.code_llm_changed_files
  • abacusai.code_source
  • +
  • abacusai.code_suggestion_validation_response
  • +
  • abacusai.code_summary_response
  • +
  • abacusai.codellm_embedding_constants
  • abacusai.compute_point_info
  • abacusai.concatenation_config
  • +
  • abacusai.constants_autocomplete_response
  • abacusai.cpu_gpu_memory_specs
  • abacusai.cryptography
  • abacusai.custom_chat_instructions
  • +
  • abacusai.custom_domain
  • abacusai.custom_loss_function
  • abacusai.custom_metric
  • abacusai.custom_metric_version
  • abacusai.custom_train_function_info
  • +
  • abacusai.daemon_task_conversation
  • abacusai.data_consistency_duplication
  • abacusai.data_metrics
  • abacusai.data_prep_logs
  • @@ -113,6 +128,7 @@
  • abacusai.dataset_column
  • abacusai.dataset_version
  • abacusai.dataset_version_logs
  • +
  • abacusai.default_llm
  • abacusai.deployment
  • abacusai.deployment_auth_token
  • abacusai.deployment_conversation
  • @@ -123,6 +139,9 @@
  • abacusai.document_retriever
  • abacusai.document_retriever_lookup_result
  • abacusai.document_retriever_version
  • +
  • abacusai.document_retriever_version_logs
  • +
  • abacusai.domain_purchase_result
  • +
  • abacusai.domain_search_result
  • abacusai.drift_distribution
  • abacusai.drift_distributions
  • abacusai.eda
  • @@ -133,7 +152,9 @@
  • abacusai.eda_feature_collinearity
  • abacusai.eda_forecasting_analysis
  • abacusai.eda_version
  • +
  • abacusai.edit_image_models
  • abacusai.embedding_feature_drift_distribution
  • +
  • abacusai.entri_auth_token
  • abacusai.execute_feature_group_operation
  • abacusai.external_application
  • abacusai.external_invite
  • @@ -160,7 +181,6 @@
  • abacusai.feature_importance
  • abacusai.feature_mapping
  • abacusai.feature_performance_analysis
  • -
  • abacusai.feature_record
  • abacusai.file_connector
  • abacusai.file_connector_instructions
  • abacusai.file_connector_verification
  • @@ -168,20 +188,32 @@
  • abacusai.forecasting_analysis_graph_data
  • abacusai.forecasting_monitor_item_analysis
  • abacusai.forecasting_monitor_summary
  • +
  • abacusai.fs_entry
  • abacusai.function_logs
  • abacusai.generated_pit_feature_config_option
  • abacusai.global_context
  • abacusai.graph_dashboard
  • abacusai.holdout_analysis
  • abacusai.holdout_analysis_version
  • +
  • abacusai.hosted_app
  • +
  • abacusai.hosted_app_container
  • +
  • abacusai.hosted_app_file_read
  • +
  • abacusai.hosted_artifact
  • +
  • abacusai.hosted_database
  • +
  • abacusai.hosted_database_snapshot
  • abacusai.hosted_model_token
  • +
  • abacusai.hostname_info
  • abacusai.hume_voice
  • +
  • abacusai.image_gen_model
  • +
  • abacusai.image_gen_model_options
  • abacusai.image_gen_settings
  • abacusai.indexing_config
  • abacusai.inferred_database_column_to_feature_mappings
  • abacusai.inferred_feature_mappings
  • abacusai.item_statistics
  • +
  • abacusai.lip_sync_gen_settings
  • abacusai.llm_app
  • +
  • abacusai.llm_artifact
  • abacusai.llm_code_block
  • abacusai.llm_execution_preview
  • abacusai.llm_execution_result
  • @@ -189,6 +221,10 @@
  • abacusai.llm_input
  • abacusai.llm_parameters
  • abacusai.llm_response
  • +
  • abacusai.mcp_config
  • +
  • abacusai.mcp_server
  • +
  • abacusai.mcp_server_connection
  • +
  • abacusai.mcp_server_query_result
  • abacusai.memory_options
  • abacusai.messaging_connector_response
  • abacusai.model
  • @@ -243,6 +279,8 @@
  • abacusai.prediction_log_record
  • abacusai.prediction_operator
  • abacusai.prediction_operator_version
  • +
  • abacusai.presentation_export_result
  • +
  • abacusai.private_web_app_deployment
  • abacusai.problem_type
  • abacusai.project
  • abacusai.project_config
  • @@ -259,33 +297,51 @@
  • abacusai.refresh_policy
  • abacusai.refresh_schedule
  • abacusai.regenerate_llm_external_application
  • +
  • abacusai.regenerate_llm_option
  • abacusai.resolved_feature_group_template
  • abacusai.return_class
  • abacusai.routing_action
  • abacusai.schema
  • +
  • abacusai.session_summary
  • +
  • abacusai.session_transcript
  • +
  • abacusai.session_transcripts
  • abacusai.sftp_key
  • abacusai.streaming_auth_token
  • abacusai.streaming_client
  • abacusai.streaming_connector
  • abacusai.streaming_row_count
  • abacusai.streaming_sample_code
  • +
  • abacusai.sts_gen_settings
  • +
  • abacusai.stt_gen_model
  • +
  • abacusai.stt_gen_model_options
  • +
  • abacusai.stt_gen_settings
  • abacusai.template_node_details
  • abacusai.test_point_predictions
  • abacusai.tone_details
  • abacusai.training_config_options
  • +
  • abacusai.tts_gen_settings
  • abacusai.twitter_search_result
  • +
  • abacusai.unified_connector
  • abacusai.upload
  • abacusai.upload_part
  • abacusai.use_case
  • abacusai.use_case_requirements
  • abacusai.user
  • abacusai.user_exception
  • +
  • abacusai.user_group_object_permission
  • +
  • abacusai.video_gen_costs
  • +
  • abacusai.video_gen_model
  • +
  • abacusai.video_gen_model_options
  • abacusai.video_gen_settings
  • abacusai.video_search_result
  • abacusai.voice_gen_details
  • +
  • abacusai.web_app_conversation
  • +
  • abacusai.web_app_deployment_permission_dict
  • +
  • abacusai.web_app_domain
  • abacusai.web_page_response
  • abacusai.web_search_response
  • abacusai.web_search_result
  • +
  • abacusai.web_service_trigger_run
  • abacusai.webhook
  • abacusai.workflow_graph_node_details
  • abacusai.workflow_node_template
  • @@ -348,9 +404,9 @@

    Module ContentsParameters:
    • client (ApiClient) – An authenticated API Client instance

    • -
    • deploymentConversationId (str) – The unique identifier of the deployment conversation.

    • -
    • messages (list) – The conversation messages in the chat.

    • -
    • toolUseRequest (dict) – A request to use an external tool. Contains: - id (str): Unique identifier for the tool use request - input (dict): Input parameters for the tool, e.g. {‘command’: ‘ls’} - name (str): Name of the tool being used, e.g. ‘bash’ - type (str): Always ‘tool_use’ to identify this as a tool request

    • +
    • deploymentConversationId (str) – The unique identifier of the deployment conversation.

    • +
    • messages (list) – The conversation messages in the chat.

    • +
    • toolUseRequest (dict) – A request to use an external tool. Contains: - id (str): Unique identifier for the tool use request - input (dict): Input parameters for the tool, e.g. {‘command’: ‘ls’} - name (str): Name of the tool being used, e.g. ‘bash’ - type (str): Always ‘tool_use’ to identify this as a tool request

    @@ -388,7 +444,7 @@

    Module Contents

    The dict value representation of the class parameters

    Return type:
    -

    dict

    +

    dict

    @@ -403,7 +459,7 @@

    Module Contents - +
    diff --git a/docs/autoapi/abacusai/code_autocomplete_edit_prediction_response/index.html b/docs/autoapi/abacusai/code_autocomplete_edit_prediction_response/index.html new file mode 100644 index 000000000..b01c71934 --- /dev/null +++ b/docs/autoapi/abacusai/code_autocomplete_edit_prediction_response/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.code_autocomplete_edit_prediction_response — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
    + + +
    + +
    +
    +
    + +
    +
    +
    +
    + +
    +

    abacusai.code_autocomplete_edit_prediction_response

    +
    +

    Classes

    + + + + + + +

    CodeAutocompleteEditPredictionResponse

    A autocomplete response from an LLM

    +
    +
    +

    Module Contents

    +
    +
    +class abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse(client, autocompleteResponse=None, showAutocomplete=None)
    +

    Bases: abacusai.return_class.AbstractApiClass

    +

    A autocomplete response from an LLM

    +
    +
    Parameters:
    +
      +
    • client (ApiClient) – An authenticated API Client instance

    • +
    • autocompleteResponse (str) – autocomplete code

    • +
    • showAutocomplete (bool) – Whether to show autocomplete in the client

    • +
    +
    +
    +
    +
    +autocomplete_response = None
    +
    + +
    +
    +show_autocomplete = None
    +
    + +
    +
    +deprecated_keys
    +
    + +
    +
    +__repr__()
    +
    + +
    +
    +to_dict()
    +

    Get a dict representation of the parameters in this class

    +
    +
    Returns:
    +

    The dict value representation of the class parameters

    +
    +
    Return type:
    +

    dict

    +
    +
    +
    + +
    + +
    +
    + + +
    +
    + +
    +
    +
    +
    + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/code_autocomplete_response/index.html b/docs/autoapi/abacusai/code_autocomplete_response/index.html index 32b08087b..86acc3d56 100644 --- a/docs/autoapi/abacusai/code_autocomplete_response/index.html +++ b/docs/autoapi/abacusai/code_autocomplete_response/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
  • abacusai.app_user_group_sign_in_token
  • abacusai.application_connector
  • abacusai.audio_gen_settings
  • +
  • abacusai.audio_url_result
  • +
  • abacusai.audit_log
  • abacusai.batch_prediction
  • abacusai.batch_prediction_version
  • abacusai.batch_prediction_version_logs
  • @@ -77,10 +79,15 @@
  • abacusai.chat_message
  • abacusai.chat_session
  • abacusai.chatllm_computer
  • +
  • abacusai.chatllm_computer_status
  • +
  • abacusai.chatllm_memory
  • +
  • abacusai.chatllm_project
  • +
  • abacusai.chatllm_project_permissions
  • abacusai.chatllm_referral_invite
  • abacusai.chatllm_task
  • abacusai.client
  • abacusai.code_agent_response
  • +
  • abacusai.code_autocomplete_edit_prediction_response
  • abacusai.code_autocomplete_response
    • Classes
    • Module Contents
    • @@ -90,16 +97,24 @@
    • abacusai.code_edit
    • abacusai.code_edit_response
    • abacusai.code_edits
    • +
    • abacusai.code_embeddings
    • +
    • abacusai.code_llm_changed_files
    • abacusai.code_source
    • +
    • abacusai.code_suggestion_validation_response
    • +
    • abacusai.code_summary_response
    • +
    • abacusai.codellm_embedding_constants
    • abacusai.compute_point_info
    • abacusai.concatenation_config
    • +
    • abacusai.constants_autocomplete_response
    • abacusai.cpu_gpu_memory_specs
    • abacusai.cryptography
    • abacusai.custom_chat_instructions
    • +
    • abacusai.custom_domain
    • abacusai.custom_loss_function
    • abacusai.custom_metric
    • abacusai.custom_metric_version
    • abacusai.custom_train_function_info
    • +
    • abacusai.daemon_task_conversation
    • abacusai.data_consistency_duplication
    • abacusai.data_metrics
    • abacusai.data_prep_logs
    • @@ -113,6 +128,7 @@
    • abacusai.dataset_column
    • abacusai.dataset_version
    • abacusai.dataset_version_logs
    • +
    • abacusai.default_llm
    • abacusai.deployment
    • abacusai.deployment_auth_token
    • abacusai.deployment_conversation
    • @@ -123,6 +139,9 @@
    • abacusai.document_retriever
    • abacusai.document_retriever_lookup_result
    • abacusai.document_retriever_version
    • +
    • abacusai.document_retriever_version_logs
    • +
    • abacusai.domain_purchase_result
    • +
    • abacusai.domain_search_result
    • abacusai.drift_distribution
    • abacusai.drift_distributions
    • abacusai.eda
    • @@ -133,7 +152,9 @@
    • abacusai.eda_feature_collinearity
    • abacusai.eda_forecasting_analysis
    • abacusai.eda_version
    • +
    • abacusai.edit_image_models
    • abacusai.embedding_feature_drift_distribution
    • +
    • abacusai.entri_auth_token
    • abacusai.execute_feature_group_operation
    • abacusai.external_application
    • abacusai.external_invite
    • @@ -160,7 +181,6 @@
    • abacusai.feature_importance
    • abacusai.feature_mapping
    • abacusai.feature_performance_analysis
    • -
    • abacusai.feature_record
    • abacusai.file_connector
    • abacusai.file_connector_instructions
    • abacusai.file_connector_verification
    • @@ -168,20 +188,32 @@
    • abacusai.forecasting_analysis_graph_data
    • abacusai.forecasting_monitor_item_analysis
    • abacusai.forecasting_monitor_summary
    • +
    • abacusai.fs_entry
    • abacusai.function_logs
    • abacusai.generated_pit_feature_config_option
    • abacusai.global_context
    • abacusai.graph_dashboard
    • abacusai.holdout_analysis
    • abacusai.holdout_analysis_version
    • +
    • abacusai.hosted_app
    • +
    • abacusai.hosted_app_container
    • +
    • abacusai.hosted_app_file_read
    • +
    • abacusai.hosted_artifact
    • +
    • abacusai.hosted_database
    • +
    • abacusai.hosted_database_snapshot
    • abacusai.hosted_model_token
    • +
    • abacusai.hostname_info
    • abacusai.hume_voice
    • +
    • abacusai.image_gen_model
    • +
    • abacusai.image_gen_model_options
    • abacusai.image_gen_settings
    • abacusai.indexing_config
    • abacusai.inferred_database_column_to_feature_mappings
    • abacusai.inferred_feature_mappings
    • abacusai.item_statistics
    • +
    • abacusai.lip_sync_gen_settings
    • abacusai.llm_app
    • +
    • abacusai.llm_artifact
    • abacusai.llm_code_block
    • abacusai.llm_execution_preview
    • abacusai.llm_execution_result
    • @@ -189,6 +221,10 @@
    • abacusai.llm_input
    • abacusai.llm_parameters
    • abacusai.llm_response
    • +
    • abacusai.mcp_config
    • +
    • abacusai.mcp_server
    • +
    • abacusai.mcp_server_connection
    • +
    • abacusai.mcp_server_query_result
    • abacusai.memory_options
    • abacusai.messaging_connector_response
    • abacusai.model
    • @@ -243,6 +279,8 @@
    • abacusai.prediction_log_record
    • abacusai.prediction_operator
    • abacusai.prediction_operator_version
    • +
    • abacusai.presentation_export_result
    • +
    • abacusai.private_web_app_deployment
    • abacusai.problem_type
    • abacusai.project
    • abacusai.project_config
    • @@ -259,33 +297,51 @@
    • abacusai.refresh_policy
    • abacusai.refresh_schedule
    • abacusai.regenerate_llm_external_application
    • +
    • abacusai.regenerate_llm_option
    • abacusai.resolved_feature_group_template
    • abacusai.return_class
    • abacusai.routing_action
    • abacusai.schema
    • +
    • abacusai.session_summary
    • +
    • abacusai.session_transcript
    • +
    • abacusai.session_transcripts
    • abacusai.sftp_key
    • abacusai.streaming_auth_token
    • abacusai.streaming_client
    • abacusai.streaming_connector
    • abacusai.streaming_row_count
    • abacusai.streaming_sample_code
    • +
    • abacusai.sts_gen_settings
    • +
    • abacusai.stt_gen_model
    • +
    • abacusai.stt_gen_model_options
    • +
    • abacusai.stt_gen_settings
    • abacusai.template_node_details
    • abacusai.test_point_predictions
    • abacusai.tone_details
    • abacusai.training_config_options
    • +
    • abacusai.tts_gen_settings
    • abacusai.twitter_search_result
    • +
    • abacusai.unified_connector
    • abacusai.upload
    • abacusai.upload_part
    • abacusai.use_case
    • abacusai.use_case_requirements
    • abacusai.user
    • abacusai.user_exception
    • +
    • abacusai.user_group_object_permission
    • +
    • abacusai.video_gen_costs
    • +
    • abacusai.video_gen_model
    • +
    • abacusai.video_gen_model_options
    • abacusai.video_gen_settings
    • abacusai.video_search_result
    • abacusai.voice_gen_details
    • +
    • abacusai.web_app_conversation
    • +
    • abacusai.web_app_deployment_permission_dict
    • +
    • abacusai.web_app_domain
    • abacusai.web_page_response
    • abacusai.web_search_response
    • abacusai.web_search_result
    • +
    • abacusai.web_service_trigger_run
    • abacusai.webhook
    • abacusai.workflow_graph_node_details
    • abacusai.workflow_node_template
    • @@ -348,9 +404,9 @@

      Module ContentsParameters:
      • client (ApiClient) – An authenticated API Client instance

      • -
      • autocompleteResponse (str) – autocomplete code

      • -
      • showAutocomplete (bool) – Whether to show autocomplete in the client

      • -
      • lineNumber (int) – The line number where autocomplete should be shown

      • +
      • autocompleteResponse (str) – autocomplete code

      • +
      • showAutocomplete (bool) – Whether to show autocomplete in the client

      • +
      • lineNumber (int) – The line number where autocomplete should be shown

      @@ -388,7 +444,7 @@

      Module Contents

      The dict value representation of the class parameters

      Return type:
      -

      dict

      +

      dict

      @@ -402,7 +458,7 @@

      Module Contents - + diff --git a/docs/autoapi/abacusai/code_bot/index.html b/docs/autoapi/abacusai/code_bot/index.html index 50b535bc5..64b48396f 100644 --- a/docs/autoapi/abacusai/code_bot/index.html +++ b/docs/autoapi/abacusai/code_bot/index.html @@ -69,6 +69,8 @@
    • abacusai.app_user_group_sign_in_token
    • abacusai.application_connector
    • abacusai.audio_gen_settings
    • +
    • abacusai.audio_url_result
    • +
    • abacusai.audit_log
    • abacusai.batch_prediction
    • abacusai.batch_prediction_version
    • abacusai.batch_prediction_version_logs
    • @@ -77,10 +79,15 @@
    • abacusai.chat_message
    • abacusai.chat_session
    • abacusai.chatllm_computer
    • +
    • abacusai.chatllm_computer_status
    • +
    • abacusai.chatllm_memory
    • +
    • abacusai.chatllm_project
    • +
    • abacusai.chatllm_project_permissions
    • abacusai.chatllm_referral_invite
    • abacusai.chatllm_task
    • abacusai.client
    • abacusai.code_agent_response
    • +
    • abacusai.code_autocomplete_edit_prediction_response
    • abacusai.code_autocomplete_response
    • abacusai.code_bot
    • +
    • abacusai.code_embeddings
    • +
    • abacusai.code_llm_changed_files
    • abacusai.code_source
    • +
    • abacusai.code_suggestion_validation_response
    • +
    • abacusai.code_summary_response
    • +
    • abacusai.codellm_embedding_constants
    • abacusai.compute_point_info
    • abacusai.concatenation_config
    • +
    • abacusai.constants_autocomplete_response
    • abacusai.cpu_gpu_memory_specs
    • abacusai.cryptography
    • abacusai.custom_chat_instructions
    • +
    • abacusai.custom_domain
    • abacusai.custom_loss_function
    • abacusai.custom_metric
    • abacusai.custom_metric_version
    • abacusai.custom_train_function_info
    • +
    • abacusai.daemon_task_conversation
    • abacusai.data_consistency_duplication
    • abacusai.data_metrics
    • abacusai.data_prep_logs
    • @@ -113,6 +128,7 @@
    • abacusai.dataset_column
    • abacusai.dataset_version
    • abacusai.dataset_version_logs
    • +
    • abacusai.default_llm
    • abacusai.deployment
    • abacusai.deployment_auth_token
    • abacusai.deployment_conversation
    • @@ -123,6 +139,9 @@
    • abacusai.document_retriever
    • abacusai.document_retriever_lookup_result
    • abacusai.document_retriever_version
    • +
    • abacusai.document_retriever_version_logs
    • +
    • abacusai.domain_purchase_result
    • +
    • abacusai.domain_search_result
    • abacusai.drift_distribution
    • abacusai.drift_distributions
    • abacusai.eda
    • @@ -133,7 +152,9 @@
    • abacusai.eda_feature_collinearity
    • abacusai.eda_forecasting_analysis
    • abacusai.eda_version
    • +
    • abacusai.edit_image_models
    • abacusai.embedding_feature_drift_distribution
    • +
    • abacusai.entri_auth_token
    • abacusai.execute_feature_group_operation
    • abacusai.external_application
    • abacusai.external_invite
    • @@ -160,7 +181,6 @@
    • abacusai.feature_importance
    • abacusai.feature_mapping
    • abacusai.feature_performance_analysis
    • -
    • abacusai.feature_record
    • abacusai.file_connector
    • abacusai.file_connector_instructions
    • abacusai.file_connector_verification
    • @@ -168,20 +188,32 @@
    • abacusai.forecasting_analysis_graph_data
    • abacusai.forecasting_monitor_item_analysis
    • abacusai.forecasting_monitor_summary
    • +
    • abacusai.fs_entry
    • abacusai.function_logs
    • abacusai.generated_pit_feature_config_option
    • abacusai.global_context
    • abacusai.graph_dashboard
    • abacusai.holdout_analysis
    • abacusai.holdout_analysis_version
    • +
    • abacusai.hosted_app
    • +
    • abacusai.hosted_app_container
    • +
    • abacusai.hosted_app_file_read
    • +
    • abacusai.hosted_artifact
    • +
    • abacusai.hosted_database
    • +
    • abacusai.hosted_database_snapshot
    • abacusai.hosted_model_token
    • +
    • abacusai.hostname_info
    • abacusai.hume_voice
    • +
    • abacusai.image_gen_model
    • +
    • abacusai.image_gen_model_options
    • abacusai.image_gen_settings
    • abacusai.indexing_config
    • abacusai.inferred_database_column_to_feature_mappings
    • abacusai.inferred_feature_mappings
    • abacusai.item_statistics
    • +
    • abacusai.lip_sync_gen_settings
    • abacusai.llm_app
    • +
    • abacusai.llm_artifact
    • abacusai.llm_code_block
    • abacusai.llm_execution_preview
    • abacusai.llm_execution_result
    • @@ -189,6 +221,10 @@
    • abacusai.llm_input
    • abacusai.llm_parameters
    • abacusai.llm_response
    • +
    • abacusai.mcp_config
    • +
    • abacusai.mcp_server
    • +
    • abacusai.mcp_server_connection
    • +
    • abacusai.mcp_server_query_result
    • abacusai.memory_options
    • abacusai.messaging_connector_response
    • abacusai.model
    • @@ -243,6 +279,8 @@
    • abacusai.prediction_log_record
    • abacusai.prediction_operator
    • abacusai.prediction_operator_version
    • +
    • abacusai.presentation_export_result
    • +
    • abacusai.private_web_app_deployment
    • abacusai.problem_type
    • abacusai.project
    • abacusai.project_config
    • @@ -259,33 +297,51 @@
    • abacusai.refresh_policy
    • abacusai.refresh_schedule
    • abacusai.regenerate_llm_external_application
    • +
    • abacusai.regenerate_llm_option
    • abacusai.resolved_feature_group_template
    • abacusai.return_class
    • abacusai.routing_action
    • abacusai.schema
    • +
    • abacusai.session_summary
    • +
    • abacusai.session_transcript
    • +
    • abacusai.session_transcripts
    • abacusai.sftp_key
    • abacusai.streaming_auth_token
    • abacusai.streaming_client
    • abacusai.streaming_connector
    • abacusai.streaming_row_count
    • abacusai.streaming_sample_code
    • +
    • abacusai.sts_gen_settings
    • +
    • abacusai.stt_gen_model
    • +
    • abacusai.stt_gen_model_options
    • +
    • abacusai.stt_gen_settings
    • abacusai.template_node_details
    • abacusai.test_point_predictions
    • abacusai.tone_details
    • abacusai.training_config_options
    • +
    • abacusai.tts_gen_settings
    • abacusai.twitter_search_result
    • +
    • abacusai.unified_connector
    • abacusai.upload
    • abacusai.upload_part
    • abacusai.use_case
    • abacusai.use_case_requirements
    • abacusai.user
    • abacusai.user_exception
    • +
    • abacusai.user_group_object_permission
    • +
    • abacusai.video_gen_costs
    • +
    • abacusai.video_gen_model
    • +
    • abacusai.video_gen_model_options
    • abacusai.video_gen_settings
    • abacusai.video_search_result
    • abacusai.voice_gen_details
    • +
    • abacusai.web_app_conversation
    • +
    • abacusai.web_app_deployment_permission_dict
    • +
    • abacusai.web_app_domain
    • abacusai.web_page_response
    • abacusai.web_search_response
    • abacusai.web_search_result
    • +
    • abacusai.web_service_trigger_run
    • abacusai.webhook
    • abacusai.workflow_graph_node_details
    • abacusai.workflow_node_template
    • @@ -348,8 +404,8 @@

      Module ContentsParameters:
      • client (ApiClient) – An authenticated API Client instance

      • -
      • codeEdits (list[codeedit]) – The code changes to be applied.

      • -
      • codeChanges (list) – The code changes to be applied.

      • +
      • codeEdits (list[codeedit]) – The code changes to be applied.

      • +
      • codeChanges (list) – The code changes to be applied.

      @@ -382,7 +438,7 @@

      Module Contents

      The dict value representation of the class parameters

      Return type:
      -

      dict

      +

      dict

      @@ -397,7 +453,7 @@

      Module Contents - +
      diff --git a/docs/autoapi/abacusai/code_embeddings/index.html b/docs/autoapi/abacusai/code_embeddings/index.html new file mode 100644 index 000000000..b60bdeb05 --- /dev/null +++ b/docs/autoapi/abacusai/code_embeddings/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.code_embeddings — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
      + + +
      + +
      +
      +
      + +
      +
      +
      +
      + +
      +

      abacusai.code_embeddings

      +
      +

      Classes

      + + + + + + +

      CodeEmbeddings

      Code embeddings

      +
      +
      +

      Module Contents

      +
      +
      +class abacusai.code_embeddings.CodeEmbeddings(client, embeddings=None, chunkingScheme=None)
      +

      Bases: abacusai.return_class.AbstractApiClass

      +

      Code embeddings

      +
      +
      Parameters:
      +
        +
      • client (ApiClient) – An authenticated API Client instance

      • +
      • embeddings (dict) – A dictionary mapping the file name to its embeddings.

      • +
      • chunkingScheme (str) – The scheme used for chunking the embeddings.

      • +
      +
      +
      +
      +
      +embeddings = None
      +
      + +
      +
      +chunking_scheme = None
      +
      + +
      +
      +deprecated_keys
      +
      + +
      +
      +__repr__()
      +
      + +
      +
      +to_dict()
      +

      Get a dict representation of the parameters in this class

      +
      +
      Returns:
      +

      The dict value representation of the class parameters

      +
      +
      Return type:
      +

      dict

      +
      +
      +
      + +
      + +
      +
      + + +
      +
      + +
      +
      +
      +
      + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/code_llm_changed_files/index.html b/docs/autoapi/abacusai/code_llm_changed_files/index.html new file mode 100644 index 000000000..ecce6d961 --- /dev/null +++ b/docs/autoapi/abacusai/code_llm_changed_files/index.html @@ -0,0 +1,488 @@ + + + + + + + + + abacusai.code_llm_changed_files — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
      + + +
      + +
      +
      +
      + +
      +
      +
      +
      + +
      +

      abacusai.code_llm_changed_files

      +
      +

      Classes

      + + + + + + +

      CodeLlmChangedFiles

      Code changed files

      +
      +
      +

      Module Contents

      +
      +
      +class abacusai.code_llm_changed_files.CodeLlmChangedFiles(client, addedFiles=None, updatedFiles=None, deletedFiles=None)
      +

      Bases: abacusai.return_class.AbstractApiClass

      +

      Code changed files

      +
      +
      Parameters:
      +
        +
      • client (ApiClient) – An authenticated API Client instance

      • +
      • addedFiles (list) – A list of added file paths.

      • +
      • updatedFiles (list) – A list of updated file paths.

      • +
      • deletedFiles (list) – A list of deleted file paths.

      • +
      +
      +
      +
      +
      +added_files = None
      +
      + +
      +
      +updated_files = None
      +
      + +
      +
      +deleted_files = None
      +
      + +
      +
      +deprecated_keys
      +
      + +
      +
      +__repr__()
      +
      + +
      +
      +to_dict()
      +

      Get a dict representation of the parameters in this class

      +
      +
      Returns:
      +

      The dict value representation of the class parameters

      +
      +
      Return type:
      +

      dict

      +
      +
      +
      + +
      + +
      +
      + + +
      +
      + +
      +
      +
      +
      + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/code_source/index.html b/docs/autoapi/abacusai/code_source/index.html index 133137578..73d1da5a7 100644 --- a/docs/autoapi/abacusai/code_source/index.html +++ b/docs/autoapi/abacusai/code_source/index.html @@ -20,8 +20,8 @@ - - + + @@ -69,6 +69,8 @@
    • abacusai.app_user_group_sign_in_token
    • abacusai.application_connector
    • abacusai.audio_gen_settings
    • +
    • abacusai.audio_url_result
    • +
    • abacusai.audit_log
    • abacusai.batch_prediction
    • abacusai.batch_prediction_version
    • abacusai.batch_prediction_version_logs
    • @@ -77,29 +79,42 @@
    • abacusai.chat_message
    • abacusai.chat_session
    • abacusai.chatllm_computer
    • +
    • abacusai.chatllm_computer_status
    • +
    • abacusai.chatllm_memory
    • +
    • abacusai.chatllm_project
    • +
    • abacusai.chatllm_project_permissions
    • abacusai.chatllm_referral_invite
    • abacusai.chatllm_task
    • abacusai.client
    • abacusai.code_agent_response
    • +
    • abacusai.code_autocomplete_edit_prediction_response
    • abacusai.code_autocomplete_response
    • abacusai.code_bot
    • abacusai.code_edit
    • abacusai.code_edit_response
    • abacusai.code_edits
    • +
    • abacusai.code_embeddings
    • +
    • abacusai.code_llm_changed_files
    • abacusai.code_source
    • +
    • abacusai.code_suggestion_validation_response
    • +
    • abacusai.code_summary_response
    • +
    • abacusai.codellm_embedding_constants
    • abacusai.compute_point_info
    • abacusai.concatenation_config
    • +
    • abacusai.constants_autocomplete_response
    • abacusai.cpu_gpu_memory_specs
    • abacusai.cryptography
    • abacusai.custom_chat_instructions
    • +
    • abacusai.custom_domain
    • abacusai.custom_loss_function
    • abacusai.custom_metric
    • abacusai.custom_metric_version
    • abacusai.custom_train_function_info
    • +
    • abacusai.daemon_task_conversation
    • abacusai.data_consistency_duplication
    • abacusai.data_metrics
    • abacusai.data_prep_logs
    • @@ -113,6 +128,7 @@
    • abacusai.dataset_column
    • abacusai.dataset_version
    • abacusai.dataset_version_logs
    • +
    • abacusai.default_llm
    • abacusai.deployment
    • abacusai.deployment_auth_token
    • abacusai.deployment_conversation
    • @@ -123,6 +139,9 @@
    • abacusai.document_retriever
    • abacusai.document_retriever_lookup_result
    • abacusai.document_retriever_version
    • +
    • abacusai.document_retriever_version_logs
    • +
    • abacusai.domain_purchase_result
    • +
    • abacusai.domain_search_result
    • abacusai.drift_distribution
    • abacusai.drift_distributions
    • abacusai.eda
    • @@ -133,7 +152,9 @@
    • abacusai.eda_feature_collinearity
    • abacusai.eda_forecasting_analysis
    • abacusai.eda_version
    • +
    • abacusai.edit_image_models
    • abacusai.embedding_feature_drift_distribution
    • +
    • abacusai.entri_auth_token
    • abacusai.execute_feature_group_operation
    • abacusai.external_application
    • abacusai.external_invite
    • @@ -160,7 +181,6 @@
    • abacusai.feature_importance
    • abacusai.feature_mapping
    • abacusai.feature_performance_analysis
    • -
    • abacusai.feature_record
    • abacusai.file_connector
    • abacusai.file_connector_instructions
    • abacusai.file_connector_verification
    • @@ -168,20 +188,32 @@
    • abacusai.forecasting_analysis_graph_data
    • abacusai.forecasting_monitor_item_analysis
    • abacusai.forecasting_monitor_summary
    • +
    • abacusai.fs_entry
    • abacusai.function_logs
    • abacusai.generated_pit_feature_config_option
    • abacusai.global_context
    • abacusai.graph_dashboard
    • abacusai.holdout_analysis
    • abacusai.holdout_analysis_version
    • +
    • abacusai.hosted_app
    • +
    • abacusai.hosted_app_container
    • +
    • abacusai.hosted_app_file_read
    • +
    • abacusai.hosted_artifact
    • +
    • abacusai.hosted_database
    • +
    • abacusai.hosted_database_snapshot
    • abacusai.hosted_model_token
    • +
    • abacusai.hostname_info
    • abacusai.hume_voice
    • +
    • abacusai.image_gen_model
    • +
    • abacusai.image_gen_model_options
    • abacusai.image_gen_settings
    • abacusai.indexing_config
    • abacusai.inferred_database_column_to_feature_mappings
    • abacusai.inferred_feature_mappings
    • abacusai.item_statistics
    • +
    • abacusai.lip_sync_gen_settings
    • abacusai.llm_app
    • +
    • abacusai.llm_artifact
    • abacusai.llm_code_block
    • abacusai.llm_execution_preview
    • abacusai.llm_execution_result
    • @@ -189,6 +221,10 @@
    • abacusai.llm_input
    • abacusai.llm_parameters
    • abacusai.llm_response
    • +
    • abacusai.mcp_config
    • +
    • abacusai.mcp_server
    • +
    • abacusai.mcp_server_connection
    • +
    • abacusai.mcp_server_query_result
    • abacusai.memory_options
    • abacusai.messaging_connector_response
    • abacusai.model
    • @@ -243,6 +279,8 @@
    • abacusai.prediction_log_record
    • abacusai.prediction_operator
    • abacusai.prediction_operator_version
    • +
    • abacusai.presentation_export_result
    • +
    • abacusai.private_web_app_deployment
    • abacusai.problem_type
    • abacusai.project
    • abacusai.project_config
    • @@ -259,33 +297,51 @@
    • abacusai.refresh_policy
    • abacusai.refresh_schedule
    • abacusai.regenerate_llm_external_application
    • +
    • abacusai.regenerate_llm_option
    • abacusai.resolved_feature_group_template
    • abacusai.return_class
    • abacusai.routing_action
    • abacusai.schema
    • +
    • abacusai.session_summary
    • +
    • abacusai.session_transcript
    • +
    • abacusai.session_transcripts
    • abacusai.sftp_key
    • abacusai.streaming_auth_token
    • abacusai.streaming_client
    • abacusai.streaming_connector
    • abacusai.streaming_row_count
    • abacusai.streaming_sample_code
    • +
    • abacusai.sts_gen_settings
    • +
    • abacusai.stt_gen_model
    • +
    • abacusai.stt_gen_model_options
    • +
    • abacusai.stt_gen_settings
    • abacusai.template_node_details
    • abacusai.test_point_predictions
    • abacusai.tone_details
    • abacusai.training_config_options
    • +
    • abacusai.tts_gen_settings
    • abacusai.twitter_search_result
    • +
    • abacusai.unified_connector
    • abacusai.upload
    • abacusai.upload_part
    • abacusai.use_case
    • abacusai.use_case_requirements
    • abacusai.user
    • abacusai.user_exception
    • +
    • abacusai.user_group_object_permission
    • +
    • abacusai.video_gen_costs
    • +
    • abacusai.video_gen_model
    • +
    • abacusai.video_gen_model_options
    • abacusai.video_gen_settings
    • abacusai.video_search_result
    • abacusai.voice_gen_details
    • +
    • abacusai.web_app_conversation
    • +
    • abacusai.web_app_deployment_permission_dict
    • +
    • abacusai.web_app_domain
    • abacusai.web_page_response
    • abacusai.web_search_response
    • abacusai.web_search_result
    • +
    • abacusai.web_service_trigger_run
    • abacusai.webhook
    • abacusai.workflow_graph_node_details
    • abacusai.workflow_node_template
    • @@ -348,15 +404,15 @@

      Module ContentsParameters:
      • client (ApiClient) – An authenticated API Client instance

      • -
      • sourceType (str) – The type of the source, one of TEXT, PYTHON, FILE_UPLOAD, or APPLICATION_CONNECTOR

      • -
      • sourceCode (str) – If the type of the source is TEXT, the raw text of the function

      • -
      • applicationConnectorId (str) – The Application Connector to fetch the code from

      • -
      • applicationConnectorInfo (str) – Args passed to the application connector to fetch the code

      • -
      • packageRequirements (list) – The pip package dependencies required to run the code

      • -
      • status (str) – The status of the code and validations

      • -
      • error (str) – If the status is failed, an error message describing what went wrong

      • -
      • publishingMsg (dict) – Warnings in the source code

      • -
      • moduleDependencies (list) – The list of internal modules dependencies required to run the code

      • +
      • sourceType (str) – The type of the source, one of TEXT, PYTHON, FILE_UPLOAD, or APPLICATION_CONNECTOR

      • +
      • sourceCode (str) – If the type of the source is TEXT, the raw text of the function

      • +
      • applicationConnectorId (str) – The Application Connector to fetch the code from

      • +
      • applicationConnectorInfo (str) – Args passed to the application connector to fetch the code

      • +
      • packageRequirements (list) – The pip package dependencies required to run the code

      • +
      • status (str) – The status of the code and validations

      • +
      • error (str) – If the status is failed, an error message describing what went wrong

      • +
      • publishingMsg (dict) – Warnings in the source code

      • +
      • moduleDependencies (list) – The list of internal modules dependencies required to run the code

      @@ -424,7 +480,7 @@

      Module Contents

      The dict value representation of the class parameters

      Return type:
      -

      dict

      +

      dict

      @@ -444,8 +500,8 @@

      Module Contents - - + +
      diff --git a/docs/autoapi/abacusai/code_suggestion_validation_response/index.html b/docs/autoapi/abacusai/code_suggestion_validation_response/index.html new file mode 100644 index 000000000..fdc1275bf --- /dev/null +++ b/docs/autoapi/abacusai/code_suggestion_validation_response/index.html @@ -0,0 +1,476 @@ + + + + + + + + + abacusai.code_suggestion_validation_response — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
      + + +
      + +
      +
      +
      + +
      +
      +
      +
      + +
      +

      abacusai.code_suggestion_validation_response

      +
      +

      Classes

      + + + + + + +

      CodeSuggestionValidationResponse

      A response from an LLM to validate a code suggestion.

      +
      +
      +

      Module Contents

      +
      +
      +class abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse(client, isValid=None)
      +

      Bases: abacusai.return_class.AbstractApiClass

      +

      A response from an LLM to validate a code suggestion.

      +
      +
      Parameters:
      +
        +
      • client (ApiClient) – An authenticated API Client instance

      • +
      • isValid (bool) – Whether the code suggestion is valid.

      • +
      +
      +
      +
      +
      +is_valid = None
      +
      + +
      +
      +deprecated_keys
      +
      + +
      +
      +__repr__()
      +
      + +
      +
      +to_dict()
      +

      Get a dict representation of the parameters in this class

      +
      +
      Returns:
      +

      The dict value representation of the class parameters

      +
      +
      Return type:
      +

      dict

      +
      +
      +
      + +
      + +
      +
      + + +
      +
      + +
      +
      +
      +
      + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/code_summary_response/index.html b/docs/autoapi/abacusai/code_summary_response/index.html new file mode 100644 index 000000000..4c268674b --- /dev/null +++ b/docs/autoapi/abacusai/code_summary_response/index.html @@ -0,0 +1,476 @@ + + + + + + + + + abacusai.code_summary_response — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
      + + +
      + +
      +
      +
      + +
      +
      +
      +
      + +
      +

      abacusai.code_summary_response

      +
      +

      Classes

      + + + + + + +

      CodeSummaryResponse

      A summary response from an LLM

      +
      +
      +

      Module Contents

      +
      +
      +class abacusai.code_summary_response.CodeSummaryResponse(client, summary=None)
      +

      Bases: abacusai.return_class.AbstractApiClass

      +

      A summary response from an LLM

      +
      +
      Parameters:
      +
        +
      • client (ApiClient) – An authenticated API Client instance

      • +
      • summary (str) – The summary of the code.

      • +
      +
      +
      +
      +
      +summary = None
      +
      + +
      +
      +deprecated_keys
      +
      + +
      +
      +__repr__()
      +
      + +
      +
      +to_dict()
      +

      Get a dict representation of the parameters in this class

      +
      +
      Returns:
      +

      The dict value representation of the class parameters

      +
      +
      Return type:
      +

      dict

      +
      +
      +
      + +
      + +
      +
      + + +
      +
      + +
      +
      +
      +
      + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/codellm_embedding_constants/index.html b/docs/autoapi/abacusai/codellm_embedding_constants/index.html new file mode 100644 index 000000000..dfec19af8 --- /dev/null +++ b/docs/autoapi/abacusai/codellm_embedding_constants/index.html @@ -0,0 +1,500 @@ + + + + + + + + + abacusai.codellm_embedding_constants — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
      + + +
      + +
      +
      +
      + +
      +
      +
      +
      + +
      +

      abacusai.codellm_embedding_constants

      +
      +

      Classes

      + + + + + + +

      CodellmEmbeddingConstants

      A dictionary of constants to be used in the autocomplete.

      +
      +
      +

      Module Contents

      +
      +
      +class abacusai.codellm_embedding_constants.CodellmEmbeddingConstants(client, maxSupportedWorkspaceFiles=None, maxSupportedWorkspaceChunks=None, maxConcurrentRequests=None, fileExtensionToChunkingScheme=None, idleTimeoutSeconds=None)
      +

      Bases: abacusai.return_class.AbstractApiClass

      +

      A dictionary of constants to be used in the autocomplete.

      +
      +
      Parameters:
      +
        +
      • client (ApiClient) – An authenticated API Client instance

      • +
      • maxSupportedWorkspaceFiles (int) – Max supported workspace files

      • +
      • maxSupportedWorkspaceChunks (int) – Max supported workspace chunks

      • +
      • maxConcurrentRequests (int) – Max concurrent requests

      • +
      • fileExtensionToChunkingScheme (dict) – Map between the file extensions and their chunking schema

      • +
      • idleTimeoutSeconds (int) – The idle timeout without any activity before the workspace is refreshed.

      • +
      +
      +
      +
      +
      +max_supported_workspace_files = None
      +
      + +
      +
      +max_supported_workspace_chunks = None
      +
      + +
      +
      +max_concurrent_requests = None
      +
      + +
      +
      +file_extension_to_chunking_scheme = None
      +
      + +
      +
      +idle_timeout_seconds = None
      +
      + +
      +
      +deprecated_keys
      +
      + +
      +
      +__repr__()
      +
      + +
      +
      +to_dict()
      +

      Get a dict representation of the parameters in this class

      +
      +
      Returns:
      +

      The dict value representation of the class parameters

      +
      +
      Return type:
      +

      dict

      +
      +
      +
      + +
      + +
      +
      + + +
      +
      + +
      +
      +
      +
      + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/compute_point_info/index.html b/docs/autoapi/abacusai/compute_point_info/index.html index 53d1292a1..97585ab45 100644 --- a/docs/autoapi/abacusai/compute_point_info/index.html +++ b/docs/autoapi/abacusai/compute_point_info/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
    • abacusai.app_user_group_sign_in_token
    • abacusai.application_connector
    • abacusai.audio_gen_settings
    • +
    • abacusai.audio_url_result
    • +
    • abacusai.audit_log
    • abacusai.batch_prediction
    • abacusai.batch_prediction_version
    • abacusai.batch_prediction_version_logs
    • @@ -77,29 +79,42 @@
    • abacusai.chat_message
    • abacusai.chat_session
    • abacusai.chatllm_computer
    • +
    • abacusai.chatllm_computer_status
    • +
    • abacusai.chatllm_memory
    • +
    • abacusai.chatllm_project
    • +
    • abacusai.chatllm_project_permissions
    • abacusai.chatllm_referral_invite
    • abacusai.chatllm_task
    • abacusai.client
    • abacusai.code_agent_response
    • +
    • abacusai.code_autocomplete_edit_prediction_response
    • abacusai.code_autocomplete_response
    • abacusai.code_bot
    • abacusai.code_edit
    • abacusai.code_edit_response
    • abacusai.code_edits
    • +
    • abacusai.code_embeddings
    • +
    • abacusai.code_llm_changed_files
    • abacusai.code_source
    • +
    • abacusai.code_suggestion_validation_response
    • +
    • abacusai.code_summary_response
    • +
    • abacusai.codellm_embedding_constants
    • abacusai.compute_point_info
    • abacusai.concatenation_config
    • +
    • abacusai.constants_autocomplete_response
    • abacusai.cpu_gpu_memory_specs
    • abacusai.cryptography
    • abacusai.custom_chat_instructions
    • +
    • abacusai.custom_domain
    • abacusai.custom_loss_function
    • abacusai.custom_metric
    • abacusai.custom_metric_version
    • abacusai.custom_train_function_info
    • +
    • abacusai.daemon_task_conversation
    • abacusai.data_consistency_duplication
    • abacusai.data_metrics
    • abacusai.data_prep_logs
    • @@ -113,6 +128,7 @@
    • abacusai.dataset_column
    • abacusai.dataset_version
    • abacusai.dataset_version_logs
    • +
    • abacusai.default_llm
    • abacusai.deployment
    • abacusai.deployment_auth_token
    • abacusai.deployment_conversation
    • @@ -123,6 +139,9 @@
    • abacusai.document_retriever
    • abacusai.document_retriever_lookup_result
    • abacusai.document_retriever_version
    • +
    • abacusai.document_retriever_version_logs
    • +
    • abacusai.domain_purchase_result
    • +
    • abacusai.domain_search_result
    • abacusai.drift_distribution
    • abacusai.drift_distributions
    • abacusai.eda
    • @@ -133,7 +152,9 @@
    • abacusai.eda_feature_collinearity
    • abacusai.eda_forecasting_analysis
    • abacusai.eda_version
    • +
    • abacusai.edit_image_models
    • abacusai.embedding_feature_drift_distribution
    • +
    • abacusai.entri_auth_token
    • abacusai.execute_feature_group_operation
    • abacusai.external_application
    • abacusai.external_invite
    • @@ -160,7 +181,6 @@
    • abacusai.feature_importance
    • abacusai.feature_mapping
    • abacusai.feature_performance_analysis
    • -
    • abacusai.feature_record
    • abacusai.file_connector
    • abacusai.file_connector_instructions
    • abacusai.file_connector_verification
    • @@ -168,20 +188,32 @@
    • abacusai.forecasting_analysis_graph_data
    • abacusai.forecasting_monitor_item_analysis
    • abacusai.forecasting_monitor_summary
    • +
    • abacusai.fs_entry
    • abacusai.function_logs
    • abacusai.generated_pit_feature_config_option
    • abacusai.global_context
    • abacusai.graph_dashboard
    • abacusai.holdout_analysis
    • abacusai.holdout_analysis_version
    • +
    • abacusai.hosted_app
    • +
    • abacusai.hosted_app_container
    • +
    • abacusai.hosted_app_file_read
    • +
    • abacusai.hosted_artifact
    • +
    • abacusai.hosted_database
    • +
    • abacusai.hosted_database_snapshot
    • abacusai.hosted_model_token
    • +
    • abacusai.hostname_info
    • abacusai.hume_voice
    • +
    • abacusai.image_gen_model
    • +
    • abacusai.image_gen_model_options
    • abacusai.image_gen_settings
    • abacusai.indexing_config
    • abacusai.inferred_database_column_to_feature_mappings
    • abacusai.inferred_feature_mappings
    • abacusai.item_statistics
    • +
    • abacusai.lip_sync_gen_settings
    • abacusai.llm_app
    • +
    • abacusai.llm_artifact
    • abacusai.llm_code_block
    • abacusai.llm_execution_preview
    • abacusai.llm_execution_result
    • @@ -189,6 +221,10 @@
    • abacusai.llm_input
    • abacusai.llm_parameters
    • abacusai.llm_response
    • +
    • abacusai.mcp_config
    • +
    • abacusai.mcp_server
    • +
    • abacusai.mcp_server_connection
    • +
    • abacusai.mcp_server_query_result
    • abacusai.memory_options
    • abacusai.messaging_connector_response
    • abacusai.model
    • @@ -243,6 +279,8 @@
    • abacusai.prediction_log_record
    • abacusai.prediction_operator
    • abacusai.prediction_operator_version
    • +
    • abacusai.presentation_export_result
    • +
    • abacusai.private_web_app_deployment
    • abacusai.problem_type
    • abacusai.project
    • abacusai.project_config
    • @@ -259,33 +297,51 @@
    • abacusai.refresh_policy
    • abacusai.refresh_schedule
    • abacusai.regenerate_llm_external_application
    • +
    • abacusai.regenerate_llm_option
    • abacusai.resolved_feature_group_template
    • abacusai.return_class
    • abacusai.routing_action
    • abacusai.schema
    • +
    • abacusai.session_summary
    • +
    • abacusai.session_transcript
    • +
    • abacusai.session_transcripts
    • abacusai.sftp_key
    • abacusai.streaming_auth_token
    • abacusai.streaming_client
    • abacusai.streaming_connector
    • abacusai.streaming_row_count
    • abacusai.streaming_sample_code
    • +
    • abacusai.sts_gen_settings
    • +
    • abacusai.stt_gen_model
    • +
    • abacusai.stt_gen_model_options
    • +
    • abacusai.stt_gen_settings
    • abacusai.template_node_details
    • abacusai.test_point_predictions
    • abacusai.tone_details
    • abacusai.training_config_options
    • +
    • abacusai.tts_gen_settings
    • abacusai.twitter_search_result
    • +
    • abacusai.unified_connector
    • abacusai.upload
    • abacusai.upload_part
    • abacusai.use_case
    • abacusai.use_case_requirements
    • abacusai.user
    • abacusai.user_exception
    • +
    • abacusai.user_group_object_permission
    • +
    • abacusai.video_gen_costs
    • +
    • abacusai.video_gen_model
    • +
    • abacusai.video_gen_model_options
    • abacusai.video_gen_settings
    • abacusai.video_search_result
    • abacusai.voice_gen_details
    • +
    • abacusai.web_app_conversation
    • +
    • abacusai.web_app_deployment_permission_dict
    • +
    • abacusai.web_app_domain
    • abacusai.web_page_response
    • abacusai.web_search_response
    • abacusai.web_search_result
    • +
    • abacusai.web_service_trigger_run
    • abacusai.webhook
    • abacusai.workflow_graph_node_details
    • abacusai.workflow_node_template
    • @@ -341,19 +397,20 @@

      Classes

      Module Contents

      -class abacusai.compute_point_info.ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None)
      +class abacusai.compute_point_info.ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None, alwaysDisplay=None)

      Bases: abacusai.return_class.AbstractApiClass

      The compute point info of the organization

      Parameters:
      • client (ApiClient) – An authenticated API Client instance

      • -
      • updatedAt (str) – The last time the compute point info was updated

      • -
      • last24HoursUsage (int) – The 24 hours usage of the organization

      • -
      • last7DaysUsage (int) – The 7 days usage of the organization

      • -
      • currMonthAvailPoints (int) – The current month’s available compute points

      • -
      • currMonthUsage (int) – The current month’s usage compute points

      • -
      • lastThrottlePopUp (str) – The last time the organization was throttled

      • +
      • updatedAt (str) – The last time the compute point info was updated

      • +
      • last24HoursUsage (int) – The 24 hours usage of the organization

      • +
      • last7DaysUsage (int) – The 7 days usage of the organization

      • +
      • currMonthAvailPoints (int) – The current month’s available compute points

      • +
      • currMonthUsage (int) – The current month’s usage compute points

      • +
      • lastThrottlePopUp (str) – The last time the organization was throttled

      • +
      • alwaysDisplay (bool) – Whether to always display the compute point toggle

      @@ -387,6 +444,11 @@

      Module Contentslast_throttle_pop_up = None

      +
      +
      +always_display = None
      +
      +
      deprecated_keys
      @@ -406,7 +468,7 @@

      Module Contents

      The dict value representation of the class parameters

      Return type:
      -

      dict

      +

      dict

      @@ -420,7 +482,7 @@

      Module Contents - + diff --git a/docs/autoapi/abacusai/concatenation_config/index.html b/docs/autoapi/abacusai/concatenation_config/index.html index ed7d4e6cb..436a63c89 100644 --- a/docs/autoapi/abacusai/concatenation_config/index.html +++ b/docs/autoapi/abacusai/concatenation_config/index.html @@ -20,7 +20,7 @@ - + @@ -69,6 +69,8 @@
    • abacusai.app_user_group_sign_in_token
    • abacusai.application_connector
    • abacusai.audio_gen_settings
    • +
    • abacusai.audio_url_result
    • +
    • abacusai.audit_log
    • abacusai.batch_prediction
    • abacusai.batch_prediction_version
    • abacusai.batch_prediction_version_logs
    • @@ -77,29 +79,42 @@
    • abacusai.chat_message
    • abacusai.chat_session
    • abacusai.chatllm_computer
    • +
    • abacusai.chatllm_computer_status
    • +
    • abacusai.chatllm_memory
    • +
    • abacusai.chatllm_project
    • +
    • abacusai.chatllm_project_permissions
    • abacusai.chatllm_referral_invite
    • abacusai.chatllm_task
    • abacusai.client
    • abacusai.code_agent_response
    • +
    • abacusai.code_autocomplete_edit_prediction_response
    • abacusai.code_autocomplete_response
    • abacusai.code_bot
    • abacusai.code_edit
    • abacusai.code_edit_response
    • abacusai.code_edits
    • +
    • abacusai.code_embeddings
    • +
    • abacusai.code_llm_changed_files
    • abacusai.code_source
    • +
    • abacusai.code_suggestion_validation_response
    • +
    • abacusai.code_summary_response
    • +
    • abacusai.codellm_embedding_constants
    • abacusai.compute_point_info
    • abacusai.concatenation_config
    • +
    • abacusai.constants_autocomplete_response
    • abacusai.cpu_gpu_memory_specs
    • abacusai.cryptography
    • abacusai.custom_chat_instructions
    • +
    • abacusai.custom_domain
    • abacusai.custom_loss_function
    • abacusai.custom_metric
    • abacusai.custom_metric_version
    • abacusai.custom_train_function_info
    • +
    • abacusai.daemon_task_conversation
    • abacusai.data_consistency_duplication
    • abacusai.data_metrics
    • abacusai.data_prep_logs
    • @@ -113,6 +128,7 @@
    • abacusai.dataset_column
    • abacusai.dataset_version
    • abacusai.dataset_version_logs
    • +
    • abacusai.default_llm
    • abacusai.deployment
    • abacusai.deployment_auth_token
    • abacusai.deployment_conversation
    • @@ -123,6 +139,9 @@
    • abacusai.document_retriever
    • abacusai.document_retriever_lookup_result
    • abacusai.document_retriever_version
    • +
    • abacusai.document_retriever_version_logs
    • +
    • abacusai.domain_purchase_result
    • +
    • abacusai.domain_search_result
    • abacusai.drift_distribution
    • abacusai.drift_distributions
    • abacusai.eda
    • @@ -133,7 +152,9 @@
    • abacusai.eda_feature_collinearity
    • abacusai.eda_forecasting_analysis
    • abacusai.eda_version
    • +
    • abacusai.edit_image_models
    • abacusai.embedding_feature_drift_distribution
    • +
    • abacusai.entri_auth_token
    • abacusai.execute_feature_group_operation
    • abacusai.external_application
    • abacusai.external_invite
    • @@ -160,7 +181,6 @@
    • abacusai.feature_importance
    • abacusai.feature_mapping
    • abacusai.feature_performance_analysis
    • -
    • abacusai.feature_record
    • abacusai.file_connector
    • abacusai.file_connector_instructions
    • abacusai.file_connector_verification
    • @@ -168,20 +188,32 @@
    • abacusai.forecasting_analysis_graph_data
    • abacusai.forecasting_monitor_item_analysis
    • abacusai.forecasting_monitor_summary
    • +
    • abacusai.fs_entry
    • abacusai.function_logs
    • abacusai.generated_pit_feature_config_option
    • abacusai.global_context
    • abacusai.graph_dashboard
    • abacusai.holdout_analysis
    • abacusai.holdout_analysis_version
    • +
    • abacusai.hosted_app
    • +
    • abacusai.hosted_app_container
    • +
    • abacusai.hosted_app_file_read
    • +
    • abacusai.hosted_artifact
    • +
    • abacusai.hosted_database
    • +
    • abacusai.hosted_database_snapshot
    • abacusai.hosted_model_token
    • +
    • abacusai.hostname_info
    • abacusai.hume_voice
    • +
    • abacusai.image_gen_model
    • +
    • abacusai.image_gen_model_options
    • abacusai.image_gen_settings
    • abacusai.indexing_config
    • abacusai.inferred_database_column_to_feature_mappings
    • abacusai.inferred_feature_mappings
    • abacusai.item_statistics
    • +
    • abacusai.lip_sync_gen_settings
    • abacusai.llm_app
    • +
    • abacusai.llm_artifact
    • abacusai.llm_code_block
    • abacusai.llm_execution_preview
    • abacusai.llm_execution_result
    • @@ -189,6 +221,10 @@
    • abacusai.llm_input
    • abacusai.llm_parameters
    • abacusai.llm_response
    • +
    • abacusai.mcp_config
    • +
    • abacusai.mcp_server
    • +
    • abacusai.mcp_server_connection
    • +
    • abacusai.mcp_server_query_result
    • abacusai.memory_options
    • abacusai.messaging_connector_response
    • abacusai.model
    • @@ -243,6 +279,8 @@
    • abacusai.prediction_log_record
    • abacusai.prediction_operator
    • abacusai.prediction_operator_version
    • +
    • abacusai.presentation_export_result
    • +
    • abacusai.private_web_app_deployment
    • abacusai.problem_type
    • abacusai.project
    • abacusai.project_config
    • @@ -259,33 +297,51 @@
    • abacusai.refresh_policy
    • abacusai.refresh_schedule
    • abacusai.regenerate_llm_external_application
    • +
    • abacusai.regenerate_llm_option
    • abacusai.resolved_feature_group_template
    • abacusai.return_class
    • abacusai.routing_action
    • abacusai.schema
    • +
    • abacusai.session_summary
    • +
    • abacusai.session_transcript
    • +
    • abacusai.session_transcripts
    • abacusai.sftp_key
    • abacusai.streaming_auth_token
    • abacusai.streaming_client
    • abacusai.streaming_connector
    • abacusai.streaming_row_count
    • abacusai.streaming_sample_code
    • +
    • abacusai.sts_gen_settings
    • +
    • abacusai.stt_gen_model
    • +
    • abacusai.stt_gen_model_options
    • +
    • abacusai.stt_gen_settings
    • abacusai.template_node_details
    • abacusai.test_point_predictions
    • abacusai.tone_details
    • abacusai.training_config_options
    • +
    • abacusai.tts_gen_settings
    • abacusai.twitter_search_result
    • +
    • abacusai.unified_connector
    • abacusai.upload
    • abacusai.upload_part
    • abacusai.use_case
    • abacusai.use_case_requirements
    • abacusai.user
    • abacusai.user_exception
    • +
    • abacusai.user_group_object_permission
    • +
    • abacusai.video_gen_costs
    • +
    • abacusai.video_gen_model
    • +
    • abacusai.video_gen_model_options
    • abacusai.video_gen_settings
    • abacusai.video_search_result
    • abacusai.voice_gen_details
    • +
    • abacusai.web_app_conversation
    • +
    • abacusai.web_app_deployment_permission_dict
    • +
    • abacusai.web_app_domain
    • abacusai.web_page_response
    • abacusai.web_search_response
    • abacusai.web_search_result
    • +
    • abacusai.web_service_trigger_run
    • abacusai.webhook
    • abacusai.workflow_graph_node_details
    • abacusai.workflow_node_template
    • @@ -348,10 +404,10 @@

      Module ContentsParameters:
      • client (ApiClient) – An authenticated API Client instance

      • -
      • concatenatedTable (str) – The feature group to concatenate with the destination feature group.

      • -
      • mergeType (str) – The type of merge to perform, either UNION or INTERSECTION.

      • -
      • replaceUntilTimestamp (int) – The Unix timestamp to specify the point up to which data from the source feature group will be replaced.

      • -
      • skipMaterialize (bool) – If True, the concatenated feature group will not be materialized.

      • +
      • concatenatedTable (str) – The feature group to concatenate with the destination feature group.

      • +
      • mergeType (str) – The type of merge to perform, either UNION or INTERSECTION.

      • +
      • replaceUntilTimestamp (int) – The Unix timestamp to specify the point up to which data from the source feature group will be replaced.

      • +
      • skipMaterialize (bool) – If True, the concatenated feature group will not be materialized.

      @@ -394,7 +450,7 @@

      Module Contents

      The dict value representation of the class parameters

      Return type:
      -

      dict

      +

      dict

      @@ -409,7 +465,7 @@

      Module Contents - +
      diff --git a/docs/autoapi/abacusai/constants_autocomplete_response/index.html b/docs/autoapi/abacusai/constants_autocomplete_response/index.html new file mode 100644 index 000000000..ef7ef55e3 --- /dev/null +++ b/docs/autoapi/abacusai/constants_autocomplete_response/index.html @@ -0,0 +1,704 @@ + + + + + + + + + abacusai.constants_autocomplete_response — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
      + + +
      + +
      +
      +
      + +
      +
      +
      +
      + +
      +

      abacusai.constants_autocomplete_response

      +
      +

      Classes

      + + + + + + +

      ConstantsAutocompleteResponse

      A dictionary of constants to be used in the autocomplete.

      +
      +
      +

      Module Contents

      +
      +
      +class abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse(client, maxPendingRequests=None, acceptanceDelay=None, debounceDelay=None, recordUserAction=None, validateSuggestion=None, validationLinesThreshold=None, maxTrackedRecentChanges=None, diffThreshold=None, derivativeThreshold=None, defaultSurroundingLines=None, maxTrackedVisitChanges=None, selectionCooldownMs=None, viewingCooldownMs=None, maxLines=None, editCooldownMs=None, scrollDebounceMs=None, lspDeadline=None, diagnosticsThreshold=None, diagnosticEachThreshold=None, numVsCodeSuggestions=None, minReindexingInterval=None, minRefreshSummaryInterval=None, summaryBatchSize=None, jobReorderInterval=None, stopRapidChanges=None, delaySummaryBatches=None, delaySummaryBatchesRateLimit=None, maxSymbolsFuzzyMatch=None, fuzzySymbolMatchThreshold=None, symbolsCacheUpdateInterval=None, symbolsStorageUpdateInterval=None, editPredictionSimilarityThreshold=None, minSearchWordLength=None, maxOccurrencesPerWord=None, maxWordsContentMatches=None, editPredictionEnabled=None, snapshotIntervalMs=None, linesForSnapshot=None, embeddingConstants=None)
      +

      Bases: abacusai.return_class.AbstractApiClass

      +

      A dictionary of constants to be used in the autocomplete.

      +
      +
      Parameters:
      +
        +
      • client (ApiClient) – An authenticated API Client instance

      • +
      • maxPendingRequests (int) – The maximum number of pending requests.

      • +
      • acceptanceDelay (int) – The acceptance delay.

      • +
      • debounceDelay (int) – The debounce delay.

      • +
      • recordUserAction (bool) – Whether to record user action.

      • +
      • validateSuggestion (bool) – Whether to validate the suggestion.

      • +
      • validationLinesThreshold (int) – The number of lines to validate the suggestion.

      • +
      • maxTrackedRecentChanges (int) – The maximum number of recent file changes to track.

      • +
      • diffThreshold (int) – The diff operations threshold.

      • +
      • derivativeThreshold (int) – The derivative threshold for deletions

      • +
      • defaultSurroundingLines (int) – The default number of surrounding lines to include in the recently visited context.

      • +
      • maxTrackedVisitChanges (int) – The maximum number of recently visited ranges to track.

      • +
      • selectionCooldownMs (int) – The cooldown time in milliseconds for selection changes.

      • +
      • viewingCooldownMs (int) – The cooldown time in milliseconds for viewing changes.

      • +
      • maxLines (int) – The maximum number of lines to include in recently visited context.

      • +
      • editCooldownMs (int) – The cooldown time in milliseconds after last edit.

      • +
      • scrollDebounceMs (int) – The debounce time in milliseconds for scroll events.

      • +
      • lspDeadline (int) – The deadline in milliseconds for LSP context.

      • +
      • diagnosticsThreshold (int) – The max number of diagnostics to show.

      • +
      • diagnosticEachThreshold (int) – The max number of characters to show for each diagnostic type.

      • +
      • numVsCodeSuggestions (int) – The number of VS Code suggestions to show.

      • +
      • minReindexingInterval (int) – The minimum interval between reindexes in ms.

      • +
      • minRefreshSummaryInterval (int) – The minimum interval between refresh summary in ms.

      • +
      • summaryBatchSize (int) – The batch size for code summary in autocomplete.

      • +
      • jobReorderInterval (int) – The interval in ms to reorder jobs in the job queue for summary.

      • +
      • stopRapidChanges (bool) – Whether to stop rapid changes in autocomplete.

      • +
      • delaySummaryBatches (int) – The delay in ms between summary batches.

      • +
      • delaySummaryBatchesRateLimit (int) – The delay in ms in case of rate limit for delay summary batches.

      • +
      • maxSymbolsFuzzyMatch (int) – The max number of symbols to fuzzy match.

      • +
      • fuzzySymbolMatchThreshold (int) – The threshold for fuzzy symbol match.

      • +
      • symbolsCacheUpdateInterval (int) – The interval in ms to update the symbols cache.

      • +
      • symbolsStorageUpdateInterval (int) – The interval in ms to update the symbols storage.

      • +
      • editPredictionSimilarityThreshold (int) – The threshold for edit prediction similarity.

      • +
      • minSearchWordLength (int) – The minimum length of the word to be searched.

      • +
      • maxOccurrencesPerWord (int) – The maximum occurrences of a particular search word present in the file.

      • +
      • maxWordsContentMatches (int) – The maximum number of content matches from the client.

      • +
      • editPredictionEnabled (bool) – Whether to enable edit prediction.

      • +
      • snapshotIntervalMs (int) – The interval in ms to snapshot the file for recent file changes.

      • +
      • linesForSnapshot (int) – Limit of max number of lines to snapshot for recent file changes.

      • +
      • embeddingConstants (codellmembeddingconstants) – Embedding constants

      • +
      +
      +
      +
      +
      +max_pending_requests = None
      +
      + +
      +
      +acceptance_delay = None
      +
      + +
      +
      +debounce_delay = None
      +
      + +
      +
      +record_user_action = None
      +
      + +
      +
      +validate_suggestion = None
      +
      + +
      +
      +validation_lines_threshold = None
      +
      + +
      +
      +max_tracked_recent_changes = None
      +
      + +
      +
      +diff_threshold = None
      +
      + +
      +
      +derivative_threshold = None
      +
      + +
      +
      +default_surrounding_lines = None
      +
      + +
      +
      +max_tracked_visit_changes = None
      +
      + +
      +
      +selection_cooldown_ms = None
      +
      + +
      +
      +viewing_cooldown_ms = None
      +
      + +
      +
      +max_lines = None
      +
      + +
      +
      +edit_cooldown_ms = None
      +
      + +
      +
      +scroll_debounce_ms = None
      +
      + +
      +
      +lsp_deadline = None
      +
      + +
      +
      +diagnostics_threshold = None
      +
      + +
      +
      +diagnostic_each_threshold = None
      +
      + +
      +
      +num_vs_code_suggestions = None
      +
      + +
      +
      +min_reindexing_interval = None
      +
      + +
      +
      +min_refresh_summary_interval = None
      +
      + +
      +
      +summary_batch_size = None
      +
      + +
      +
      +job_reorder_interval = None
      +
      + +
      +
      +stop_rapid_changes = None
      +
      + +
      +
      +delay_summary_batches = None
      +
      + +
      +
      +delay_summary_batches_rate_limit = None
      +
      + +
      +
      +max_symbols_fuzzy_match = None
      +
      + +
      +
      +fuzzy_symbol_match_threshold = None
      +
      + +
      +
      +symbols_cache_update_interval = None
      +
      + +
      +
      +symbols_storage_update_interval = None
      +
      + +
      +
      +edit_prediction_similarity_threshold = None
      +
      + +
      +
      +min_search_word_length = None
      +
      + +
      +
      +max_occurrences_per_word = None
      +
      + +
      +
      +max_words_content_matches = None
      +
      + +
      +
      +edit_prediction_enabled = None
      +
      + +
      +
      +snapshot_interval_ms = None
      +
      + +
      +
      +lines_for_snapshot = None
      +
      + +
      +
      +embedding_constants = None
      +
      + +
      +
      +deprecated_keys
      +
      + +
      +
      +__repr__()
      +
      + +
      +
      +to_dict()
      +

      Get a dict representation of the parameters in this class

      +
      +
      Returns:
      +

      The dict value representation of the class parameters

      +
      +
      Return type:
      +

      dict

      +
      +
      +
      + +
      + +
      +
      + + +
      +
      + +
      +
      +
      +
      + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/cpu_gpu_memory_specs/index.html b/docs/autoapi/abacusai/cpu_gpu_memory_specs/index.html index 1bebe330e..8c0bb8bac 100644 --- a/docs/autoapi/abacusai/cpu_gpu_memory_specs/index.html +++ b/docs/autoapi/abacusai/cpu_gpu_memory_specs/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
    • abacusai.app_user_group_sign_in_token
    • abacusai.application_connector
    • abacusai.audio_gen_settings
    • +
    • abacusai.audio_url_result
    • +
    • abacusai.audit_log
    • abacusai.batch_prediction
    • abacusai.batch_prediction_version
    • abacusai.batch_prediction_version_logs
    • @@ -77,18 +79,29 @@
    • abacusai.chat_message
    • abacusai.chat_session
    • abacusai.chatllm_computer
    • +
    • abacusai.chatllm_computer_status
    • +
    • abacusai.chatllm_memory
    • +
    • abacusai.chatllm_project
    • +
    • abacusai.chatllm_project_permissions
    • abacusai.chatllm_referral_invite
    • abacusai.chatllm_task
    • abacusai.client
    • abacusai.code_agent_response
    • +
    • abacusai.code_autocomplete_edit_prediction_response
    • abacusai.code_autocomplete_response
    • abacusai.code_bot
    • abacusai.code_edit
    • abacusai.code_edit_response
    • abacusai.code_edits
    • +
    • abacusai.code_embeddings
    • +
    • abacusai.code_llm_changed_files
    • abacusai.code_source
    • +
    • abacusai.code_suggestion_validation_response
    • +
    • abacusai.code_summary_response
    • +
    • abacusai.codellm_embedding_constants
    • abacusai.compute_point_info
    • abacusai.concatenation_config
    • +
    • abacusai.constants_autocomplete_response
    • abacusai.cpu_gpu_memory_specs
      • Classes
      • Module Contents
      • @@ -96,10 +109,12 @@
      • abacusai.cryptography
      • abacusai.custom_chat_instructions
      • +
      • abacusai.custom_domain
      • abacusai.custom_loss_function
      • abacusai.custom_metric
      • abacusai.custom_metric_version
      • abacusai.custom_train_function_info
      • +
      • abacusai.daemon_task_conversation
      • abacusai.data_consistency_duplication
      • abacusai.data_metrics
      • abacusai.data_prep_logs
      • @@ -113,6 +128,7 @@
      • abacusai.dataset_column
      • abacusai.dataset_version
      • abacusai.dataset_version_logs
      • +
      • abacusai.default_llm
      • abacusai.deployment
      • abacusai.deployment_auth_token
      • abacusai.deployment_conversation
      • @@ -123,6 +139,9 @@
      • abacusai.document_retriever
      • abacusai.document_retriever_lookup_result
      • abacusai.document_retriever_version
      • +
      • abacusai.document_retriever_version_logs
      • +
      • abacusai.domain_purchase_result
      • +
      • abacusai.domain_search_result
      • abacusai.drift_distribution
      • abacusai.drift_distributions
      • abacusai.eda
      • @@ -133,7 +152,9 @@
      • abacusai.eda_feature_collinearity
      • abacusai.eda_forecasting_analysis
      • abacusai.eda_version
      • +
      • abacusai.edit_image_models
      • abacusai.embedding_feature_drift_distribution
      • +
      • abacusai.entri_auth_token
      • abacusai.execute_feature_group_operation
      • abacusai.external_application
      • abacusai.external_invite
      • @@ -160,7 +181,6 @@
      • abacusai.feature_importance
      • abacusai.feature_mapping
      • abacusai.feature_performance_analysis
      • -
      • abacusai.feature_record
      • abacusai.file_connector
      • abacusai.file_connector_instructions
      • abacusai.file_connector_verification
      • @@ -168,20 +188,32 @@
      • abacusai.forecasting_analysis_graph_data
      • abacusai.forecasting_monitor_item_analysis
      • abacusai.forecasting_monitor_summary
      • +
      • abacusai.fs_entry
      • abacusai.function_logs
      • abacusai.generated_pit_feature_config_option
      • abacusai.global_context
      • abacusai.graph_dashboard
      • abacusai.holdout_analysis
      • abacusai.holdout_analysis_version
      • +
      • abacusai.hosted_app
      • +
      • abacusai.hosted_app_container
      • +
      • abacusai.hosted_app_file_read
      • +
      • abacusai.hosted_artifact
      • +
      • abacusai.hosted_database
      • +
      • abacusai.hosted_database_snapshot
      • abacusai.hosted_model_token
      • +
      • abacusai.hostname_info
      • abacusai.hume_voice
      • +
      • abacusai.image_gen_model
      • +
      • abacusai.image_gen_model_options
      • abacusai.image_gen_settings
      • abacusai.indexing_config
      • abacusai.inferred_database_column_to_feature_mappings
      • abacusai.inferred_feature_mappings
      • abacusai.item_statistics
      • +
      • abacusai.lip_sync_gen_settings
      • abacusai.llm_app
      • +
      • abacusai.llm_artifact
      • abacusai.llm_code_block
      • abacusai.llm_execution_preview
      • abacusai.llm_execution_result
      • @@ -189,6 +221,10 @@
      • abacusai.llm_input
      • abacusai.llm_parameters
      • abacusai.llm_response
      • +
      • abacusai.mcp_config
      • +
      • abacusai.mcp_server
      • +
      • abacusai.mcp_server_connection
      • +
      • abacusai.mcp_server_query_result
      • abacusai.memory_options
      • abacusai.messaging_connector_response
      • abacusai.model
      • @@ -243,6 +279,8 @@
      • abacusai.prediction_log_record
      • abacusai.prediction_operator
      • abacusai.prediction_operator_version
      • +
      • abacusai.presentation_export_result
      • +
      • abacusai.private_web_app_deployment
      • abacusai.problem_type
      • abacusai.project
      • abacusai.project_config
      • @@ -259,33 +297,51 @@
      • abacusai.refresh_policy
      • abacusai.refresh_schedule
      • abacusai.regenerate_llm_external_application
      • +
      • abacusai.regenerate_llm_option
      • abacusai.resolved_feature_group_template
      • abacusai.return_class
      • abacusai.routing_action
      • abacusai.schema
      • +
      • abacusai.session_summary
      • +
      • abacusai.session_transcript
      • +
      • abacusai.session_transcripts
      • abacusai.sftp_key
      • abacusai.streaming_auth_token
      • abacusai.streaming_client
      • abacusai.streaming_connector
      • abacusai.streaming_row_count
      • abacusai.streaming_sample_code
      • +
      • abacusai.sts_gen_settings
      • +
      • abacusai.stt_gen_model
      • +
      • abacusai.stt_gen_model_options
      • +
      • abacusai.stt_gen_settings
      • abacusai.template_node_details
      • abacusai.test_point_predictions
      • abacusai.tone_details
      • abacusai.training_config_options
      • +
      • abacusai.tts_gen_settings
      • abacusai.twitter_search_result
      • +
      • abacusai.unified_connector
      • abacusai.upload
      • abacusai.upload_part
      • abacusai.use_case
      • abacusai.use_case_requirements
      • abacusai.user
      • abacusai.user_exception
      • +
      • abacusai.user_group_object_permission
      • +
      • abacusai.video_gen_costs
      • +
      • abacusai.video_gen_model
      • +
      • abacusai.video_gen_model_options
      • abacusai.video_gen_settings
      • abacusai.video_search_result
      • abacusai.voice_gen_details
      • +
      • abacusai.web_app_conversation
      • +
      • abacusai.web_app_deployment_permission_dict
      • +
      • abacusai.web_app_domain
      • abacusai.web_page_response
      • abacusai.web_search_response
      • abacusai.web_search_result
      • +
      • abacusai.web_service_trigger_run
      • abacusai.webhook
      • abacusai.workflow_graph_node_details
      • abacusai.workflow_node_template
      • @@ -348,8 +404,8 @@

        Module ContentsParameters:
        • client (ApiClient) – An authenticated API Client instance

        • -
        • default (int) – the default memory size for the processing unit

        • -
        • data (list) – the list of memory sizes for the processing unit

        • +
        • default (int) – the default memory size for the processing unit

        • +
        • data (list) – the list of memory sizes for the processing unit

        @@ -382,7 +438,7 @@

        Module Contents

        The dict value representation of the class parameters

        Return type:
        -

        dict

        +

        dict

        @@ -396,7 +452,7 @@

        Module Contents - + diff --git a/docs/autoapi/abacusai/cryptography/index.html b/docs/autoapi/abacusai/cryptography/index.html index f239510d7..661492786 100644 --- a/docs/autoapi/abacusai/cryptography/index.html +++ b/docs/autoapi/abacusai/cryptography/index.html @@ -69,6 +69,8 @@
      • abacusai.app_user_group_sign_in_token
      • abacusai.application_connector
      • abacusai.audio_gen_settings
      • +
      • abacusai.audio_url_result
      • +
      • abacusai.audit_log
      • abacusai.batch_prediction
      • abacusai.batch_prediction_version
      • abacusai.batch_prediction_version_logs
      • @@ -77,18 +79,29 @@
      • abacusai.chat_message
      • abacusai.chat_session
      • abacusai.chatllm_computer
      • +
      • abacusai.chatllm_computer_status
      • +
      • abacusai.chatllm_memory
      • +
      • abacusai.chatllm_project
      • +
      • abacusai.chatllm_project_permissions
      • abacusai.chatllm_referral_invite
      • abacusai.chatllm_task
      • abacusai.client
      • abacusai.code_agent_response
      • +
      • abacusai.code_autocomplete_edit_prediction_response
      • abacusai.code_autocomplete_response
      • abacusai.code_bot
      • abacusai.code_edit
      • abacusai.code_edit_response
      • abacusai.code_edits
      • +
      • abacusai.code_embeddings
      • +
      • abacusai.code_llm_changed_files
      • abacusai.code_source
      • +
      • abacusai.code_suggestion_validation_response
      • +
      • abacusai.code_summary_response
      • +
      • abacusai.codellm_embedding_constants
      • abacusai.compute_point_info
      • abacusai.concatenation_config
      • +
      • abacusai.constants_autocomplete_response
      • abacusai.cpu_gpu_memory_specs
      • abacusai.cryptography
      • abacusai.custom_chat_instructions
      • +
      • abacusai.custom_domain
      • abacusai.custom_loss_function
      • abacusai.custom_metric
      • abacusai.custom_metric_version
      • abacusai.custom_train_function_info
      • +
      • abacusai.daemon_task_conversation
      • abacusai.data_consistency_duplication
      • abacusai.data_metrics
      • abacusai.data_prep_logs
      • @@ -113,6 +128,7 @@
      • abacusai.dataset_column
      • abacusai.dataset_version
      • abacusai.dataset_version_logs
      • +
      • abacusai.default_llm
      • abacusai.deployment
      • abacusai.deployment_auth_token
      • abacusai.deployment_conversation
      • @@ -123,6 +139,9 @@
      • abacusai.document_retriever
      • abacusai.document_retriever_lookup_result
      • abacusai.document_retriever_version
      • +
      • abacusai.document_retriever_version_logs
      • +
      • abacusai.domain_purchase_result
      • +
      • abacusai.domain_search_result
      • abacusai.drift_distribution
      • abacusai.drift_distributions
      • abacusai.eda
      • @@ -133,7 +152,9 @@
      • abacusai.eda_feature_collinearity
      • abacusai.eda_forecasting_analysis
      • abacusai.eda_version
      • +
      • abacusai.edit_image_models
      • abacusai.embedding_feature_drift_distribution
      • +
      • abacusai.entri_auth_token
      • abacusai.execute_feature_group_operation
      • abacusai.external_application
      • abacusai.external_invite
      • @@ -160,7 +181,6 @@
      • abacusai.feature_importance
      • abacusai.feature_mapping
      • abacusai.feature_performance_analysis
      • -
      • abacusai.feature_record
      • abacusai.file_connector
      • abacusai.file_connector_instructions
      • abacusai.file_connector_verification
      • @@ -168,20 +188,32 @@
      • abacusai.forecasting_analysis_graph_data
      • abacusai.forecasting_monitor_item_analysis
      • abacusai.forecasting_monitor_summary
      • +
      • abacusai.fs_entry
      • abacusai.function_logs
      • abacusai.generated_pit_feature_config_option
      • abacusai.global_context
      • abacusai.graph_dashboard
      • abacusai.holdout_analysis
      • abacusai.holdout_analysis_version
      • +
      • abacusai.hosted_app
      • +
      • abacusai.hosted_app_container
      • +
      • abacusai.hosted_app_file_read
      • +
      • abacusai.hosted_artifact
      • +
      • abacusai.hosted_database
      • +
      • abacusai.hosted_database_snapshot
      • abacusai.hosted_model_token
      • +
      • abacusai.hostname_info
      • abacusai.hume_voice
      • +
      • abacusai.image_gen_model
      • +
      • abacusai.image_gen_model_options
      • abacusai.image_gen_settings
      • abacusai.indexing_config
      • abacusai.inferred_database_column_to_feature_mappings
      • abacusai.inferred_feature_mappings
      • abacusai.item_statistics
      • +
      • abacusai.lip_sync_gen_settings
      • abacusai.llm_app
      • +
      • abacusai.llm_artifact
      • abacusai.llm_code_block
      • abacusai.llm_execution_preview
      • abacusai.llm_execution_result
      • @@ -189,6 +221,10 @@
      • abacusai.llm_input
      • abacusai.llm_parameters
      • abacusai.llm_response
      • +
      • abacusai.mcp_config
      • +
      • abacusai.mcp_server
      • +
      • abacusai.mcp_server_connection
      • +
      • abacusai.mcp_server_query_result
      • abacusai.memory_options
      • abacusai.messaging_connector_response
      • abacusai.model
      • @@ -243,6 +279,8 @@
      • abacusai.prediction_log_record
      • abacusai.prediction_operator
      • abacusai.prediction_operator_version
      • +
      • abacusai.presentation_export_result
      • +
      • abacusai.private_web_app_deployment
      • abacusai.problem_type
      • abacusai.project
      • abacusai.project_config
      • @@ -259,33 +297,51 @@
      • abacusai.refresh_policy
      • abacusai.refresh_schedule
      • abacusai.regenerate_llm_external_application
      • +
      • abacusai.regenerate_llm_option
      • abacusai.resolved_feature_group_template
      • abacusai.return_class
      • abacusai.routing_action
      • abacusai.schema
      • +
      • abacusai.session_summary
      • +
      • abacusai.session_transcript
      • +
      • abacusai.session_transcripts
      • abacusai.sftp_key
      • abacusai.streaming_auth_token
      • abacusai.streaming_client
      • abacusai.streaming_connector
      • abacusai.streaming_row_count
      • abacusai.streaming_sample_code
      • +
      • abacusai.sts_gen_settings
      • +
      • abacusai.stt_gen_model
      • +
      • abacusai.stt_gen_model_options
      • +
      • abacusai.stt_gen_settings
      • abacusai.template_node_details
      • abacusai.test_point_predictions
      • abacusai.tone_details
      • abacusai.training_config_options
      • +
      • abacusai.tts_gen_settings
      • abacusai.twitter_search_result
      • +
      • abacusai.unified_connector
      • abacusai.upload
      • abacusai.upload_part
      • abacusai.use_case
      • abacusai.use_case_requirements
      • abacusai.user
      • abacusai.user_exception
      • +
      • abacusai.user_group_object_permission
      • +
      • abacusai.video_gen_costs
      • +
      • abacusai.video_gen_model
      • +
      • abacusai.video_gen_model_options
      • abacusai.video_gen_settings
      • abacusai.video_search_result
      • abacusai.voice_gen_details
      • +
      • abacusai.web_app_conversation
      • +
      • abacusai.web_app_deployment_permission_dict
      • +
      • abacusai.web_app_domain
      • abacusai.web_page_response
      • abacusai.web_search_response
      • abacusai.web_search_result
      • +
      • abacusai.web_service_trigger_run
      • abacusai.webhook
      • abacusai.workflow_graph_node_details
      • abacusai.workflow_node_template
      • @@ -348,12 +404,12 @@

        Module Contents
        Raises:
        -

        ValueError – When the signature does not match or an invalid response is supplied

        +

        ValueError – When the signature does not match or an invalid response is supplied

        Parameters:
          -
        • public_key (str)

        • -
        • response (dict)

        • +
        • public_key (str)

        • +
        • response (dict)

        @@ -368,7 +424,7 @@

        Module Contents

        The public key contents

        Return type:
        -

        str

        +

        str

        diff --git a/docs/autoapi/abacusai/custom_chat_instructions/index.html b/docs/autoapi/abacusai/custom_chat_instructions/index.html index 1a9e6b880..f1960c194 100644 --- a/docs/autoapi/abacusai/custom_chat_instructions/index.html +++ b/docs/autoapi/abacusai/custom_chat_instructions/index.html @@ -20,7 +20,7 @@ - + @@ -69,6 +69,8 @@
      • abacusai.app_user_group_sign_in_token
      • abacusai.application_connector
      • abacusai.audio_gen_settings
      • +
      • abacusai.audio_url_result
      • +
      • abacusai.audit_log
      • abacusai.batch_prediction
      • abacusai.batch_prediction_version
      • abacusai.batch_prediction_version_logs
      • @@ -77,18 +79,29 @@
      • abacusai.chat_message
      • abacusai.chat_session
      • abacusai.chatllm_computer
      • +
      • abacusai.chatllm_computer_status
      • +
      • abacusai.chatllm_memory
      • +
      • abacusai.chatllm_project
      • +
      • abacusai.chatllm_project_permissions
      • abacusai.chatllm_referral_invite
      • abacusai.chatllm_task
      • abacusai.client
      • abacusai.code_agent_response
      • +
      • abacusai.code_autocomplete_edit_prediction_response
      • abacusai.code_autocomplete_response
      • abacusai.code_bot
      • abacusai.code_edit
      • abacusai.code_edit_response
      • abacusai.code_edits
      • +
      • abacusai.code_embeddings
      • +
      • abacusai.code_llm_changed_files
      • abacusai.code_source
      • +
      • abacusai.code_suggestion_validation_response
      • +
      • abacusai.code_summary_response
      • +
      • abacusai.codellm_embedding_constants
      • abacusai.compute_point_info
      • abacusai.concatenation_config
      • +
      • abacusai.constants_autocomplete_response
      • abacusai.cpu_gpu_memory_specs
      • abacusai.cryptography
      • abacusai.custom_chat_instructions
      • +
      • abacusai.custom_domain
      • abacusai.custom_loss_function
      • abacusai.custom_metric
      • abacusai.custom_metric_version
      • abacusai.custom_train_function_info
      • +
      • abacusai.daemon_task_conversation
      • abacusai.data_consistency_duplication
      • abacusai.data_metrics
      • abacusai.data_prep_logs
      • @@ -113,6 +128,7 @@
      • abacusai.dataset_column
      • abacusai.dataset_version
      • abacusai.dataset_version_logs
      • +
      • abacusai.default_llm
      • abacusai.deployment
      • abacusai.deployment_auth_token
      • abacusai.deployment_conversation
      • @@ -123,6 +139,9 @@
      • abacusai.document_retriever
      • abacusai.document_retriever_lookup_result
      • abacusai.document_retriever_version
      • +
      • abacusai.document_retriever_version_logs
      • +
      • abacusai.domain_purchase_result
      • +
      • abacusai.domain_search_result
      • abacusai.drift_distribution
      • abacusai.drift_distributions
      • abacusai.eda
      • @@ -133,7 +152,9 @@
      • abacusai.eda_feature_collinearity
      • abacusai.eda_forecasting_analysis
      • abacusai.eda_version
      • +
      • abacusai.edit_image_models
      • abacusai.embedding_feature_drift_distribution
      • +
      • abacusai.entri_auth_token
      • abacusai.execute_feature_group_operation
      • abacusai.external_application
      • abacusai.external_invite
      • @@ -160,7 +181,6 @@
      • abacusai.feature_importance
      • abacusai.feature_mapping
      • abacusai.feature_performance_analysis
      • -
      • abacusai.feature_record
      • abacusai.file_connector
      • abacusai.file_connector_instructions
      • abacusai.file_connector_verification
      • @@ -168,20 +188,32 @@
      • abacusai.forecasting_analysis_graph_data
      • abacusai.forecasting_monitor_item_analysis
      • abacusai.forecasting_monitor_summary
      • +
      • abacusai.fs_entry
      • abacusai.function_logs
      • abacusai.generated_pit_feature_config_option
      • abacusai.global_context
      • abacusai.graph_dashboard
      • abacusai.holdout_analysis
      • abacusai.holdout_analysis_version
      • +
      • abacusai.hosted_app
      • +
      • abacusai.hosted_app_container
      • +
      • abacusai.hosted_app_file_read
      • +
      • abacusai.hosted_artifact
      • +
      • abacusai.hosted_database
      • +
      • abacusai.hosted_database_snapshot
      • abacusai.hosted_model_token
      • +
      • abacusai.hostname_info
      • abacusai.hume_voice
      • +
      • abacusai.image_gen_model
      • +
      • abacusai.image_gen_model_options
      • abacusai.image_gen_settings
      • abacusai.indexing_config
      • abacusai.inferred_database_column_to_feature_mappings
      • abacusai.inferred_feature_mappings
      • abacusai.item_statistics
      • +
      • abacusai.lip_sync_gen_settings
      • abacusai.llm_app
      • +
      • abacusai.llm_artifact
      • abacusai.llm_code_block
      • abacusai.llm_execution_preview
      • abacusai.llm_execution_result
      • @@ -189,6 +221,10 @@
      • abacusai.llm_input
      • abacusai.llm_parameters
      • abacusai.llm_response
      • +
      • abacusai.mcp_config
      • +
      • abacusai.mcp_server
      • +
      • abacusai.mcp_server_connection
      • +
      • abacusai.mcp_server_query_result
      • abacusai.memory_options
      • abacusai.messaging_connector_response
      • abacusai.model
      • @@ -243,6 +279,8 @@
      • abacusai.prediction_log_record
      • abacusai.prediction_operator
      • abacusai.prediction_operator_version
      • +
      • abacusai.presentation_export_result
      • +
      • abacusai.private_web_app_deployment
      • abacusai.problem_type
      • abacusai.project
      • abacusai.project_config
      • @@ -259,33 +297,51 @@
      • abacusai.refresh_policy
      • abacusai.refresh_schedule
      • abacusai.regenerate_llm_external_application
      • +
      • abacusai.regenerate_llm_option
      • abacusai.resolved_feature_group_template
      • abacusai.return_class
      • abacusai.routing_action
      • abacusai.schema
      • +
      • abacusai.session_summary
      • +
      • abacusai.session_transcript
      • +
      • abacusai.session_transcripts
      • abacusai.sftp_key
      • abacusai.streaming_auth_token
      • abacusai.streaming_client
      • abacusai.streaming_connector
      • abacusai.streaming_row_count
      • abacusai.streaming_sample_code
      • +
      • abacusai.sts_gen_settings
      • +
      • abacusai.stt_gen_model
      • +
      • abacusai.stt_gen_model_options
      • +
      • abacusai.stt_gen_settings
      • abacusai.template_node_details
      • abacusai.test_point_predictions
      • abacusai.tone_details
      • abacusai.training_config_options
      • +
      • abacusai.tts_gen_settings
      • abacusai.twitter_search_result
      • +
      • abacusai.unified_connector
      • abacusai.upload
      • abacusai.upload_part
      • abacusai.use_case
      • abacusai.use_case_requirements
      • abacusai.user
      • abacusai.user_exception
      • +
      • abacusai.user_group_object_permission
      • +
      • abacusai.video_gen_costs
      • +
      • abacusai.video_gen_model
      • +
      • abacusai.video_gen_model_options
      • abacusai.video_gen_settings
      • abacusai.video_search_result
      • abacusai.voice_gen_details
      • +
      • abacusai.web_app_conversation
      • +
      • abacusai.web_app_deployment_permission_dict
      • +
      • abacusai.web_app_domain
      • abacusai.web_page_response
      • abacusai.web_search_response
      • abacusai.web_search_result
      • +
      • abacusai.web_service_trigger_run
      • abacusai.webhook
      • abacusai.workflow_graph_node_details
      • abacusai.workflow_node_template
      • @@ -341,20 +397,21 @@

        Classes

        Module Contents

        -class abacusai.custom_chat_instructions.CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, experimentalFeatures=None)
        +class abacusai.custom_chat_instructions.CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, enableMemories=None, experimentalFeatures=None)

        Bases: abacusai.return_class.AbstractApiClass

        Custom Chat Instructions

        Parameters:
        • client (ApiClient) – An authenticated API Client instance

        • -
        • userInformationInstructions (str) – The behavior instructions for the chat.

        • -
        • responseInstructions (str) – The response instructions for the chat.

        • -
        • enableCodeExecution (bool) – Whether or not code execution is enabled.

        • -
        • enableImageGeneration (bool) – Whether or not image generation is enabled.

        • -
        • enableWebSearch (bool) – Whether or not web search is enabled.

        • -
        • enablePlayground (bool) – Whether or not playground is enabled.

        • -
        • experimentalFeatures (dict) – Experimental features.

        • +
        • userInformationInstructions (str) – The behavior instructions for the chat.

        • +
        • responseInstructions (str) – The response instructions for the chat.

        • +
        • enableCodeExecution (bool) – Whether or not code execution is enabled.

        • +
        • enableImageGeneration (bool) – Whether or not image generation is enabled.

        • +
        • enableWebSearch (bool) – Whether or not web search is enabled.

        • +
        • enablePlayground (bool) – Whether or not playground is enabled.

        • +
        • enableMemories (bool) – Whether or not memories are enabled.

        • +
        • experimentalFeatures (dict) – Experimental features.

        @@ -388,6 +445,11 @@

        Module Contentsenable_playground = None

        +
        +
        +enable_memories = None
        +
        +
        experimental_features = None
        @@ -412,7 +474,7 @@

        Module Contents

        The dict value representation of the class parameters

        Return type:
        -

        dict

        +

        dict

        @@ -427,7 +489,7 @@

        Module Contents - +
        diff --git a/docs/autoapi/abacusai/custom_domain/index.html b/docs/autoapi/abacusai/custom_domain/index.html new file mode 100644 index 000000000..50d4c5766 --- /dev/null +++ b/docs/autoapi/abacusai/custom_domain/index.html @@ -0,0 +1,494 @@ + + + + + + + + + abacusai.custom_domain — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
        + + +
        + +
        +
        +
        + +
        +
        +
        +
        + +
        +

        abacusai.custom_domain

        +
        +

        Classes

        + + + + + + +

        CustomDomain

        Result of adding a custom domain to a hosted app

        +
        +
        +

        Module Contents

        +
        +
        +class abacusai.custom_domain.CustomDomain(client, status=None, message=None, expectedNameservers=None, currentNameservers=None)
        +

        Bases: abacusai.return_class.AbstractApiClass

        +

        Result of adding a custom domain to a hosted app

        +
        +
        Parameters:
        +
          +
        • client (ApiClient) – An authenticated API Client instance

        • +
        • status (bool) – Whether the custom domain was added successfully

        • +
        • message (str) – The message from the custom domain

        • +
        • expectedNameservers (list) – The expected nameservers for the custom domain

        • +
        • currentNameservers (list) – The current nameservers for the custom domain

        • +
        +
        +
        +
        +
        +status = None
        +
        + +
        +
        +message = None
        +
        + +
        +
        +expected_nameservers = None
        +
        + +
        +
        +current_nameservers = None
        +
        + +
        +
        +deprecated_keys
        +
        + +
        +
        +__repr__()
        +
        + +
        +
        +to_dict()
        +

        Get a dict representation of the parameters in this class

        +
        +
        Returns:
        +

        The dict value representation of the class parameters

        +
        +
        Return type:
        +

        dict

        +
        +
        +
        + +
        + +
        +
        + + +
        +
        + +
        +
        +
        +
        + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/custom_loss_function/index.html b/docs/autoapi/abacusai/custom_loss_function/index.html index 472774d30..2f8d7e5a5 100644 --- a/docs/autoapi/abacusai/custom_loss_function/index.html +++ b/docs/autoapi/abacusai/custom_loss_function/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
      • abacusai.app_user_group_sign_in_token
      • abacusai.application_connector
      • abacusai.audio_gen_settings
      • +
      • abacusai.audio_url_result
      • +
      • abacusai.audit_log
      • abacusai.batch_prediction
      • abacusai.batch_prediction_version
      • abacusai.batch_prediction_version_logs
      • @@ -77,21 +79,33 @@
      • abacusai.chat_message
      • abacusai.chat_session
      • abacusai.chatllm_computer
      • +
      • abacusai.chatllm_computer_status
      • +
      • abacusai.chatllm_memory
      • +
      • abacusai.chatllm_project
      • +
      • abacusai.chatllm_project_permissions
      • abacusai.chatllm_referral_invite
      • abacusai.chatllm_task
      • abacusai.client
      • abacusai.code_agent_response
      • +
      • abacusai.code_autocomplete_edit_prediction_response
      • abacusai.code_autocomplete_response
      • abacusai.code_bot
      • abacusai.code_edit
      • abacusai.code_edit_response
      • abacusai.code_edits
      • +
      • abacusai.code_embeddings
      • +
      • abacusai.code_llm_changed_files
      • abacusai.code_source
      • +
      • abacusai.code_suggestion_validation_response
      • +
      • abacusai.code_summary_response
      • +
      • abacusai.codellm_embedding_constants
      • abacusai.compute_point_info
      • abacusai.concatenation_config
      • +
      • abacusai.constants_autocomplete_response
      • abacusai.cpu_gpu_memory_specs
      • abacusai.cryptography
      • abacusai.custom_chat_instructions
      • +
      • abacusai.custom_domain
      • abacusai.custom_loss_function
      • OutputVariableMapping
      • FeatureGroupExportConfig
          @@ -2395,6 +2620,8 @@
        • ApiEndpoint.llm_endpoint
        • ApiEndpoint.external_chat_endpoint
        • ApiEndpoint.dashboard_endpoint
        • +
        • ApiEndpoint.hosting_domain
        • +
        • ApiEndpoint.public_hosting_domain
        • ApiEndpoint.deprecated_keys
        • ApiEndpoint.__repr__()
        • ApiEndpoint.to_dict()
        • @@ -2424,6 +2651,7 @@
        • AppUserGroup.has_external_application_reporting
        • AppUserGroup.is_external_service_group
        • AppUserGroup.external_service_group_id
        • +
        • AppUserGroup.creation_source
        • AppUserGroup.users
        • AppUserGroup.deprecated_keys
        • AppUserGroup.__repr__()
        • @@ -2440,6 +2668,7 @@
        • ApplicationConnector
          • ApplicationConnector.application_connector_id
          • ApplicationConnector.service
          • +
          • ApplicationConnector.service_name
          • ApplicationConnector.name
          • ApplicationConnector.created_at
          • ApplicationConnector.status
          • @@ -2455,11 +2684,33 @@
          • AudioGenSettings
          • +
          • AudioUrlResult +
          • +
          • AuditLog +
          • BatchPrediction
          • +
          • ChatllmComputerStatus +
          • +
          • ChatllmMemory +
          • +
          • ChatllmProject +
          • +
          • ChatllmProjectPermissions +
          • ChatllmReferralInvite
            • ChatllmReferralInvite.user_already_exists
            • ChatllmReferralInvite.successful_invites
            • @@ -2651,14 +2944,24 @@
            • ChatllmTask
              • ChatllmTask.chatllm_task_id
              • +
              • ChatllmTask.daemon_task_id
              • +
              • ChatllmTask.task_type
              • ChatllmTask.name
              • ChatllmTask.instructions
              • +
              • ChatllmTask.description
              • ChatllmTask.lifecycle
              • ChatllmTask.schedule_info
              • ChatllmTask.external_application_id
              • ChatllmTask.deployment_conversation_id
              • +
              • ChatllmTask.source_deployment_conversation_id
              • ChatllmTask.enable_email_alerts
              • ChatllmTask.email
              • +
              • ChatllmTask.num_unread_task_instances
              • +
              • ChatllmTask.compute_points_used
              • +
              • ChatllmTask.display_markdown
              • +
              • ChatllmTask.requires_new_conversation
              • +
              • ChatllmTask.execution_mode
              • +
              • ChatllmTask.task_definition
              • ChatllmTask.deprecated_keys
              • ChatllmTask.__repr__()
              • ChatllmTask.to_dict()
              • @@ -2675,6 +2978,8 @@
              • ApiClient
              • ApiException
              • +
              • ToolResponse
              • _request_context
              • CodeAgentResponse
              • +
              • CodeAutocompleteEditPredictionResponse +
              • CodeAutocompleteResponse
              • +
              • CodeEmbeddings +
              • +
              • CodeLlmChangedFiles +
              • CodeSource
              • +
              • CodeSuggestionValidationResponse +
              • +
              • CodeSummaryResponse +
              • +
              • CodellmEmbeddingConstants +
              • ComputePointInfo
              • +
              • ConstantsAutocompleteResponse +
              • CpuGpuMemorySpecs
              • +
              • CustomDomain +
              • CustomLossFunction
              • +
              • DaemonTaskConversation +
              • DataConsistencyDuplication
              • DatabaseConnectorColumn
              • +
              • DefaultLlm +
              • Deployment
              • +
              • DocumentRetrieverVersionLogs +
              • +
              • DomainPurchaseResult +
              • +
              • DomainSearchResult +
              • DriftDistribution
              • +
              • EditImageModels +
              • EmbeddingFeatureDriftDistribution
              • +
              • EntriAuthToken +
              • ExecuteFeatureGroupOperation
              • -
              • FeatureRecord -
              • FileConnector
              • +
              • FsEntry +
              • FunctionLogs
              • +
              • HostedApp +
              • +
              • HostedAppContainer +
              • +
              • HostedAppFileRead +
              • +
              • HostedArtifact +
              • +
              • HostedDatabase +
              • +
              • HostedDatabaseSnapshot +
              • HostedModelToken
              • +
              • HostnameInfo +
              • HumeVoice
              • +
              • ImageGenModel +
              • +
              • ImageGenModelOptions +
              • ImageGenSettings
              • +
              • LipSyncGenSettings +
              • LlmApp
              • +
              • LlmArtifact +
              • LlmCodeBlock
              • +
              • McpConfig +
              • +
              • McpServer +
              • +
              • McpServerConnection +
              • +
              • McpServerQueryResult +
              • MemoryOptions
              • -
              • ProblemType
                  +
                • PresentationExportResult +
                • +
                • PrivateWebAppDeployment +
                • +
                • ProblemType
                  • ProblemType.problem_type
                  • ProblemType.required_feature_group_type
                  • ProblemType.optional_feature_group_types
                  • @@ -5907,6 +6673,7 @@
                  • Project.set_feature_mapping()
                  • Project.validate()
                  • Project.infer_feature_mappings()
                  • +
                  • Project.add_scope_for_user()
                  • Project.describe_feature_group()
                  • Project.list_feature_groups()
                  • Project.list_feature_group_templates()
                  • @@ -6049,6 +6816,8 @@
                  • PythonFunction.package_requirements
                  • PythonFunction.description
                  • PythonFunction.examples
                  • +
                  • PythonFunction.connectors
                  • +
                  • PythonFunction.configurations
                  • PythonFunction.code_source
                  • PythonFunction.deprecated_keys
                  • PythonFunction.__repr__()
                  • @@ -6170,12 +6939,22 @@
                  • RegenerateLlmExternalApplication
                  • +
                  • RegenerateLlmOption +
                  • ResolvedFeatureGroupTemplate
                  • +
                  • SessionSummary +
                  • +
                  • SessionTranscript +
                  • +
                  • SessionTranscripts +
                  • SftpKey
                  • +
                  • StsGenSettings +
                  • +
                  • SttGenModel +
                  • +
                  • SttGenModelOptions +
                  • +
                  • SttGenSettings +
                  • TemplateNodeDetails
                  • +
                  • TtsGenSettings +
                  • TwitterSearchResult
                  • +
                  • UnifiedConnector +
                  • Upload
                  • User
                  • +
                  • UserGroupObjectPermission +
                  • +
                  • VideoGenCosts +
                  • +
                  • VideoGenModel +
                  • +
                  • VideoGenModelOptions +
                  • VideoGenSettings
                  • +
                  • WebAppConversation +
                  • +
                  • WebAppDeploymentPermissionDict +
                  • +
                  • WebAppDomain +
                  • WebPageResponse
                  • +
                  • WebServiceTriggerRun +
                  • Webhook
                    • Webhook.webhook_id
                    • Webhook.deployment_id
                    • @@ -6486,6 +7436,7 @@
                    • WorkflowGraphNodeDetails
                      • WorkflowGraphNodeDetails.package_requirements
                      • +
                      • WorkflowGraphNodeDetails.connectors
                      • WorkflowGraphNodeDetails.workflow_graph_node
                      • WorkflowGraphNodeDetails.deprecated_keys
                      • WorkflowGraphNodeDetails.__repr__()
                      • @@ -6569,6 +7520,8 @@

                        Submodulesabacusai.app_user_group_sign_in_token
                      • abacusai.application_connector
                      • abacusai.audio_gen_settings
                      • +
                      • abacusai.audio_url_result
                      • +
                      • abacusai.audit_log
                      • abacusai.batch_prediction
                      • abacusai.batch_prediction_version
                      • abacusai.batch_prediction_version_logs
                      • @@ -6577,25 +7530,38 @@

                        Submodulesabacusai.chat_message
                      • abacusai.chat_session
                      • abacusai.chatllm_computer
                      • +
                      • abacusai.chatllm_computer_status
                      • +
                      • abacusai.chatllm_memory
                      • +
                      • abacusai.chatllm_project
                      • +
                      • abacusai.chatllm_project_permissions
                      • abacusai.chatllm_referral_invite
                      • abacusai.chatllm_task
                      • abacusai.client
                      • abacusai.code_agent_response
                      • +
                      • abacusai.code_autocomplete_edit_prediction_response
                      • abacusai.code_autocomplete_response
                      • abacusai.code_bot
                      • abacusai.code_edit
                      • abacusai.code_edit_response
                      • abacusai.code_edits
                      • +
                      • abacusai.code_embeddings
                      • +
                      • abacusai.code_llm_changed_files
                      • abacusai.code_source
                      • +
                      • abacusai.code_suggestion_validation_response
                      • +
                      • abacusai.code_summary_response
                      • +
                      • abacusai.codellm_embedding_constants
                      • abacusai.compute_point_info
                      • abacusai.concatenation_config
                      • +
                      • abacusai.constants_autocomplete_response
                      • abacusai.cpu_gpu_memory_specs
                      • abacusai.cryptography
                      • abacusai.custom_chat_instructions
                      • +
                      • abacusai.custom_domain
                      • abacusai.custom_loss_function
                      • abacusai.custom_metric
                      • abacusai.custom_metric_version
                      • abacusai.custom_train_function_info
                      • +
                      • abacusai.daemon_task_conversation
                      • abacusai.data_consistency_duplication
                      • abacusai.data_metrics
                      • abacusai.data_prep_logs
                      • @@ -6609,6 +7575,7 @@

                        Submodulesabacusai.dataset_column
                      • abacusai.dataset_version
                      • abacusai.dataset_version_logs
                      • +
                      • abacusai.default_llm
                      • abacusai.deployment
                      • abacusai.deployment_auth_token
                      • abacusai.deployment_conversation
                      • @@ -6619,6 +7586,9 @@

                        Submodulesabacusai.document_retriever
                      • abacusai.document_retriever_lookup_result
                      • abacusai.document_retriever_version
                      • +
                      • abacusai.document_retriever_version_logs
                      • +
                      • abacusai.domain_purchase_result
                      • +
                      • abacusai.domain_search_result
                      • abacusai.drift_distribution
                      • abacusai.drift_distributions
                      • abacusai.eda
                      • @@ -6629,7 +7599,9 @@

                        Submodulesabacusai.eda_feature_collinearity
                      • abacusai.eda_forecasting_analysis
                      • abacusai.eda_version
                      • +
                      • abacusai.edit_image_models
                      • abacusai.embedding_feature_drift_distribution
                      • +
                      • abacusai.entri_auth_token
                      • abacusai.execute_feature_group_operation
                      • abacusai.external_application
                      • abacusai.external_invite
                      • @@ -6656,7 +7628,6 @@

                        Submodulesabacusai.feature_importance
                      • abacusai.feature_mapping
                      • abacusai.feature_performance_analysis
                      • -
                      • abacusai.feature_record
                      • abacusai.file_connector
                      • abacusai.file_connector_instructions
                      • abacusai.file_connector_verification
                      • @@ -6664,20 +7635,32 @@

                        Submodulesabacusai.forecasting_analysis_graph_data
                      • abacusai.forecasting_monitor_item_analysis
                      • abacusai.forecasting_monitor_summary
                      • +
                      • abacusai.fs_entry
                      • abacusai.function_logs
                      • abacusai.generated_pit_feature_config_option
                      • abacusai.global_context
                      • abacusai.graph_dashboard
                      • abacusai.holdout_analysis
                      • abacusai.holdout_analysis_version
                      • +
                      • abacusai.hosted_app
                      • +
                      • abacusai.hosted_app_container
                      • +
                      • abacusai.hosted_app_file_read
                      • +
                      • abacusai.hosted_artifact
                      • +
                      • abacusai.hosted_database
                      • +
                      • abacusai.hosted_database_snapshot
                      • abacusai.hosted_model_token
                      • +
                      • abacusai.hostname_info
                      • abacusai.hume_voice
                      • +
                      • abacusai.image_gen_model
                      • +
                      • abacusai.image_gen_model_options
                      • abacusai.image_gen_settings
                      • abacusai.indexing_config
                      • abacusai.inferred_database_column_to_feature_mappings
                      • abacusai.inferred_feature_mappings
                      • abacusai.item_statistics
                      • +
                      • abacusai.lip_sync_gen_settings
                      • abacusai.llm_app
                      • +
                      • abacusai.llm_artifact
                      • abacusai.llm_code_block
                      • abacusai.llm_execution_preview
                      • abacusai.llm_execution_result
                      • @@ -6685,6 +7668,10 @@

                        Submodulesabacusai.llm_input
                      • abacusai.llm_parameters
                      • abacusai.llm_response
                      • +
                      • abacusai.mcp_config
                      • +
                      • abacusai.mcp_server
                      • +
                      • abacusai.mcp_server_connection
                      • +
                      • abacusai.mcp_server_query_result
                      • abacusai.memory_options
                      • abacusai.messaging_connector_response
                      • abacusai.model
                      • @@ -6739,6 +7726,8 @@

                        Submodulesabacusai.prediction_log_record
                      • abacusai.prediction_operator
                      • abacusai.prediction_operator_version
                      • +
                      • abacusai.presentation_export_result
                      • +
                      • abacusai.private_web_app_deployment
                      • abacusai.problem_type
                      • abacusai.project
                      • abacusai.project_config
                      • @@ -6755,33 +7744,51 @@

                        Submodulesabacusai.refresh_policy
                      • abacusai.refresh_schedule
                      • abacusai.regenerate_llm_external_application
                      • +
                      • abacusai.regenerate_llm_option
                      • abacusai.resolved_feature_group_template
                      • abacusai.return_class
                      • abacusai.routing_action
                      • abacusai.schema
                      • +
                      • abacusai.session_summary
                      • +
                      • abacusai.session_transcript
                      • +
                      • abacusai.session_transcripts
                      • abacusai.sftp_key
                      • abacusai.streaming_auth_token
                      • abacusai.streaming_client
                      • abacusai.streaming_connector
                      • abacusai.streaming_row_count
                      • abacusai.streaming_sample_code
                      • +
                      • abacusai.sts_gen_settings
                      • +
                      • abacusai.stt_gen_model
                      • +
                      • abacusai.stt_gen_model_options
                      • +
                      • abacusai.stt_gen_settings
                      • abacusai.template_node_details
                      • abacusai.test_point_predictions
                      • abacusai.tone_details
                      • abacusai.training_config_options
                      • +
                      • abacusai.tts_gen_settings
                      • abacusai.twitter_search_result
                      • +
                      • abacusai.unified_connector
                      • abacusai.upload
                      • abacusai.upload_part
                      • abacusai.use_case
                      • abacusai.use_case_requirements
                      • abacusai.user
                      • abacusai.user_exception
                      • +
                      • abacusai.user_group_object_permission
                      • +
                      • abacusai.video_gen_costs
                      • +
                      • abacusai.video_gen_model
                      • +
                      • abacusai.video_gen_model_options
                      • abacusai.video_gen_settings
                      • abacusai.video_search_result
                      • abacusai.voice_gen_details
                      • +
                      • abacusai.web_app_conversation
                      • +
                      • abacusai.web_app_deployment_permission_dict
                      • +
                      • abacusai.web_app_domain
                      • abacusai.web_page_response
                      • abacusai.web_search_response
                      • abacusai.web_search_result
                      • +
                      • abacusai.web_service_trigger_run
                      • abacusai.webhook
                      • abacusai.workflow_graph_node_details
                      • abacusai.workflow_node_template
                      • @@ -6792,16 +7799,19 @@

                        Submodules

                        - + + + + - + - + - + @@ -6893,143 +7903,161 @@

                        Classes

                        - + + + + + + + + + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + + + + + + + + + + - + @@ -7059,7 +8087,7 @@

                        Classes

                        - + @@ -7070,7 +8098,7 @@

                        Classes

                        - + @@ -7256,6 +8284,12 @@

                        Classes

                        + + + + + + @@ -7322,282 +8356,330 @@

                        Classes

                        - + + + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - + + - + - + - - + + - + - + - + - + - + - + - + - - + + - + - + - + - + - + - - + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + + + + + + + - + - + - + - + - + - + - + - + + + + + + + + + + + + + - + - + - + - + - + + + + - + + + + - + - + - + - + - + + + + + + + + + + + + + + + + - + + + + - + + + + @@ -7610,45 +8692,51 @@

                        Classes

                        - + + + + - + - + - + - + - + - + - + - + - + - + - + - + + + + @@ -7679,120 +8767,132 @@

                        Classes

                        - + + + + + + + + + + - + - + - + - + - + - + - + - + - + + + + - + + + + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - + - - - @@ -7814,27 +8914,57 @@

                        Classes

                        - + + + + - + - + - + - + - + + + + + + + + + + + + + + + + + + + + + + + + + + + + @@ -7850,9 +8980,15 @@

                        Classes

                        - + + + + + + + @@ -7874,6 +9010,18 @@

                        Classes

                        + + + + + + + + + + + + @@ -8036,7 +9184,13 @@

                        Classes

                        - + + + + + + + @@ -8081,15 +9235,27 @@

                        Classes

                        - + + + + - + - + + + + + + + + + + @@ -8108,6 +9274,18 @@

                        Classes

                        + + + + + + + + + + + + @@ -8120,9 +9298,15 @@

                        Classes

                        - + + + + + + + @@ -8136,11 +9320,23 @@

                        Classes

                        - + + + + + + + + + + + + + @@ -8150,15 +9346,27 @@

                        Classes

                        - + + + + + + + + + + - + - + + + + @@ -8201,9 +9409,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • method (str) – The name of of the API method.

                        • -
                        • docstring (str) – The docstring of the API method.

                        • -
                        • score (str) – The relevance score of the API method.

                        • +
                        • method (str) – The name of of the API method.

                        • +
                        • docstring (str) – The docstring of the API method.

                        • +
                        • score (str) – The relevance score of the API method.

                        @@ -8241,7 +9449,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8257,14 +9465,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • addressLine1 (str) – The first line of the address

                        • -
                        • addressLine2 (str) – The second line of the address

                        • -
                        • city (str) – The city

                        • -
                        • stateOrProvince (str) – The state or province

                        • -
                        • postalCode (str) – The postal code

                        • -
                        • country (str) – The country

                        • -
                        • additionalInfo (str) – Additional information for invoice

                        • -
                        • includeReverseCharge (bool) – Whether the organization needs the reverse charge mechanism applied to invoices.

                        • +
                        • addressLine1 (str) – The first line of the address

                        • +
                        • addressLine2 (str) – The second line of the address

                        • +
                        • city (str) – The city

                        • +
                        • stateOrProvince (str) – The state or province

                        • +
                        • postalCode (str) – The postal code

                        • +
                        • country (str) – The country

                        • +
                        • additionalInfo (str) – Additional information for invoice

                        • +
                        • includeReverseCharge (bool) – Whether the organization needs the reverse charge mechanism applied to invoices.

                        @@ -8327,7 +9535,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8343,17 +9551,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The user-friendly name for the agent.

                        • -
                        • agentId (str) – The unique identifier of the agent.

                        • -
                        • createdAt (str) – Date and time at which the agent was created.

                        • -
                        • projectId (str) – The project this agent belongs to.

                        • -
                        • notebookId (str) – The notebook associated with the agent.

                        • -
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through agent. It is not executed when this function is run.

                        • -
                        • sourceCode (str) – Python code used to make the agent.

                        • -
                        • agentConfig (dict) – The config options used to create this agent.

                        • -
                        • memory (int) – Memory in GB specified for the deployment resources for the agent.

                        • -
                        • trainingRequired (bool) – Whether training is required to deploy the latest agent code.

                        • -
                        • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

                        • +
                        • name (str) – The user-friendly name for the agent.

                        • +
                        • agentId (str) – The unique identifier of the agent.

                        • +
                        • createdAt (str) – Date and time at which the agent was created.

                        • +
                        • projectId (str) – The project this agent belongs to.

                        • +
                        • notebookId (str) – The notebook associated with the agent.

                        • +
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through agent. It is not executed when this function is run.

                        • +
                        • sourceCode (str) – Python code used to make the agent.

                        • +
                        • agentConfig (dict) – The config options used to create this agent.

                        • +
                        • memory (int) – Memory in GB specified for the deployment resources for the agent.

                        • +
                        • trainingRequired (bool) – Whether training is required to deploy the latest agent code.

                        • +
                        • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

                        • latestAgentVersion (AgentVersion) – The latest agent version.

                        • codeSource (CodeSource) – If a python model, information on the source code

                        • draftWorkflowGraph (WorkflowGraph) – The saved draft state of the workflow graph for the agent.

                        • @@ -8455,7 +9663,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8480,7 +9688,7 @@

                        Package Contents
                        Parameters:
                        -

                        agent_id (str) – Unique string identifier associated with the model.

                        +

                        agent_id (str) – Unique string identifier associated with the model.

                        Returns:

                        Description of the agent.

                        @@ -8498,15 +9706,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – If provided, limits the number of agent versions returned.

                        • -
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        • +
                        • limit (int) – If provided, limits the number of agent versions returned.

                        • +
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        Returns:

                        An array of Agent versions.

                        Return type:
                        -

                        list[AgentVersion]

                        +

                        list[AgentVersion]

                        @@ -8517,7 +9725,7 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Project id to create the new agent to. By default it picks up the source agent’s project id.

                        +

                        project_id (str) – Project id to create the new agent to. By default it picks up the source agent’s project id.

                        Returns:

                        The newly generated agent.

                        @@ -8530,33 +9738,33 @@

                        Package Contents
                        -property description: str
                        +property description: str

                        The description of the agent.

                        Return type:
                        -

                        str

                        +

                        str

                        -property agent_interface: str
                        +property agent_interface: str

                        The interface that the agent will be deployed with.

                        Return type:
                        -

                        str

                        +

                        str

                        -property agent_connectors: dict
                        +property agent_connectors: dict

                        A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific application connector, while the value is a list of scopes that define the permissions granted to the application.

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8567,7 +9775,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -8581,7 +9789,7 @@

                        Package Contents

                        A string describing the status of a agent publishing (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -8611,14 +9819,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • role (str) – The role of the message sender

                        • -
                        • text (list[dict]) – A list of text segments for the message

                        • -
                        • docIds (list[str]) – A list of IDs of the uploaded document if the message has

                        • -
                        • keywordArguments (dict) – User message only. A dictionary of keyword arguments used to generate response.

                        • -
                        • segments (list[dict]) – A list of segments for the message

                        • -
                        • streamedData (str) – The streamed data for the message

                        • -
                        • streamedSectionData (list) – A list of streamed section data for the message

                        • -
                        • agentWorkflowNodeId (str) – The workflow node name associated with the agent response.

                        • +
                        • role (str) – The role of the message sender

                        • +
                        • text (list[dict]) – A list of text segments for the message

                        • +
                        • docIds (list[str]) – A list of IDs of the uploaded document if the message has

                        • +
                        • keywordArguments (dict) – User message only. A dictionary of keyword arguments used to generate response.

                        • +
                        • segments (list[dict]) – A list of segments for the message

                        • +
                        • streamedData (str) – The streamed data for the message

                        • +
                        • streamedSectionData (list) – A list of streamed section data for the message

                        • +
                        • agentWorkflowNodeId (str) – The workflow node name associated with the agent response.

                        @@ -8681,7 +9889,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8725,7 +9933,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8741,11 +9949,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • docId (str) – The docstore Document ID of the document.

                        • -
                        • filename (str) – The file name of the uploaded document.

                        • -
                        • mimeType (str) – The mime type of the uploaded document.

                        • -
                        • size (int) – The total size of the uploaded document.

                        • -
                        • pageCount (int) – The total number of pages in the uploaded document.

                        • +
                        • docId (str) – The docstore Document ID of the document.

                        • +
                        • filename (str) – The file name of the uploaded document.

                        • +
                        • mimeType (str) – The mime type of the uploaded document.

                        • +
                        • size (int) – The total size of the uploaded document.

                        • +
                        • pageCount (int) – The total number of pages in the uploaded document.

                        @@ -8793,7 +10001,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8809,7 +10017,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • response (str) – The result of agent conversation execution.

                        • +
                        • response (str) – The result of agent conversation execution.

                        • deploymentConversationId (id) – The unique identifier of the deployment conversation.

                        • docInfos (AgentDataDocumentInfo) – A list of dict containing information on documents uploaded to agent.

                        @@ -8849,7 +10057,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8865,16 +10073,16 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • agentVersion (str) – The unique identifier of an agent version.

                        • -
                        • status (str) – The current status of the model.

                        • -
                        • agentId (str) – A reference to the agent this version belongs to.

                        • -
                        • agentConfig (dict) – The config options used to create this agent.

                        • -
                        • publishingStartedAt (str) – The start time and date of the training process in ISO-8601 format.

                        • -
                        • publishingCompletedAt (str) – The end time and date of the training process in ISO-8601 format.

                        • -
                        • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

                        • -
                        • failedDeploymentIds (list) – List of failed deployment IDs.

                        • -
                        • error (str) – Relevant error if the status is FAILED.

                        • -
                        • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

                        • +
                        • agentVersion (str) – The unique identifier of an agent version.

                        • +
                        • status (str) – The current status of the model.

                        • +
                        • agentId (str) – A reference to the agent this version belongs to.

                        • +
                        • agentConfig (dict) – The config options used to create this agent.

                        • +
                        • publishingStartedAt (str) – The start time and date of the training process in ISO-8601 format.

                        • +
                        • publishingCompletedAt (str) – The end time and date of the training process in ISO-8601 format.

                        • +
                        • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

                        • +
                        • failedDeploymentIds (list) – List of failed deployment IDs.

                        • +
                        • error (str) – Relevant error if the status is FAILED.

                        • +
                        • agentExecutionConfig (dict) – The config for arguments used to execute the agent.

                        • codeSource (CodeSource) – If a python model, information on where the source code is located.

                        • workflowGraph (WorkflowGraph) – The workflow graph for the agent.

                        @@ -8959,7 +10167,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -8984,7 +10192,7 @@

                        Package Contents
                        Parameters:
                        -

                        agent_version (str) – Unique string identifier of the agent version.

                        +

                        agent_version (str) – Unique string identifier of the agent version.

                        Returns:

                        A agent version.

                        @@ -9001,7 +10209,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -9015,7 +10223,7 @@

                        Package Contents

                        A string describing the status of a model training (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -9031,8 +10239,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • task (str) – The task to be performed

                        • -
                        • taskType (str) – The type of task

                        • +
                        • task (str) – The task to be performed

                        • +
                        • taskType (str) – The type of task

                        @@ -9065,7 +10273,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -9081,21 +10289,21 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the algorithm

                        • -
                        • problemType (str) – The type of the problem this algorithm will work on

                        • -
                        • createdAt (str) – When the algorithm was created

                        • -
                        • updatedAt (str) – When the algorithm was last updated

                        • -
                        • isDefaultEnabled (bool) – Whether train with the algorithm by default

                        • -
                        • trainingInputMappings (dict) – The mappings for train function parameters’ names, e.g. names for training data, name for training config

                        • -
                        • trainFunctionName (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run.

                        • -
                        • predictManyFunctionName (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • -
                        • initializeFunctionName (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • -
                        • configOptions (dict) – Map dataset types and configs to train function parameter names

                        • -
                        • algorithmId (str) – The unique identifier of the algorithm

                        • -
                        • useGpu (bool) – Whether to use gpu for model training

                        • -
                        • algorithmTrainingConfig (dict) – The algorithm specific training config

                        • -
                        • onlyOfflineDeployable (bool) – Whether or not the algorithm is only allowed to be deployed offline

                        • +
                        • name (str) – The name of the algorithm

                        • +
                        • problemType (str) – The type of the problem this algorithm will work on

                        • +
                        • createdAt (str) – When the algorithm was created

                        • +
                        • updatedAt (str) – When the algorithm was last updated

                        • +
                        • isDefaultEnabled (bool) – Whether train with the algorithm by default

                        • +
                        • trainingInputMappings (dict) – The mappings for train function parameters’ names, e.g. names for training data, name for training config

                        • +
                        • trainFunctionName (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run.

                        • +
                        • predictManyFunctionName (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • +
                        • initializeFunctionName (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • +
                        • configOptions (dict) – Map dataset types and configs to train function parameter names

                        • +
                        • algorithmId (str) – The unique identifier of the algorithm

                        • +
                        • useGpu (bool) – Whether to use gpu for model training

                        • +
                        • algorithmTrainingConfig (dict) – The algorithm specific training config

                        • +
                        • onlyOfflineDeployable (bool) – Whether or not the algorithm is only allowed to be deployed offline

                        • codeSource (CodeSource) – Info about the source code of the algorithm

                        @@ -9199,7 +10407,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -9215,10 +10423,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • annotationType (str) – A name determining the type of annotation and how to interpret the annotation value data, e.g. as a label, bounding box, etc.

                        • -
                        • annotationValue (dict) – JSON-compatible value of the annotation. The format of the value is determined by the annotation type.

                        • -
                        • comments (dict) – Comments about the annotation. This is a dictionary of feature name to the corresponding comment.

                        • -
                        • metadata (dict) – Metadata about the annotation.

                        • +
                        • annotationType (str) – A name determining the type of annotation and how to interpret the annotation value data, e.g. as a label, bounding box, etc.

                        • +
                        • annotationValue (dict) – JSON-compatible value of the annotation. The format of the value is determined by the annotation type.

                        • +
                        • comments (dict) – Comments about the annotation. This is a dictionary of feature name to the corresponding comment.

                        • +
                        • metadata (dict) – Metadata about the annotation.

                        @@ -9261,7 +10469,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -9277,11 +10485,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureAnnotationConfigs (list) – List of feature annotation configs

                        • -
                        • labels (list) – List of labels

                        • -
                        • statusFeature (str) – Name of the feature that contains the status of the annotation (Optional)

                        • -
                        • commentsFeatures (list) – Features that contain comments for the annotation (Optional)

                        • -
                        • metadataFeature (str) – Name of the feature that contains the metadata for the annotation (Optional)

                        • +
                        • featureAnnotationConfigs (list) – List of feature annotation configs

                        • +
                        • labels (list) – List of labels

                        • +
                        • statusFeature (str) – Name of the feature that contains the status of the annotation (Optional)

                        • +
                        • commentsFeatures (list) – Features that contain comments for the annotation (Optional)

                        • +
                        • metadataFeature (str) – Name of the feature that contains the metadata for the annotation (Optional)

                        @@ -9329,7 +10537,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -9345,11 +10553,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • docId (str) – The docstore Document ID of the document.

                        • -
                        • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on. Usually the primary key value.

                        • -
                        • featureGroupRowIndex (int) – The index of the document row in the feature group.

                        • -
                        • totalRows (int) – The total number of rows in the feature group.

                        • -
                        • isAnnotationPresent (bool) – Whether the document already has an annotation. Returns None if feature group is not under annotations review mode.

                        • +
                        • docId (str) – The docstore Document ID of the document.

                        • +
                        • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on. Usually the primary key value.

                        • +
                        • featureGroupRowIndex (int) – The index of the document row in the feature group.

                        • +
                        • totalRows (int) – The total number of rows in the feature group.

                        • +
                        • isAnnotationPresent (bool) – Whether the document already has an annotation. Returns None if feature group is not under annotations review mode.

                        @@ -9397,7 +10605,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -9413,15 +10621,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – The ID of the feature group this annotation belongs to.

                        • -
                        • featureName (str) – name of the feature this annotation is on.

                        • -
                        • docId (str) – The ID of the primary document the annotation is on.

                        • -
                        • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value.

                        • -
                        • updatedAt (str) – Most recent time the annotation entry was modified, e.g. creation or update time.

                        • -
                        • annotationEntryMarker (str) – The entry marker for the annotation.

                        • -
                        • status (str) – The status of labeling the document.

                        • -
                        • lockedUntil (str) – The time until which the document is locked for editing, in ISO-8601 format.

                        • -
                        • verificationInfo (dict) – The verification info for the annotation.

                        • +
                        • featureGroupId (str) – The ID of the feature group this annotation belongs to.

                        • +
                        • featureName (str) – name of the feature this annotation is on.

                        • +
                        • docId (str) – The ID of the primary document the annotation is on.

                        • +
                        • featureGroupRowIdentifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value.

                        • +
                        • updatedAt (str) – Most recent time the annotation entry was modified, e.g. creation or update time.

                        • +
                        • annotationEntryMarker (str) – The entry marker for the annotation.

                        • +
                        • status (str) – The status of labeling the document.

                        • +
                        • lockedUntil (str) – The time until which the document is locked for editing, in ISO-8601 format.

                        • +
                        • verificationInfo (dict) – The verification info for the annotation.

                        • annotation (Annotation) – json-compatible structure holding the type and value of the annotation.

                        @@ -9495,7 +10703,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -9511,12 +10719,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • total (int) – The total number of documents annotated

                        • -
                        • done (int) – The number of documents annotated

                        • -
                        • inProgress (int) – The number of documents currently being annotated

                        • -
                        • todo (int) – The number of documents that need to be annotated

                        • -
                        • latestUpdatedAt (str) – The latest time an annotation was updated (ISO-8601 format)

                        • -
                        • isMaterializationNeeded (bool) – Whether feature group needs to be materialized before using for annotations

                        • +
                        • total (int) – The total number of documents annotated

                        • +
                        • done (int) – The number of documents annotated

                        • +
                        • inProgress (int) – The number of documents currently being annotated

                        • +
                        • todo (int) – The number of documents that need to be annotated

                        • +
                        • latestUpdatedAt (str) – The latest time an annotation was updated (ISO-8601 format)

                        • +
                        • isMaterializationNeeded (bool) – Whether feature group needs to be materialized before using for annotations

                        • latestMaterializedAnnotationConfig (AnnotationConfig) – The annotation config corresponding to the latest materialized feature group

                        @@ -9575,7 +10783,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -9585,17 +10793,17 @@

                        Package Contents
                        class abacusai.ApiClass
                        -

                        Bases: abc.ABC

                        +

                        Bases: abc.ABC

                        Helper class that provides a standard way to create an ABC using inheritance.

                        -_upper_snake_case_keys: bool = False
                        +_upper_snake_case_keys: bool = False
                        -_support_kwargs: bool = False
                        +_support_kwargs: bool = False
                        @@ -9623,7 +10831,7 @@

                        Package Contents__getitem__(item)
                        Parameters:
                        -

                        item (str)

                        +

                        item (str)

                        @@ -9634,7 +10842,7 @@

                        Package Contents
                        Parameters:
                        @@ -9646,7 +10854,7 @@

                        Package Contents_unset_item(item)
                        Parameters:
                        -

                        item (str)

                        +

                        item (str)

                        @@ -9657,7 +10865,7 @@

                        Package Contents
                        Parameters:
                        @@ -9670,7 +10878,7 @@

                        Package Contents
                        Parameters:
                        @@ -9690,7 +10898,7 @@

                        Package Contentsclassmethod from_dict(input_dict)
                        Parameters:
                        -

                        input_dict (dict)

                        +

                        input_dict (dict)

                        @@ -9712,9 +10920,14 @@

                        Package Contentsabacusai.validate_constructor_arg_types(friendly_class_name=None)
                        +
                        +
                        +abacusai.MIN_AGENT_SLEEP_TIME = 300
                        +
                        +
                        -abacusai.validate_input_dict_param(dict_object, friendly_class_name, must_contain=[])
                        +abacusai.validate_input_dict_param(dict_object, friendly_class_name, must_contain=[], schema={})
                        @@ -9725,26 +10938,26 @@

                        Package Contents
                        Parameters:
                          -
                        • field (str) – The field to be extracted. This will be used as the key in the response.

                        • -
                        • description (str) – The description of this field. If not included, the response_field will be used.

                        • -
                        • example_extraction (Union[str, int, bool, float]) – An example of this extracted field.

                        • +
                        • field (str) – The field to be extracted. This will be used as the key in the response.

                        • +
                        • description (str) – The description of this field. If not included, the response_field will be used.

                        • +
                        • example_extraction (Union[str, int, bool, float]) – An example of this extracted field.

                        • type (FieldDescriptorType) – The type of this field. If not provided, the default type is STRING.

                        -field: str
                        +field: str
                        -description: str = None
                        +description: str = None
                        -example_extraction: str | int | bool | float | list | dict = None
                        +example_extraction: str | int | bool | float | list | dict = None
                        @@ -9762,7 +10975,7 @@

                        Package Contentsclassmethod from_fields_list(fields_list)
                        Parameters:
                        -

                        fields_list (List[str])

                        +

                        fields_list (List[str])

                        @@ -9772,7 +10985,7 @@

                        Package Contentsclassmethod to_fields_list(json_schema)
                        Return type:
                        -

                        List[str]

                        +

                        List[str]

                        @@ -9787,21 +11000,22 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the input variable of the node function.

                        • -
                        • variable_type (Union[WorkflowNodeInputType, str]) – The type of the input. If the type is IGNORE, the input will be ignored.

                        • -
                        • variable_source (str) – The name of the node this variable is sourced from. +

                        • name (str) – The name of the input variable of the node function.

                        • +
                        • variable_type (Union[WorkflowNodeInputType, str]) – The type of the input. If the type is IGNORE, the input will be ignored.

                        • +
                        • variable_source (str) – The name of the node this variable is sourced from. If the type is WORKFLOW_VARIABLE, the value given by the source node will be directly used. If the type is USER_INPUT, the value given by the source node will be used as the default initial value before the user edits it. Set to None if the type is USER_INPUT and the variable doesn’t need a pre-filled initial value.

                        • -
                        • is_required (bool) – Indicates whether the input is required. Defaults to True.

                        • -
                        • description (str) – The description of this input.

                        • -
                        • constant_value (str) – The constant value of this input if variable type is CONSTANT. Only applicable for template nodes.

                        • +
                        • is_required (bool) – Indicates whether the input is required. Defaults to True.

                        • +
                        • description (str) – The description of this input.

                        • +
                        • long_description (str) – The detailed description of this input.

                        • +
                        • constant_value (str) – The constant value of this input if variable type is CONSTANT. Only applicable for template nodes.

                        -name: str
                        +name: str
                        @@ -9811,27 +11025,32 @@

                        Package Contents
                        -variable_source: str = None
                        +variable_source: str = None

                        -source_prop: str = None
                        +source_prop: str = None
                        -is_required: bool = True
                        +is_required: bool = True
                        -description: str = None
                        +description: str = None +
                        + +
                        +
                        +long_description: str = None
                        -constant_value: str = None
                        +constant_value: str = None
                        @@ -9842,17 +11061,14 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +
                        classmethod from_dict(mapping)
                        Parameters:
                        -

                        mapping (dict)

                        +

                        mapping (dict)

                        @@ -9868,50 +11084,47 @@

                        Package Contents
                        Parameters:
                          -
                        • json_schema (dict) – The JSON schema for the input, conformant to react-jsonschema-form specification. Must define keys like “title”, “type”, and “properties”. Supported elements include Checkbox, Radio Button, Dropdown, Textarea, Number, Date, and file upload. Nested elements, arrays, and other complex types are not supported.

                        • -
                        • ui_schema (dict) – The UI schema for the input, conformant to react-jsonschema-form specification.

                        • +
                        • json_schema (dict) – The JSON schema for the input, conformant to react-jsonschema-form specification. Must define keys like “title”, “type”, and “properties”. Supported elements include Checkbox, Radio Button, Dropdown, Textarea, Number, Date, and file upload. Nested elements, arrays, and other complex types are not supported.

                        • +
                        • ui_schema (dict) – The UI schema for the input, conformant to react-jsonschema-form specification.

                        -json_schema: dict
                        +json_schema: dict
                        -ui_schema: dict
                        +ui_schema: dict
                        -schema_source: str = None
                        +schema_source: str = None
                        -schema_prop: str = None
                        +schema_prop: str = None
                        -runtime_schema: bool = False
                        +runtime_schema: bool = False
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +
                        classmethod from_dict(schema)
                        Parameters:
                        -

                        schema (dict)

                        +

                        schema (dict)

                        @@ -9923,8 +11136,8 @@

                        Package Contents
                        Parameters:
                          -
                        • schema_source (str) – The name of the source WorkflowGraphNode.

                        • -
                        • schema_prop (str) – The name of the input schema parameter which source node outputs.

                        • +
                        • schema_source (str) – The name of the source WorkflowGraphNode.

                        • +
                        • schema_prop (str) – The name of the input schema parameter which source node outputs.

                        @@ -9941,6 +11154,17 @@

                        Package Contents +
                        +classmethod from_tool_variable_mappings(tool_variable_mappings)
                        +

                        Creates a WorkflowNodeInputSchema for the given tool variable mappings.

                        +
                        +
                        Parameters:
                        +

                        tool_variable_mappings (List[dict]) – The tool variable mappings for the node.

                        +
                        +
                        +
                        +

                        @@ -9951,25 +11175,31 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the output.

                        • -
                        • variable_type (Union[WorkflowNodeOutputType, str]) – The type of the output in the form of an enum or a string.

                        • -
                        • description (str) – The description of this output.

                        • +
                        • name (str) – The name of the output.

                        • +
                        • variable_type (Union[WorkflowNodeOutputType, str]) – The type of the output in the form of an enum or a string.

                        • +
                        • description (str) – The description of this output.

                        • +
                        • long_description (str) – The detailed description of this output.

                        -name: str
                        +name: str
                        -variable_type: abacusai.api_class.enums.WorkflowNodeOutputType | str
                        +variable_type: abacusai.api_class.enums.WorkflowNodeOutputType | str
                        -description: str = None
                        +description: str = None +
                        + +
                        +
                        +long_description: str = None
                        @@ -9980,17 +11210,14 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +
                        classmethod from_dict(mapping)
                        Parameters:
                        -

                        mapping (dict)

                        +

                        mapping (dict)

                        @@ -10004,28 +11231,25 @@

                        Package Contents
                        Parameters:
                        -

                        json_schema (dict) – The JSON schema for the output, conformant to react-jsonschema-form specification.

                        +

                        json_schema (dict) – The JSON schema for the output, conformant to react-jsonschema-form specification.

                        -json_schema: dict
                        +json_schema: dict
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +
                        classmethod from_dict(schema)
                        Parameters:
                        -

                        schema (dict)

                        +

                        schema (dict)

                        @@ -10039,28 +11263,25 @@

                        Package Contents
                        Parameters:
                        -

                        sleep_time (int) – The time in seconds to wait before the node gets executed again.

                        +

                        sleep_time (int) – The time in seconds to wait before the node gets executed again.

                        -sleep_time: int = None
                        +sleep_time: int = None
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +
                        classmethod from_dict(configs)
                        Parameters:
                        -

                        configs (dict)

                        +

                        configs (dict)

                        @@ -10069,21 +11290,22 @@

                        Package Contents
                        -class abacusai.WorkflowGraphNode(name, function=None, input_mappings=None, output_mappings=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None)
                        +class abacusai.WorkflowGraphNode(name, function=None, input_mappings=None, output_mappings=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None, description=None)

                        Bases: abacusai.api_class.abstract.ApiClass

                        Represents a node in an Agent workflow graph.

                        Parameters:
                          -
                        • name (str) – A unique name for the workflow node.

                        • +
                        • name (str) – A unique name for the workflow node.

                        • input_mappings (List[WorkflowNodeInputMapping]) – List of input mappings for the node. Each arg/kwarg of the node function should have a corresponding input mapping.

                        • -
                        • output_mappings (List[WorkflowNodeOutputMapping]) – List of output mappings for the node. Each field in the returned dict/AgentResponse must have a corresponding output mapping.

                        • +
                        • output_mappings (List[str]) – List of outputs for the node. Each field in the returned dict/AgentResponse must have a corresponding output in the list.

                        • function (callable) – The callable node function reference.

                        • -
                        • input_schema (WorkflowNodeInputSchema) – The react json schema for the user input variables.

                        • -
                        • output_schema (WorkflowNodeOutputSchema) – The react json schema for the output to be shown on UI.

                        • -
                        • function_name (str)

                        • -
                        • source_code (str)

                        • -
                        • template_metadata (dict)

                        • +
                        • input_schema (WorkflowNodeInputSchema) – The react json schema for the user input variables. This should be empty for CHAT interface.

                        • +
                        • output_schema (List[str]) – The list of outputs to be shown on UI. Each output corresponds to a field in the output mappings of the node.

                        • +
                        • description (str) – A description of the workflow node.

                        • +
                        • function_name (str)

                        • +
                        • source_code (str)

                        • +
                        • template_metadata (dict)

                        • trigger_config (TriggerConfig)

                        @@ -10094,6 +11316,19 @@

                        Package Contents +
                        +classmethod is_special_node_type()
                        +

                        Returns True if this node type skips source code validation.

                        +

                        Special node types (like InputNode and LLMAgentNode) are executed +directly without source code validation.

                        +
                        +
                        Return type:
                        +

                        bool

                        +
                        +
                        +

                        +
                        template_metadata = None
                        @@ -10104,22 +11339,33 @@

                        Package Contentstrigger_config = None

                        +
                        +
                        +node_type = 'workflow_node'
                        +
                        + +
                        +
                        +description = None
                        +
                        +
                        -classmethod _raw_init(name, input_mappings=None, output_mappings=None, function=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None)
                        +classmethod _raw_init(name, input_mappings=None, output_mappings=None, function=None, function_name=None, source_code=None, input_schema=None, output_schema=None, template_metadata=None, trigger_config=None, description=None)
                        Parameters:
                        @@ -10131,13 +11377,51 @@

                        Package Contents
                        Parameters:
                        +
                        +

                        +
                        + +
                        +
                        +classmethod from_tool(tool_name, name, configs=None, input_mappings=None, input_schema=None, output_schema=None)
                        +

                        Creates and returns a WorkflowGraphNode based on an available user created tool. +Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error.

                        +
                        +
                        Parameters:
                        +
                          +
                        • tool_name (str) – The name of the tool. There should already be a tool created in the platform with tool_name.

                        • +
                        • name (str) – The name to assign to the WorkflowGraphNode instance.

                        • +
                        • configs (optional) – The configuration state of the tool to use (if necessary). If not specified, will use the tool’s default configuration.

                        • +
                        • input_mappings (optional) – The WorkflowNodeInputMappings for this node.

                        • +
                        • input_schema (optional) – The WorkflowNodeInputSchema for this node.

                        • +
                        • output_schema (optional) – The WorkflowNodeOutputSchema for this node.

                        • +
                        +
                        +
                        +
                        + +
                        +
                        +classmethod from_system_tool(tool_name, name, configs=None, input_mappings=None, input_schema=None, output_schema=None)
                        +

                        Creates and returns a WorkflowGraphNode based on the name of an available system tool. +Note: DO NOT specify the output mapping for the tool; it will be inferred automatically. Doing so will raise an error.

                        +
                        +
                        Parameters:
                        +
                          +
                        • tool_name (str) – The name of the tool. There should already be a tool created in the platform with tool_name.

                        • +
                        • name (str) – The name to assign to the WorkflowGraphNode instance.

                        • +
                        • configs (optional) – The configuration state of the tool to use (if necessary). If not specified, will use the tool’s default configuration.

                        • +
                        • input_mappings (optional) – The WorkflowNodeInputMappings for this node.

                        • +
                        • input_schema (optional) – The WorkflowNodeInputSchema for this node.

                        • +
                        • output_schema (optional) – The WorkflowNodeOutputSchema for this node.

                        @@ -10146,10 +11430,7 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +
                        @@ -10166,7 +11447,7 @@

                        Package Contentsclassmethod from_dict(node)

                        Parameters:
                        -

                        node (dict)

                        +

                        node (dict)

                        @@ -10208,6 +11489,311 @@

                        Package Contents +
                        +class abacusai.DecisionNode(name, condition, input_mappings, description=None)
                        +

                        Bases: WorkflowGraphNode

                        +

                        Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed.

                        +
                        +
                        Parameters:
                        +
                        +
                        +
                        +
                        +
                        +node_type = 'decision_node'
                        +
                        + +
                        +
                        +name
                        +
                        + +
                        +
                        +source_code
                        +
                        + +
                        +
                        +description = None
                        +
                        + +
                        +
                        +output_mappings
                        +
                        + +
                        +
                        +template_metadata = None
                        +
                        + +
                        +
                        +trigger_config = None
                        +
                        + +
                        +
                        +input_schema = None
                        +
                        + +
                        +
                        +output_schema = None
                        +
                        + +
                        +
                        +function_name = None
                        +
                        + +
                        +
                        +to_dict()
                        +
                        + +
                        +
                        +classmethod from_dict(node)
                        +
                        +
                        Parameters:
                        +

                        node (dict)

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.LLMAgentNode(name, chatbot_deployment_id=None, chatbot_parameters=None, input_schema=None, output_schema=None)
                        +

                        Bases: WorkflowGraphNode

                        +

                        Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters.

                        +
                        +
                        Parameters:
                        +
                          +
                        • name (str) – A unique name for the LLM agent node.

                        • +
                        • chatbot_deployment_id (str) – The deployment ID of the chatbot to use for this node. If not provided, a new chatbot will be created.

                        • +
                        • chatbot_parameters (dict) – Parameters for configuring the chatbot, such as data_feature_group_ids and document_retrievers.

                        • +
                        • uid (str) – A unique identifier for the LLM agent node. If not provided, a unique ID will be auto-generated.

                        • +
                        • input_schema (WorkflowNodeInputSchema)

                        • +
                        • output_schema (WorkflowNodeOutputSchema)

                        • +
                        +
                        +
                        +
                        +
                        +name: str
                        +
                        + +
                        +
                        +chatbot_deployment_id: str = None
                        +
                        + +
                        +
                        +chatbot_parameters: dict
                        +
                        + +
                        +
                        +uid: str = None
                        +
                        + +
                        +
                        +classmethod is_special_node_type()
                        +

                        LLM agent nodes skip source code validation.

                        +
                        +
                        Return type:
                        +

                        bool

                        +
                        +
                        +
                        + +
                        +
                        +node_type = 'llm_agent_node'
                        +
                        + +
                        +
                        +source_code = None
                        +
                        + +
                        +
                        +get_source_code()
                        +
                        + +
                        +
                        +get_function_name()
                        +
                        + +
                        +
                        +to_dict()
                        +
                        + +
                        +
                        +classmethod from_dict(node)
                        +
                        +
                        Parameters:
                        +

                        node (dict)

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.InputNode(name, input_mappings=None, output_mappings=None, input_schema=None, output_schema=None, description=None, function_name=None, source_code=None, uid=None)
                        +

                        Bases: WorkflowGraphNode

                        +

                        Represents an input node in an agent workflow graph.

                        +

                        Accepts multiple user inputs (text and file) and processes them into a single combined text output. +File inputs are processed using OCR/document extraction when applicable.

                        +
                        +
                        Parameters:
                        +
                          +
                        • name (str) – The name of the input node.

                        • +
                        • input_mappings (Union[Dict[str, WorkflowNodeInputMapping], List[WorkflowNodeInputMapping]]) – The input mappings for the input node. If not provided, defaults to a text_input and file_input.

                        • +
                        • output_mappings (Union[List[str], Dict[str, str], List[WorkflowNodeOutputMapping]]) – The output mappings for the input node. If not provided, defaults to a single ‘answer’ output.

                        • +
                        • input_schema (WorkflowNodeInputSchema) – The input schema for the input node. If not provided, will be generated from input_mappings.

                        • +
                        • output_schema (WorkflowNodeOutputSchema) – The output schema for the input node. If not provided, will be generated from output_mappings.

                        • +
                        • description (str) – The description of the input node.

                        • +
                        • uid (str) – A unique identifier for the input node. Auto-generated if not provided.

                        • +
                        • function_name (str)

                        • +
                        • source_code (str)

                        • +
                        +
                        +
                        +
                        +
                        +name: str
                        +
                        + +
                        +
                        +input_mappings: Dict[str, WorkflowNodeInputMapping] | List[WorkflowNodeInputMapping] = None
                        +
                        + +
                        +
                        +output_mappings: List[str] | Dict[str, str] | List[WorkflowNodeOutputMapping] = None
                        +
                        + +
                        +
                        +input_schema: WorkflowNodeInputSchema = None
                        +
                        + +
                        +
                        +output_schema: WorkflowNodeOutputSchema = None
                        +
                        + +
                        +
                        +description: str = None
                        +
                        + +
                        +
                        +uid: str = None
                        +
                        + +
                        +
                        +classmethod is_special_node_type()
                        +

                        Input nodes skip source code validation.

                        +
                        +
                        Return type:
                        +

                        bool

                        +
                        +
                        +
                        + +
                        +
                        +static _mark_file_inputs_in_schema(input_schema)
                        +

                        Mark file inputs in the schema based on format and ui:widget indicators.

                        +
                        +
                        Parameters:
                        +

                        input_schema (WorkflowNodeInputSchema)

                        +
                        +
                        Return type:
                        +

                        None

                        +
                        +
                        +
                        + +
                        +
                        +node_type = 'input_node'
                        +
                        + +
                        +
                        +source_code = None
                        +
                        + +
                        +
                        +template_metadata = None
                        +
                        + +
                        +
                        +trigger_config = None
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Return snake_case keys to match return filter expectations. +(The base ApiClass.to_dict() camelCases keys, which causes the +WorkflowGraphNodeDetails return filter to miss fields.)

                        +
                        + +
                        +
                        +classmethod from_dict(node)
                        +
                        +
                        Parameters:
                        +

                        node (dict)

                        +
                        +
                        +
                        + +
                        +
                        +get_function_name()
                        +
                        + +
                        +
                        +get_source_code()
                        +

                        Return the stored source code, if any.

                        +
                        + +
                        +
                        +get_input_schema()
                        +
                        + +
                        +
                        class abacusai.WorkflowGraphEdge(source, target, details=None)
                        @@ -10218,25 +11804,25 @@

                        Package Contents
                        Parameters:
                          -
                        • source (str) – The name of the source node of the edge.

                        • -
                        • target (str) – The name of the target node of the edge.

                        • -
                        • details (dict) – Additional details about the edge. Like the condition for edge execution.

                        • +
                        • source (str) – The name of the source node of the edge.

                        • +
                        • target (str) – The name of the target node of the edge.

                        • +
                        • details (dict) – Additional details about the edge. Like the condition for edge execution.

                        -source: str | WorkflowGraphNode
                        +source: str | WorkflowGraphNode
                        -target: str | WorkflowGraphNode
                        +target: str | WorkflowGraphNode
                        -details: dict
                        +details: dict
                        @@ -10244,6 +11830,16 @@

                        Package Contentsto_nx_edge()

                        +
                        +
                        +classmethod from_dict(input_dict)
                        +
                        +
                        Parameters:
                        +

                        input_dict (dict)

                        +
                        +
                        +
                        +
                        @@ -10251,40 +11847,38 @@

                        Package Contentsclass abacusai.WorkflowGraph

                        Bases: abacusai.api_class.abstract.ApiClass

                        Represents an Agent workflow graph.

                        -

                        The edges define the node invocation order.

                        Parameters:
                          -
                        • nodes (List[WorkflowGraphNode]) – A list of nodes in the workflow graph.

                        • -
                        • edges (List[WorkflowGraphEdge]) – A list of edges in the workflow graph, where each edge is a tuple of source, target, and details.

                        • -
                        • primary_start_node (Union[str, WorkflowGraphNode]) – The primary node to start the workflow from.

                        • -
                        • common_source_code (str) – Common source code that can be used across all nodes.

                        • +
                        • nodes (List[Union[WorkflowGraphNode, DecisionNode, LLMAgentNode]]) – A list of nodes in the workflow graph.

                        • +
                        • primary_start_node (Union[str, WorkflowGraphNode, LLMAgentNode]) – The primary node to start the workflow from.

                        • +
                        • common_source_code (str) – Common source code that can be used across all nodes.

                        -nodes: List[WorkflowGraphNode] = []
                        +nodes: List[WorkflowGraphNode | DecisionNode | LLMAgentNode] = []
                        -edges: List[WorkflowGraphEdge | Tuple[WorkflowGraphNode, WorkflowGraphNode, dict] | Tuple[str, str, dict]] = []
                        +edges: List[WorkflowGraphEdge | Tuple[WorkflowGraphNode, WorkflowGraphNode, dict] | Tuple[str, str, dict]] = []
                        -primary_start_node: str | WorkflowGraphNode = None
                        +primary_start_node: str | WorkflowGraphNode | LLMAgentNode = None
                        -common_source_code: str = None
                        +common_source_code: str = None
                        -specification_type: str = 'data_flow'
                        +specification_type: str = 'data_flow'
                        @@ -10295,17 +11889,14 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +

                        classmethod from_dict(graph)
                        Parameters:
                        -

                        graph (dict)

                        +

                        graph (dict)

                        @@ -10320,34 +11911,31 @@

                        Package Contents
                        Parameters:
                          -
                        • is_user (bool) – Whether the message is from the user.

                        • -
                        • text (str) – The message’s text.

                        • -
                        • document_contents (dict) – Dict of document name to document text in case of any document present.

                        • +
                        • is_user (bool) – Whether the message is from the user.

                        • +
                        • text (str) – The message’s text.

                        • +
                        • document_contents (dict) – Dict of document name to document text in case of any document present.

                        -is_user: bool = None
                        +is_user: bool = None
                        -text: str = None
                        +text: str = None
                        -document_contents: dict = None
                        +document_contents: dict = None
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +
                        @@ -10359,47 +11947,44 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – A unique name of the config.

                        • -
                        • description (str) – The description of this config.

                        • -
                        • default_value (str) – Default value of the config to be used if value is not provided during node initialization.

                        • -
                        • is_required (bool) – Indicates whether the config is required. Defaults to False.

                        • +
                        • name (str) – A unique name of the config.

                        • +
                        • description (str) – The description of this config.

                        • +
                        • default_value (str) – Default value of the config to be used if value is not provided during node initialization.

                        • +
                        • is_required (bool) – Indicates whether the config is required. Defaults to False.

                        -name: str
                        +name: str
                        -description: str = None
                        +description: str = None
                        -default_value: str = None
                        +default_value: str = None
                        -is_required: bool = False
                        +is_required: bool = False
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +
                        classmethod from_dict(mapping)
                        Parameters:
                        -

                        mapping (dict)

                        +

                        mapping (dict)

                        @@ -10414,41 +11999,44 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – A unique name of the input.

                        • -
                        • is_required (bool) – Indicates whether the input is required. Defaults to False.

                        • -
                        • description (str) – The description of this input.

                        • +
                        • name (str) – A unique name of the input.

                        • +
                        • is_required (bool) – Indicates whether the input is required. Defaults to False.

                        • +
                        • description (str) – The description of this input.

                        • +
                        • long_description (str) – The detailed description of this input.

                        -name: str
                        +name: str
                        -is_required: bool = False
                        +is_required: bool = False
                        -description: str = ''
                        +description: str = '' +
                        + +
                        +
                        +long_description: str = ''
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +
                        classmethod from_dict(mapping)
                        Parameters:
                        -

                        mapping (dict)

                        +

                        mapping (dict)

                        @@ -10463,15 +12051,16 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the output.

                        • +
                        • name (str) – The name of the output.

                        • variable_type (WorkflowNodeOutputType) – The type of the output.

                        • -
                        • description (str) – The description of this output.

                        • +
                        • description (str) – The description of this output.

                        • +
                        • long_description (str) – The detailed description of this output.

                        -name: str
                        +name: str
                        @@ -10481,23 +12070,25 @@

                        Package Contents
                        -description: str = ''
                        +description: str = '' +

                        + +
                        +
                        +long_description: str = ''
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +
                        classmethod from_dict(mapping)
                        Parameters:
                        -

                        mapping (dict)

                        +

                        mapping (dict)

                        @@ -10512,29 +12103,29 @@

                        Package Contents
                        Parameters:
                          -
                        • prompt (str) – The prompt to send to Data Science Co-Pilot

                        • -
                        • title (str) – A short, descriptive title for the prompt. If not provided, one will be automatically generated.

                        • +
                        • prompt (str) – The prompt to send to Data Science Co-Pilot

                        • +
                        • title (str) – A short, descriptive title for the prompt. If not provided, one will be automatically generated.

                        -prompt: str
                        +prompt: str
                        -title: str = None
                        +title: str = None
                        -disable_problem_type_context: bool = True
                        +disable_problem_type_context: bool = True
                        -ignore_history: bool = None
                        +ignore_history: bool = None
                        @@ -10542,7 +12133,7 @@

                        Package Contents
                        class abacusai._ApiClassFactory
                        -

                        Bases: abc.ABC

                        +

                        Bases: abc.ABC

                        Helper class that provides a standard way to create an ABC using inheritance.

                        @@ -10565,7 +12156,7 @@

                        Package Contentsclassmethod from_dict(config)
                        Parameters:
                        -

                        config (dict)

                        +

                        config (dict)

                        Return type:

                        ApiClass

                        @@ -10582,12 +12173,12 @@

                        Package Contents
                        -_support_kwargs: bool = True
                        +_support_kwargs: bool = True

                        -kwargs: dict
                        +kwargs: dict
                        @@ -10610,55 +12201,55 @@

                        Package Contents
                        Parameters:
                          -
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

                        • -
                        • predictions_start_date (str) – The start date for predictions. Accepts timestamp integers and strings in many standard formats such as YYYY-MM-DD, YYYY-MM-DD HH:MM:SS, or YYYY-MM-DDTHH:MM:SS. If not specified, the prediction start date will be automatically defined.

                        • -
                        • use_prediction_offset (bool) – If True, use prediction offset.

                        • -
                        • start_date_offset (int) – Sets prediction start date as this offset relative to the prediction start date.

                        • -
                        • forecasting_horizon (int) – The number of timestamps to predict in the future. Range: [1, 1000].

                        • -
                        • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

                        • -
                        • explain_predictions (bool) – If True, calculates explanations for the forecasted values along with predictions.

                        • -
                        • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

                        • +
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

                        • +
                        • predictions_start_date (str) – The start date for predictions. Accepts timestamp integers and strings in many standard formats such as YYYY-MM-DD, YYYY-MM-DD HH:MM:SS, or YYYY-MM-DDTHH:MM:SS. If not specified, the prediction start date will be automatically defined.

                        • +
                        • use_prediction_offset (bool) – If True, use prediction offset.

                        • +
                        • start_date_offset (int) – Sets prediction start date as this offset relative to the prediction start date.

                        • +
                        • forecasting_horizon (int) – The number of timestamps to predict in the future. Range: [1, 1000].

                        • +
                        • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

                        • +
                        • explain_predictions (bool) – If True, calculates explanations for the forecasted values along with predictions.

                        • +
                        • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

                        -for_eval: bool = None
                        +for_eval: bool = None
                        -predictions_start_date: str = None
                        +predictions_start_date: str = None
                        -use_prediction_offset: bool = None
                        +use_prediction_offset: bool = None
                        -start_date_offset: int = None
                        +start_date_offset: int = None
                        -forecasting_horizon: int = None
                        +forecasting_horizon: int = None
                        -item_attributes_to_include_in_the_result: list = None
                        +item_attributes_to_include_in_the_result: list = None
                        -explain_predictions: bool = None
                        +explain_predictions: bool = None
                        -create_monitor: bool = None
                        +create_monitor: bool = None
                        @@ -10675,12 +12266,12 @@

                        Package Contents
                        Parameters:
                        -

                        for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        +

                        for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        -for_eval: bool = None
                        +for_eval: bool = None
                        @@ -10698,31 +12289,31 @@

                        Package Contents
                        Parameters:
                          -
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • -
                        • number_of_items (int) – Number of items to recommend.

                        • -
                        • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

                        • -
                        • score_field (str) – If specified, relative item scores will be returned using a field with this name

                        • +
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • +
                        • number_of_items (int) – Number of items to recommend.

                        • +
                        • item_attributes_to_include_in_the_result (list) – List of columns to include in the prediction output.

                        • +
                        • score_field (str) – If specified, relative item scores will be returned using a field with this name

                        -for_eval: bool = None
                        +for_eval: bool = None
                        -number_of_items: int = None
                        +number_of_items: int = None
                        -item_attributes_to_include_in_the_result: list = None
                        +item_attributes_to_include_in_the_result: list = None
                        -score_field: str = None
                        +score_field: str = None
                        @@ -10740,24 +12331,24 @@

                        Package Contents
                        Parameters:
                          -
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • +
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • explainer_type (enums.ExplainerType) – The type of explainer to use to generate explanations on the batch prediction.

                        • -
                        • number_of_samples_to_use_for_explainer (int) – Number Of Samples To Use For Kernel Explainer.

                        • -
                        • include_multi_class_explanations (bool) – If True, Includes explanations for all classes in multi-class classification.

                        • -
                        • features_considered_constant_for_explanations (str) – Comma separate list of fields to treat as constant in SHAP explanations.

                        • -
                        • importance_of_records_in_nested_columns (str) – Returns importance of each index in the specified nested column instead of SHAP column explanations.

                        • -
                        • explanation_filter_lower_bound (float) – If set explanations will be limited to predictions above this value, Range: [0, 1].

                        • -
                        • explanation_filter_upper_bound (float) – If set explanations will be limited to predictions below this value, Range: [0, 1].

                        • -
                        • explanation_filter_label (str) – For classification problems specifies the label to which the explanation bounds are applied.

                        • -
                        • output_columns (list) – A list of column names to include in the prediction result.

                        • -
                        • explain_predictions (bool) – If True, calculates explanations for the predicted values along with predictions.

                        • -
                        • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

                        • +
                        • number_of_samples_to_use_for_explainer (int) – Number Of Samples To Use For Kernel Explainer.

                        • +
                        • include_multi_class_explanations (bool) – If True, Includes explanations for all classes in multi-class classification.

                        • +
                        • features_considered_constant_for_explanations (str) – Comma separate list of fields to treat as constant in SHAP explanations.

                        • +
                        • importance_of_records_in_nested_columns (str) – Returns importance of each index in the specified nested column instead of SHAP column explanations.

                        • +
                        • explanation_filter_lower_bound (float) – If set explanations will be limited to predictions above this value, Range: [0, 1].

                        • +
                        • explanation_filter_upper_bound (float) – If set explanations will be limited to predictions below this value, Range: [0, 1].

                        • +
                        • explanation_filter_label (str) – For classification problems specifies the label to which the explanation bounds are applied.

                        • +
                        • output_columns (list) – A list of column names to include in the prediction result.

                        • +
                        • explain_predictions (bool) – If True, calculates explanations for the predicted values along with predictions.

                        • +
                        • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

                        -for_eval: bool = None
                        +for_eval: bool = None
                        @@ -10767,52 +12358,52 @@

                        Package Contents
                        -number_of_samples_to_use_for_explainer: int = None
                        +number_of_samples_to_use_for_explainer: int = None

                        -include_multi_class_explanations: bool = None
                        +include_multi_class_explanations: bool = None
                        -features_considered_constant_for_explanations: str = None
                        +features_considered_constant_for_explanations: str = None
                        -importance_of_records_in_nested_columns: str = None
                        +importance_of_records_in_nested_columns: str = None
                        -explanation_filter_lower_bound: float = None
                        +explanation_filter_lower_bound: float = None
                        -explanation_filter_upper_bound: float = None
                        +explanation_filter_upper_bound: float = None
                        -explanation_filter_label: str = None
                        +explanation_filter_label: str = None
                        -output_columns: list = None
                        +output_columns: list = None
                        -explain_predictions: bool = None
                        +explain_predictions: bool = None
                        -create_monitor: bool = None
                        +create_monitor: bool = None
                        @@ -10830,25 +12421,31 @@

                        Package Contents
                        Parameters:
                          -
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • -
                        • files_output_location_prefix (str) – The output location prefix for the files.

                        • -
                        • channel_id_to_label_map (str) – JSON string for the map from channel ids to their labels.

                        • +
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • +
                        • files_input_location (str) – The input location for the files.

                        • +
                        • files_output_location_prefix (str) – The output location prefix for the files.

                        • +
                        • channel_id_to_label_map (str) – JSON string for the map from channel ids to their labels.

                        -for_eval: bool = None
                        +for_eval: bool = None +
                        + +
                        +
                        +files_input_location: str = None
                        -files_output_location_prefix: str = None
                        +files_output_location_prefix: str = None
                        -channel_id_to_label_map: str = None
                        +channel_id_to_label_map: str = None
                        @@ -10866,19 +12463,19 @@

                        Package Contents
                        Parameters:
                          -
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

                        • -
                        • explode_output (bool) – Explode data so there is one sentence per row.

                        • +
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation

                        • +
                        • explode_output (bool) – Explode data so there is one sentence per row.

                        -for_eval: bool = None
                        +for_eval: bool = None
                        -explode_output: bool = None
                        +explode_output: bool = None
                        @@ -10896,31 +12493,31 @@

                        Package Contents
                        Parameters:
                          -
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • -
                        • analysis_frequency (str) – The length of each analysis interval.

                        • -
                        • start_date (str) – The end point for predictions.

                        • -
                        • analysis_days (int) – How many days to analyze.

                        • +
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • +
                        • analysis_frequency (str) – The length of each analysis interval.

                        • +
                        • start_date (str) – The end point for predictions.

                        • +
                        • analysis_days (int) – How many days to analyze.

                        -for_eval: bool = None
                        +for_eval: bool = None
                        -analysis_frequency: str = None
                        +analysis_frequency: str = None
                        -start_date: str = None
                        +start_date: str = None
                        -analysis_days: int = None
                        +analysis_days: int = None
                        @@ -10937,12 +12534,12 @@

                        Package Contents
                        Parameters:
                        -

                        for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        +

                        for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        -for_eval: bool = None
                        +for_eval: bool = None
                        @@ -10960,19 +12557,19 @@

                        Package Contents
                        Parameters:
                          -
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • -
                        • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

                        • +
                        • for_eval (bool) – If True, the test fold which was created during training and used for metrics calculation will be used as input data. These predictions are hence, used for model evaluation.

                        • +
                        • create_monitor (bool) – Controls whether to automatically create a monitor to calculate the drift each time the batch prediction is run. Defaults to true if not specified.

                        -for_eval: bool = None
                        +for_eval: bool = None
                        -create_monitor: bool = None
                        +create_monitor: bool = None
                        @@ -10998,8 +12595,6 @@

                        Package Contents class abacusai._BatchPredictionArgsFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -11026,31 +12621,31 @@

                        Package Contents
                        Parameters:
                          -
                        • contents (bytes) – The binary contents of the blob.

                        • -
                        • mime_type (str) – The mime type of the blob.

                        • -
                        • filename (str) – The original filename of the blob.

                        • -
                        • size (int) – The size of the blob in bytes.

                        • +
                        • contents (bytes) – The binary contents of the blob.

                        • +
                        • mime_type (str) – The mime type of the blob.

                        • +
                        • filename (str) – The original filename of the blob.

                        • +
                        • size (int) – The size of the blob in bytes.

                        -filename: str
                        +filename: str
                        -contents: bytes
                        +contents: bytes
                        -mime_type: str
                        +mime_type: str
                        -size: int
                        +size: int
                        @@ -11058,7 +12653,7 @@

                        Package Contentsclassmethod from_local_file(file_path)
                        Parameters:
                        -

                        file_path (str)

                        +

                        file_path (str)

                        Return type:

                        Blob

                        @@ -11072,9 +12667,9 @@

                        Package Contents
                        Parameters:
                        Return type:
                        @@ -11094,10 +12689,10 @@

                        Package Contents
                        Parameters:
                          -
                        • filename (str) – The original filename of the blob.

                        • -
                        • contents (bytes) – The binary contents of the blob.

                        • -
                        • mime_type (str) – The mime type of the blob.

                        • -
                        • size (int) – The size of the blob in bytes.

                        • +
                        • filename (str) – The original filename of the blob.

                        • +
                        • contents (bytes) – The binary contents of the blob.

                        • +
                        • mime_type (str) – The mime type of the blob.

                        • +
                        • size (int) – The size of the blob in bytes.

                        @@ -11110,12 +12705,12 @@

                        Package Contents
                        Parameters:
                        -

                        is_documentset (bool) – Whether the dataset is a document set

                        +

                        is_documentset (bool) – Whether the dataset is a document set

                        -is_documentset: bool = None
                        +is_documentset: bool = None

                        @@ -11149,12 +12744,12 @@

                        Package Contents
                        Parameters:
                        -

                        topic (str) – The kafka topic to consume

                        +

                        topic (str) – The kafka topic to consume

                        -topic: str = None
                        +topic: str = None
                        @@ -11168,8 +12763,6 @@

                        Package Contents class abacusai._StreamingConnectorDatasetConfigFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -11218,6 +12811,11 @@

                        Package ContentsSCANNED_TEXT = 'SCANNED_TEXT'

                        +
                        +
                        +COMPREHENSIVE_MARKDOWN = 'COMPREHENSIVE_MARKDOWN'
                        +
                        +
                        classmethod is_ocr_forced(document_type)
                        @@ -11311,25 +12909,25 @@

                        Package Contents
                        Parameters:
                          -
                        • escape (str) – Escape character for CSV files. Defaults to ‘”’.

                        • -
                        • csv_delimiter (str) – Delimiter for CSV files. Defaults to None.

                        • -
                        • file_path_with_schema (str) – Path to the file with schema. Defaults to None.

                        • +
                        • escape (str) – Escape character for CSV files. Defaults to ‘”’.

                        • +
                        • csv_delimiter (str) – Delimiter for CSV files. Defaults to None.

                        • +
                        • file_path_with_schema (str) – Path to the file with schema. Defaults to None.

                        -escape: str = '"'
                        +escape: str = '"'
                        -csv_delimiter: str = None
                        +csv_delimiter: str = None
                        -file_path_with_schema: str = None
                        +file_path_with_schema: str = None

                        @@ -11343,15 +12941,15 @@

                        Package ContentsParameters:
                        • document_type (DocumentType) – Type of document. Can be one of Text, Tables and Forms, Embedded Images, etc. If not specified, type will be decided automatically.

                        • -
                        • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

                        • -
                        • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

                        • +
                        • highlight_relevant_text (bool) – Whether to extract bounding boxes and highlight relevant text in search results. Defaults to False.

                        • +
                        • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

                        • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

                        • -
                        • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

                        • +
                        • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • mask_pii (bool) – Whether to mask personally identifiable information (PII) in the document text/tokens. Defaults to False.

                        • +
                        • extract_images (bool) – Whether to extract images from the document e.g. diagrams in a PDF page. Defaults to False.

                        @@ -11362,12 +12960,12 @@

                        Package Contents
                        -highlight_relevant_text: bool = None
                        +highlight_relevant_text: bool = None
                        -extract_bounding_boxes: bool = False
                        +extract_bounding_boxes: bool = False
                        @@ -11377,32 +12975,32 @@

                        Package Contents
                        -use_full_ocr: bool = None
                        +use_full_ocr: bool = None

                        +remove_header_footer: bool = False
                        -remove_watermarks: bool = True
                        +remove_watermarks: bool = True
                        -convert_to_markdown: bool = False
                        +convert_to_markdown: bool = False
                        -mask_pii: bool = False
                        +mask_pii: bool = False
                        -extract_images: bool = False
                        +extract_images: bool = False
                        @@ -11421,7 +13019,7 @@

                        Package Contents
                        Parameters:
                        -

                        config (dict)

                        +

                        config (dict)

                        @@ -11436,19 +13034,19 @@

                        Package Contents
                        Parameters:
                          -
                        • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

                        • +
                        • extract_bounding_boxes (bool) – Whether to perform OCR and extract bounding boxes. If False, no OCR will be done but only the embedded text from digital documents will be extracted. Defaults to False.

                        • ocr_mode (OcrMode) – OCR mode. There are different OCR modes available for different kinds of documents and use cases. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • -
                        • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

                        • +
                        • use_full_ocr (bool) – Whether to perform full OCR. If True, OCR will be performed on the full page. If False, OCR will be performed on the non-text regions only. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • remove_header_footer (bool) – Whether to remove headers and footers. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • remove_watermarks (bool) – Whether to remove watermarks. By default, it will be decided automatically based on the OCR mode and the document type. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • convert_to_markdown (bool) – Whether to convert extracted text to markdown. Defaults to False. This option only takes effect when extract_bounding_boxes is True.

                        • +
                        • page_text_column (str) – Name of the output column which contains the extracted text for each page. If not provided, no column will be created.

                        -page_text_column: str = None
                        +page_text_column: str = None
                        @@ -11460,12 +13058,12 @@

                        Package Contents
                        Parameters:
                        -

                        timestamp_column (str) – If dataset is incremental, this is the column name of the required column in the dataset. This column must contain timestamps in descending order which are used to determine the increments of the incremental dataset.

                        +

                        timestamp_column (str) – If dataset is incremental, this is the column name of the required column in the dataset. This column must contain timestamps in descending order which are used to determine the increments of the incremental dataset.

                        -timestamp_column: str = None
                        +timestamp_column: str = None
                        @@ -11478,25 +13076,25 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_name (str) – feature group name

                        • -
                        • column_name (str) – column name

                        • -
                        • urls (str) – list of urls

                        • +
                        • feature_group_name (str) – feature group name

                        • +
                        • column_name (str) – column name

                        • +
                        • urls (str) – list of urls

                        -feature_group_name: str = None
                        +feature_group_name: str = None
                        -column_name: str = None
                        +column_name: str = None
                        -urls: str = None
                        +urls: str = None
                        @@ -11510,7 +13108,7 @@

                        Package ContentsParameters:
                        @@ -11522,7 +13120,7 @@

                        Package Contents
                        -application_connector_id: str = None
                        +application_connector_id: str = None
                        @@ -11549,25 +13147,32 @@

                        Package Contents*’ -> ‘folder’ +:type location_type: str

                        -location: str = None
                        +location: str = None
                        -space_key: str = None
                        +space_key: str = None
                        -pull_attachments: bool = False
                        +pull_attachments: bool = False
                        -extract_bounding_boxes: bool = False
                        +extract_bounding_boxes: bool = False +
                        + +
                        +
                        +location_type: str = None
                        @@ -11590,17 +13195,17 @@

                        Package Contents
                        -location: str = None
                        +location: str = None

                        -csv_delimiter: str = None
                        +csv_delimiter: str = None
                        -merge_file_schemas: bool = False
                        +merge_file_schemas: bool = False
                        @@ -11618,25 +13223,25 @@

                        Package Contents
                        Parameters:
                          -
                        • location (str) – The view id of the report in the connector to fetch

                        • -
                        • start_timestamp (int) – Unix timestamp of the start of the period that will be queried

                        • -
                        • end_timestamp (int) – Unix timestamp of the end of the period that will be queried

                        • +
                        • location (str) – The view id of the report in the connector to fetch

                        • +
                        • start_timestamp (int) – Unix timestamp of the start of the period that will be queried

                        • +
                        • end_timestamp (int) – Unix timestamp of the end of the period that will be queried

                        -location: str = None
                        +location: str = None
                        -start_timestamp: int = None
                        +start_timestamp: int = None
                        -end_timestamp: int = None
                        +end_timestamp: int = None
                        @@ -11654,31 +13259,37 @@

                        Package Contents
                        Parameters:
                          -
                        • location (str) – The regex location of the files to fetch

                        • -
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

                        • -
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

                        • -
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        • +
                        • location (str) – The regex location of the files to fetch

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

                        • +
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        • +
                        • location_type (str) – The type of path to fetch. ‘shared’ for shared files. if not provided, it will fetch from the root folder.

                        -location: str = None
                        +location: str = None
                        -csv_delimiter: str = None
                        +csv_delimiter: str = None
                        -extract_bounding_boxes: bool = False
                        +extract_bounding_boxes: bool = False
                        -merge_file_schemas: bool = False
                        +merge_file_schemas: bool = False +
                        + +
                        +
                        +location_type: str = None
                        @@ -11696,31 +13307,31 @@

                        Package Contents
                        Parameters:
                          -
                        • jql (str) – The JQL query for fetching issues

                        • -
                        • custom_fields (list) – A list of custom fields to include in the dataset

                        • -
                        • include_comments (bool) – Fetch comments for each issue

                        • -
                        • include_watchers (bool) – Fetch watchers for each issue

                        • +
                        • jql (str) – The JQL query for fetching issues

                        • +
                        • custom_fields (list) – A list of custom fields to include in the dataset

                        • +
                        • include_comments (bool) – Fetch comments for each issue

                        • +
                        • include_watchers (bool) – Fetch watchers for each issue

                        -jql: str = None
                        +jql: str = None
                        -custom_fields: list = None
                        +custom_fields: list = None
                        -include_comments: bool = False
                        +include_comments: bool = False
                        -include_watchers: bool = False
                        +include_watchers: bool = False
                        @@ -11738,31 +13349,31 @@

                        Package Contents
                        Parameters:
                          -
                        • location (str) – The regex location of the files to fetch

                        • -
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

                        • -
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

                        • -
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        • +
                        • location (str) – The regex location of the files to fetch

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

                        • +
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        -location: str = None
                        +location: str = None
                        -csv_delimiter: str = None
                        +csv_delimiter: str = None
                        -extract_bounding_boxes: bool = False
                        +extract_bounding_boxes: bool = False
                        -merge_file_schemas: bool = False
                        +merge_file_schemas: bool = False
                        @@ -11780,31 +13391,37 @@

                        Package Contents
                        Parameters:
                          -
                        • location (str) – The regex location of the files to fetch

                        • -
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

                        • -
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

                        • -
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        • +
                        • location (str) – The regex location of the files to fetch

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

                        • +
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        • +
                        • add_file_metadata (bool) – Signifies if the file metadata should be added to the dataset

                        -location: str = None
                        +location: str = None
                        -csv_delimiter: str = None
                        +csv_delimiter: str = None
                        -extract_bounding_boxes: bool = False
                        +extract_bounding_boxes: bool = False
                        -merge_file_schemas: bool = False
                        +merge_file_schemas: bool = False +
                        + +
                        +
                        +add_file_metadata: bool = False
                        @@ -11821,12 +13438,12 @@

                        Package Contents
                        Parameters:
                        -

                        location (str) – The regex location of the files to fetch

                        +

                        location (str) – The regex location of the files to fetch

                        -location: str = None
                        +location: str = None
                        @@ -11844,26 +13461,26 @@

                        Package Contents
                        Parameters:
                          -
                        • include_entire_conversation_history (bool) – Whether to show the entire history for this deployment conversation

                        • -
                        • include_all_feedback (bool) – Whether to include all feedback for this deployment conversation

                        • -
                        • resolve_matching_documents (bool) – Whether to get matching document references for response instead of prompt. +

                        • include_entire_conversation_history (bool) – Whether to show the entire history for this deployment conversation

                        • +
                        • include_all_feedback (bool) – Whether to include all feedback for this deployment conversation

                        • +
                        • resolve_matching_documents (bool) – Whether to get matching document references for response instead of prompt. Needs to recalculate them if highlights are unavailable in summary_info

                        -include_entire_conversation_history: bool = False
                        +include_entire_conversation_history: bool = False
                        -include_all_feedback: bool = False
                        +include_all_feedback: bool = False
                        -resolve_matching_documents: bool = False
                        +resolve_matching_documents: bool = False
                        @@ -11881,25 +13498,31 @@

                        Package Contents
                        Parameters:
                          -
                        • pull_chat_messages (bool) – Whether to pull teams chat messages

                        • -
                        • pull_channel_posts (bool) – Whether to pull posts for each channel

                        • -
                        • pull_transcripts (bool) – Whether to pull transcripts for calendar meetings

                        • +
                        • pull_chat_messages (bool) – Whether to pull teams chat messages

                        • +
                        • pull_channel_posts (bool) – Whether to pull posts for each channel

                        • +
                        • pull_transcripts (bool) – Whether to pull transcripts for calendar meetings

                        • +
                        • max_days_to_lookback (int) – The maximum number of days to look back for data

                        -pull_chat_messages: bool = False
                        +pull_chat_messages: bool = False
                        -pull_channel_posts: bool = False
                        +pull_channel_posts: bool = False
                        -pull_transcripts: bool = False
                        +pull_transcripts: bool = False +
                        + +
                        +
                        +max_days_to_lookback: int = 365
                        @@ -11909,6 +13532,48 @@

                        Package Contents +
                        +class abacusai.OutlookDatasetConfig
                        +

                        Bases: ApplicationConnectorDatasetConfig

                        +

                        Dataset config for Outlook Application Connector

                        +
                        +
                        +__post_init__()
                        +
                        + +

                        + +
                        +
                        +class abacusai.AzureStorageDatasetConfig
                        +

                        Bases: ApplicationConnectorDatasetConfig

                        +

                        Dataset config for Azure Storage Application Connector

                        +
                        +
                        Parameters:
                        +
                          +
                        • location (str) – The location of the files to fetch

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        • +
                        +
                        +
                        +
                        +
                        +location: str = None
                        +
                        + +
                        +
                        +merge_file_schemas: bool = False
                        +
                        + +
                        +
                        +__post_init__()
                        +
                        + +
                        +
                        class abacusai.FreshserviceDatasetConfig
                        @@ -11921,12 +13586,52 @@

                        Package Contents +
                        +class abacusai.SftpDatasetConfig
                        +

                        Bases: ApplicationConnectorDatasetConfig

                        +

                        Dataset config for SFTP Application Connector

                        +
                        +
                        Parameters:
                        +
                          +
                        • location (str) – The regex location of the files to fetch

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter

                        • +
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. Not applicable if is_documentset is True

                        • +
                        +
                        +
                        +
                        +
                        +location: str = None
                        +
                        + +
                        +
                        +csv_delimiter: str = None
                        +
                        + +
                        +
                        +extract_bounding_boxes: bool = False
                        +
                        + +
                        +
                        +merge_file_schemas: bool = False
                        +
                        + +
                        +
                        +__post_init__()
                        +
                        + +

                        +
                        class abacusai._ApplicationConnectorDatasetConfigFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -11951,12 +13656,12 @@

                        Package Contents
                        -_support_kwargs: bool = True
                        +_support_kwargs: bool = True

                        -kwargs: dict
                        +kwargs: dict
                        @@ -11979,25 +13684,25 @@

                        Package Contents
                        Parameters:
                          -
                        • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

                        • -
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • -
                        • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

                        • +
                        • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

                        -forced_assignments: dict = None
                        +forced_assignments: dict = None
                        -solve_time_limit_seconds: float = None
                        +solve_time_limit_seconds: float = None
                        -include_all_assignments: bool = None
                        +include_all_assignments: bool = None
                        @@ -12015,25 +13720,25 @@

                        Package Contents
                        Parameters:
                          -
                        • start_timestamp (str) – Timestamp from which anomalies have to be detected in the training data

                        • -
                        • end_timestamp (str) – Timestamp to which anomalies have to be detected in the training data

                        • -
                        • get_all_item_data (bool) – If True, anomaly detection has to be performed on all the data related to input ids

                        • +
                        • start_timestamp (str) – Timestamp from which anomalies have to be detected in the training data

                        • +
                        • end_timestamp (str) – Timestamp to which anomalies have to be detected in the training data

                        • +
                        • get_all_item_data (bool) – If True, anomaly detection has to be performed on all the data related to input ids

                        -start_timestamp: str = None
                        +start_timestamp: str = None
                        -end_timestamp: str = None
                        +end_timestamp: str = None
                        -get_all_item_data: bool = None
                        +get_all_item_data: bool = None
                        @@ -12051,43 +13756,43 @@

                        Package Contents
                        Parameters:
                          -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

                        • -
                        • system_message (str) – The generative LLM system message.

                        • -
                        • temperature (float) – The generative LLM temperature.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

                        • +
                        • system_message (str) – The generative LLM system message.

                        • +
                        • temperature (float) – The generative LLM temperature.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        -llm_name: str = None
                        +llm_name: str = None
                        -num_completion_tokens: int = None
                        +num_completion_tokens: int = None
                        -system_message: str = None
                        +system_message: str = None
                        -temperature: float = None
                        +temperature: float = None
                        -search_score_cutoff: float = None
                        +search_score_cutoff: float = None
                        -ignore_documents: bool = None
                        +ignore_documents: bool = None
                        @@ -12105,19 +13810,19 @@

                        Package Contents
                        Parameters:
                          -
                        • explain_predictions (bool) – If true, will explain predictions.

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations.

                        • +
                        • explain_predictions (bool) – If true, will explain predictions.

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations.

                        -explain_predictions: bool = None
                        +explain_predictions: bool = None
                        -explainer_type: str = None
                        +explainer_type: str = None
                        @@ -12135,37 +13840,37 @@

                        Package Contents
                        Parameters:
                          -
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • -
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • -
                        • explain_predictions (bool) – If True, explain predictions for forecasting.

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations.

                        • -
                        • get_item_data (bool) – If True, will return the data corresponding to items as well.

                        • +
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • +
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • +
                        • explain_predictions (bool) – If True, explain predictions for forecasting.

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations.

                        • +
                        • get_item_data (bool) – If True, will return the data corresponding to items as well.

                        -num_predictions: int = None
                        +num_predictions: int = None
                        -prediction_start: str = None
                        +prediction_start: str = None
                        -explain_predictions: bool = None
                        +explain_predictions: bool = None
                        -explainer_type: str = None
                        +explainer_type: str = None
                        -get_item_data: bool = None
                        +get_item_data: bool = None
                        @@ -12183,37 +13888,37 @@

                        Package Contents
                        Parameters:
                          -
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • -
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • -
                        • explain_predictions (bool) – If True, explain predictions for forecasting.

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations.

                        • -
                        • get_item_data (bool) – If True, will return the data corresponding to items as well.

                        • +
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • +
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • +
                        • explain_predictions (bool) – If True, explain predictions for forecasting.

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations.

                        • +
                        • get_item_data (bool) – If True, will return the data corresponding to items as well.

                        -num_predictions: int = None
                        +num_predictions: int = None
                        -prediction_start: str = None
                        +prediction_start: str = None
                        -explain_predictions: bool = None
                        +explain_predictions: bool = None
                        -explainer_type: str = None
                        +explainer_type: str = None
                        -get_item_data: bool = None
                        +get_item_data: bool = None
                        @@ -12231,43 +13936,43 @@

                        Package Contents
                        Parameters:
                          -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

                        • -
                        • system_message (str) – The generative LLM system message.

                        • -
                        • temperature (float) – The generative LLM temperature.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience.

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers.

                        • +
                        • system_message (str) – The generative LLM system message.

                        • +
                        • temperature (float) – The generative LLM temperature.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        -llm_name: str = None
                        +llm_name: str = None
                        -num_completion_tokens: int = None
                        +num_completion_tokens: int = None
                        -system_message: str = None
                        +system_message: str = None
                        -temperature: float = None
                        +temperature: float = None
                        -search_score_cutoff: float = None
                        +search_score_cutoff: float = None
                        -ignore_documents: bool = None
                        +ignore_documents: bool = None
                        @@ -12284,12 +13989,12 @@

                        Package Contents
                        Parameters:
                        -

                        limit_results (int) – If provided, will limit the number of results to the value specified.

                        +

                        limit_results (int) – If provided, will limit the number of results to the value specified.

                        -limit_results: int = None
                        +limit_results: int = None
                        @@ -12303,8 +14008,6 @@

                        Package Contents class abacusai._PredictionArgumentsFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -12373,27 +14076,27 @@

                        Package Contents
                        Parameters:
                          -
                        • chunk_size (int) – The size of text chunks in the vector store.

                        • -
                        • chunk_overlap_fraction (float) – The fraction of overlap between chunks.

                        • +
                        • chunk_size (int) – The size of text chunks in the vector store.

                        • +
                        • chunk_overlap_fraction (float) – The fraction of overlap between chunks.

                        • text_encoder (VectorStoreTextEncoder) – Encoder used to index texts from the documents.

                        • -
                        • chunk_size_factors (list) – Chunking data with multiple sizes. The specified list of factors are used to calculate more sizes, in addition to chunk_size.

                        • -
                        • score_multiplier_column (str) – If provided, will use the values in this metadata column to modify the relevance score of returned chunks for all queries.

                        • -
                        • prune_vectors (bool) – Transform vectors using SVD so that the average component of vectors in the corpus are removed.

                        • -
                        • index_metadata_columns (bool) – If True, metadata columns of the FG will also be used for indexing and querying.

                        • -
                        • use_document_summary (bool) – If True, uses the summary of the document in addition to chunks of the document for indexing and querying.

                        • -
                        • summary_instructions (str) – Instructions for the LLM to generate the document summary.

                        • -
                        • standalone_deployment (bool) – If True, the document retriever will be deployed as a standalone deployment.

                        • +
                        • chunk_size_factors (list) – Chunking data with multiple sizes. The specified list of factors are used to calculate more sizes, in addition to chunk_size.

                        • +
                        • score_multiplier_column (str) – If provided, will use the values in this metadata column to modify the relevance score of returned chunks for all queries.

                        • +
                        • prune_vectors (bool) – Transform vectors using SVD so that the average component of vectors in the corpus are removed.

                        • +
                        • index_metadata_columns (bool) – If True, metadata columns of the FG will also be used for indexing and querying.

                        • +
                        • use_document_summary (bool) – If True, uses the summary of the document in addition to chunks of the document for indexing and querying.

                        • +
                        • summary_instructions (str) – Instructions for the LLM to generate the document summary.

                        • +
                        • standalone_deployment (bool) – If True, the document retriever will be deployed as a standalone deployment.

                        -chunk_size: int = None
                        +chunk_size: int = None
                        -chunk_overlap_fraction: float = None
                        +chunk_overlap_fraction: float = None
                        @@ -12403,37 +14106,37 @@

                        Package Contents
                        -chunk_size_factors: list = None
                        +chunk_size_factors: list = None

                        -score_multiplier_column: str = None
                        +score_multiplier_column: str = None
                        -prune_vectors: bool = None
                        +prune_vectors: bool = None
                        -index_metadata_columns: bool = None
                        +index_metadata_columns: bool = None
                        -use_document_summary: bool = None
                        +use_document_summary: bool = None
                        -summary_instructions: str = None
                        +summary_instructions: str = None
                        -standalone_deployment: bool = False
                        +standalone_deployment: bool = False

                        @@ -12451,7 +14154,7 @@

                        Package Contents
                        class abacusai.ApiEnum
                        -

                        Bases: enum.Enum

                        +

                        Bases: enum.Enum

                        Generic enumeration.

                        Derive from this class to define new enumerations.

                        @@ -13313,6 +15016,16 @@

                        Package ContentsMSG = 'msg'

                        +
                        +
                        +TS = 'TS'
                        +
                        + +
                        +
                        +TSX = 'TSX'
                        +
                        +

                        @@ -13973,6 +15686,11 @@

                        Package ContentsGOOGLEDRIVE = 'GOOGLEDRIVE'

                        +
                        +
                        +GOOGLECALENDAR = 'GOOGLECALENDAR'
                        +
                        +
                        GIT = 'GIT'
                        @@ -14048,11 +15766,6 @@

                        Package ContentsGMAILUSER = 'GMAILUSER'

                        -
                        -
                        -GOOGLECALENDAR = 'GOOGLECALENDAR'
                        -
                        -
                        GOOGLESHEETS = 'GOOGLESHEETS'
                        @@ -14083,6 +15796,71 @@

                        Package ContentsBOX = 'BOX'

                        +
                        +
                        +SFTPAPPLICATION = 'SFTPAPPLICATION'
                        +
                        + +
                        +
                        +OAUTH = 'OAUTH'
                        +
                        + +
                        +
                        +SALESFORCE = 'SALESFORCE'
                        +
                        + +
                        +
                        +TWITTER = 'TWITTER'
                        +
                        + +
                        +
                        +MCP = 'MCP'
                        +
                        + +
                        +
                        +ODBC = 'ODBC'
                        +
                        + +
                        +
                        +DBC = 'DBC'
                        +
                        + +
                        +
                        +GENERIC_OAUTH = 'GENERIC_OAUTH'
                        +
                        + +
                        +
                        +OUTLOOK = 'OUTLOOK'
                        +
                        + +
                        +
                        +BIGQUERY = 'BIGQUERY'
                        +
                        + +
                        +
                        +AZURESTORAGE = 'AZURESTORAGE'
                        +
                        + +
                        +
                        +classmethod user_connectors()
                        +
                        + +
                        +
                        +classmethod database_connectors()
                        +
                        +

                        @@ -14169,6 +15947,16 @@

                        Package ContentsDEPLOYMENT_ID = 'DEPLOYMENT_ID'

                        +
                        +
                        +ATTACHMENT = 'ATTACHMENT'
                        +
                        + +
                        +
                        +static to_json_type(type)
                        +
                        +
                        @@ -14242,6 +16030,11 @@

                        Package ContentsANY = 'ANY'

                        +
                        +
                        +ATTACHMENT = 'ATTACHMENT'
                        +
                        +
                        @@ -14250,6 +16043,16 @@

                        Package ContentsApiEnum

                        Generic enumeration.

                        Derive from this class to define new enumerations.

                        +
                        +
                        +OPENAI_GPT3_5 = 'OPENAI_GPT3_5'
                        +
                        + +
                        +
                        +OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT'
                        +
                        +
                        OPENAI_GPT4 = 'OPENAI_GPT4'
                        @@ -14286,48 +16089,78 @@

                        Package Contents -
                        -OPENAI_GPT3_5 = 'OPENAI_GPT3_5'
                        +
                        +OPENAI_O3 = 'OPENAI_O3'

                        -
                        -OPENAI_GPT3_5_TEXT = 'OPENAI_GPT3_5_TEXT'
                        +
                        +OPENAI_O3_HIGH = 'OPENAI_O3_HIGH'
                        -
                        -LLAMA3_1_405B = 'LLAMA3_1_405B'
                        +
                        +OPENAI_O4_MINI = 'OPENAI_O4_MINI'
                        -
                        -LLAMA3_1_70B = 'LLAMA3_1_70B'
                        +
                        +OPENAI_O4_MINI_HIGH = 'OPENAI_O4_MINI_HIGH'
                        -
                        -LLAMA3_1_8B = 'LLAMA3_1_8B'
                        +
                        +OPENAI_GPT4_1 = 'OPENAI_GPT4_1'
                        -
                        -LLAMA3_3_70B = 'LLAMA3_3_70B'
                        +
                        +OPENAI_GPT4_1_MINI = 'OPENAI_GPT4_1_MINI'
                        -
                        -LLAMA3_LARGE_CHAT = 'LLAMA3_LARGE_CHAT'
                        +
                        +OPENAI_GPT4_1_NANO = 'OPENAI_GPT4_1_NANO'
                        -
                        -CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS'
                        +
                        +OPENAI_GPT5 = 'OPENAI_GPT5'
                        -
                        -CLAUDE_V3_SONNET = 'CLAUDE_V3_SONNET'
                        +
                        +OPENAI_GPT5_MINI = 'OPENAI_GPT5_MINI'
                        +
                        + +
                        +
                        +OPENAI_GPT5_MINI_HIGH = 'OPENAI_GPT5_MINI_HIGH'
                        +
                        + +
                        +
                        +OPENAI_GPT5_MINI_LOW = 'OPENAI_GPT5_MINI_LOW'
                        +
                        + +
                        +
                        +OPENAI_GPT5_NANO = 'OPENAI_GPT5_NANO'
                        +
                        + +
                        +
                        +OPENAI_GPT5_NANO_HIGH = 'OPENAI_GPT5_NANO_HIGH'
                        +
                        + +
                        +
                        +OPENAI_GPT5_1 = 'OPENAI_GPT5_1'
                        +
                        + +
                        +
                        +OPENAI_GPT5_2 = 'OPENAI_GPT5_2'
                        @@ -14336,8 +16169,8 @@

                        Package Contents -
                        -CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET'
                        +
                        +CLAUDE_V3_OPUS = 'CLAUDE_V3_OPUS'

                        @@ -14345,24 +16178,119 @@

                        Package ContentsCLAUDE_V3_5_HAIKU = 'CLAUDE_V3_5_HAIKU'

                        +
                        +
                        +CLAUDE_V3_5_SONNET = 'CLAUDE_V3_5_SONNET'
                        +
                        + +
                        +
                        +CLAUDE_V3_7_SONNET = 'CLAUDE_V3_7_SONNET'
                        +
                        + +
                        +
                        +CLAUDE_V4_SONNET = 'CLAUDE_V4_SONNET'
                        +
                        + +
                        +
                        +CLAUDE_V4_OPUS = 'CLAUDE_V4_OPUS'
                        +
                        + +
                        +
                        +CLAUDE_V4_5_SONNET = 'CLAUDE_V4_5_SONNET'
                        +
                        +
                        GEMINI_1_5_PRO = 'GEMINI_1_5_PRO'
                        +
                        +
                        +GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH'
                        +
                        + +
                        +
                        +GEMINI_2_PRO = 'GEMINI_2_PRO'
                        +
                        +
                        GEMINI_2_FLASH = 'GEMINI_2_FLASH'
                        -
                        -GEMINI_2_FLASH_THINKING = 'GEMINI_2_FLASH_THINKING'
                        +
                        +GEMINI_2_5_PRO = 'GEMINI_2_5_PRO'
                        -
                        -GEMINI_2_PRO = 'GEMINI_2_PRO'
                        +
                        +GEMINI_3_PRO = 'GEMINI_3_PRO'
                        +
                        + +
                        +
                        +GEMINI_2_5_FLASH = 'GEMINI_2_5_FLASH'
                        +
                        + +
                        +
                        +GEMINI_3_FLASH = 'GEMINI_3_FLASH'
                        +
                        + +
                        +
                        +XAI_GROK = 'XAI_GROK'
                        +
                        + +
                        +
                        +XAI_GROK_3 = 'XAI_GROK_3'
                        +
                        + +
                        +
                        +XAI_GROK_3_MINI = 'XAI_GROK_3_MINI'
                        +
                        + +
                        +
                        +XAI_GROK_4 = 'XAI_GROK_4'
                        +
                        + +
                        +
                        +LLAMA4_MAVERICK = 'LLAMA4_MAVERICK'
                        +
                        + +
                        +
                        +LLAMA3_1_405B = 'LLAMA3_1_405B'
                        +
                        + +
                        +
                        +LLAMA3_1_70B = 'LLAMA3_1_70B'
                        +
                        + +
                        +
                        +LLAMA3_1_8B = 'LLAMA3_1_8B'
                        +
                        + +
                        +
                        +LLAMA3_3_70B = 'LLAMA3_3_70B'
                        +
                        + +
                        +
                        +LLAMA3_LARGE_CHAT = 'LLAMA3_LARGE_CHAT'
                        @@ -14396,18 +16324,23 @@

                        Package Contents -
                        -GEMINI_1_5_FLASH = 'GEMINI_1_5_FLASH'
                        +
                        +QWEN3_32B = 'QWEN3_32B'

                        -
                        -XAI_GROK = 'XAI_GROK'
                        +
                        +QWEN3_235B_A22B = 'QWEN3_235B_A22B'
                        +
                        + +
                        +
                        +QWEN3_CODER = 'QWEN3_CODER'
                        -
                        -DEEPSEEK_V3 = 'DEEPSEEK_V3'
                        +
                        +DEEPSEEK_V3_1 = 'DEEPSEEK_V3_1'
                        @@ -14598,6 +16531,11 @@

                        Package ContentsUSERCODE_TOOL = 'USERCODE_TOOL'

                        +
                        +
                        +CONNECTOR_TOOL = 'CONNECTOR_TOOL'
                        +
                        +

                        @@ -14745,7 +16683,7 @@

                        Package Contentsclassmethod normalize_type(python_type)
                        Parameters:
                        -

                        python_type (Union[str, type, None, WorkflowNodeOutputType])

                        +

                        python_type (Union[str, type, None, WorkflowNodeOutputType, PythonFunctionOutputArgumentType])

                        Return type:

                        WorkflowNodeOutputType

                        @@ -15083,6 +17021,96 @@

                        Package ContentsCODE_LLM = 'CODE_LLM'

                        +
                        +
                        +CODE_LLM_AGENT = 'CODE_LLM_AGENT'
                        +
                        + +
                        +
                        +CHAT_LLM_TASK = 'CHAT_LLM_TASK'
                        +
                        + +
                        +
                        +COMPUTER_AGENT = 'COMPUTER_AGENT'
                        +
                        + +
                        +
                        +SEARCH_LLM = 'SEARCH_LLM'
                        +
                        + +
                        +
                        +APP_LLM = 'APP_LLM'
                        +
                        + +
                        +
                        +TEST_AGENT = 'TEST_AGENT'
                        +
                        + +
                        +
                        +SUPER_AGENT = 'SUPER_AGENT'
                        +
                        + +
                        +
                        +CODE_LLM_NON_INTERACTIVE = 'CODE_LLM_NON_INTERACTIVE'
                        +
                        + +
                        +
                        +BROWSER_EXTENSION = 'BROWSER_EXTENSION'
                        +
                        + +

                        + +
                        +
                        +class abacusai.AgentClientType
                        +

                        Bases: ApiEnum

                        +

                        Generic enumeration.

                        +

                        Derive from this class to define new enumerations.

                        +
                        +
                        +CHAT_UI = 'CHAT_UI'
                        +
                        + +
                        +
                        +MESSAGING_APP = 'MESSAGING_APP'
                        +
                        + +
                        +
                        +API = 'API'
                        +
                        + +
                        + +
                        +
                        +class abacusai.OrganizationSecretType
                        +

                        Bases: ApiEnum

                        +

                        Enum for organization secret types

                        +
                        +
                        +ORG_SECRET = 'ORG_SECRET'
                        +
                        + +
                        +
                        +ORG_API_CREDENTIALS = 'ORG_API_CREDENTIALS'
                        +
                        + +
                        +
                        +USER_API_CREDENTIALS = 'USER_API_CREDENTIALS'
                        +
                        +
                        @@ -15115,19 +17143,19 @@

                        Package Contents
                        Parameters:
                          -
                        • sample_count (int) – The number of rows to include in the sample

                        • -
                        • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

                        • +
                        • sample_count (int) – The number of rows to include in the sample

                        • +
                        • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

                        -sample_count: int
                        +sample_count: int
                        -key_columns: List[str] = []
                        +key_columns: List[str] = []
                        @@ -15145,19 +17173,19 @@

                        Package Contents
                        Parameters:
                          -
                        • sample_percent (float) – The percentage of the rows to sample

                        • -
                        • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

                        • +
                        • sample_percent (float) – The percentage of the rows to sample

                        • +
                        • key_columns (List[str]) – The feature(s) to use as the key(s) when sampling

                        -sample_percent: float
                        +sample_percent: float
                        -key_columns: List[str] = []
                        +key_columns: List[str] = []
                        @@ -15220,19 +17248,19 @@

                        Package Contents
                        Parameters:
                          -
                        • num_versions (int) – The number of versions to merge. num_versions == 0 means merge all versions.

                        • -
                        • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

                        • +
                        • num_versions (int) – The number of versions to merge. num_versions == 0 means merge all versions.

                        • +
                        • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

                        -num_versions: int
                        +num_versions: int
                        -include_version_timestamp_column: bool = None
                        +include_version_timestamp_column: bool = None
                        @@ -15250,25 +17278,25 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – Time based column to index on

                        • -
                        • time_window_size_ms (int) – Range of merged rows will be [MAX_TIME - time_window_size_ms, MAX_TIME]

                        • -
                        • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

                        • +
                        • feature_name (str) – Time based column to index on

                        • +
                        • time_window_size_ms (int) – Range of merged rows will be [MAX_TIME - time_window_size_ms, MAX_TIME]

                        • +
                        • include_version_timestamp_column (bool) – If set, include a column with the creation timestamp of source FG versions.

                        -feature_name: str
                        +feature_name: str
                        -time_window_size_ms: int
                        +time_window_size_ms: int
                        -include_version_timestamp_column: bool = None
                        +include_version_timestamp_column: bool = None
                        @@ -15331,31 +17359,31 @@

                        Package Contents
                        Parameters:
                          -
                        • columns (List[str]) – Which columns to unpivot.

                        • -
                        • index_column (str) – Name of new column containing the unpivoted column names as its values

                        • -
                        • value_column (str) – Name of new column containing the row values that were unpivoted.

                        • -
                        • exclude (bool) – If True, the unpivoted columns are all the columns EXCEPT the ones in the columns argument. Default is False.

                        • +
                        • columns (List[str]) – Which columns to unpivot.

                        • +
                        • index_column (str) – Name of new column containing the unpivoted column names as its values

                        • +
                        • value_column (str) – Name of new column containing the row values that were unpivoted.

                        • +
                        • exclude (bool) – If True, the unpivoted columns are all the columns EXCEPT the ones in the columns argument. Default is False.

                        -columns: List[str] = None
                        +columns: List[str] = None
                        -index_column: str = None
                        +index_column: str = None
                        -value_column: str = None
                        +value_column: str = None
                        -exclude: bool = None
                        +exclude: bool = None
                        @@ -15373,20 +17401,20 @@

                        Package Contents
                        Parameters:
                          -
                        • input_column (str) – Name of input column to transform.

                        • -
                        • output_column (str) – Name of output column to store transformed data.

                        • +
                        • input_column (str) – Name of input column to transform.

                        • +
                        • output_column (str) – Name of output column to store transformed data.

                        • input_column_type (MarkdownOperatorInputType) – Type of input column to transform.

                        -input_column: str = None
                        +input_column: str = None
                        -output_column: str = None
                        +output_column: str = None
                        @@ -15409,53 +17437,53 @@

                        Package Contents
                        Parameters:
                          -
                        • input_column (str) – Name of input column to transform.

                        • -
                        • output_column (str) – Name of output column to store transformed data.

                        • -
                        • depth_column (str) – Increasing depth explores more links, capturing more content

                        • -
                        • disable_host_restriction (bool) – If True, will not restrict crawling to the same host.

                        • -
                        • honour_website_rules (bool) – If True, will respect robots.txt rules.

                        • -
                        • user_agent (str) – If provided, will use this user agent instead of randomly selecting one.

                        • +
                        • input_column (str) – Name of input column to transform.

                        • +
                        • output_column (str) – Name of output column to store transformed data.

                        • +
                        • depth_column (str) – Increasing depth explores more links, capturing more content

                        • +
                        • disable_host_restriction (bool) – If True, will not restrict crawling to the same host.

                        • +
                        • honour_website_rules (bool) – If True, will respect robots.txt rules.

                        • +
                        • user_agent (str) – If provided, will use this user agent instead of randomly selecting one.

                        -input_column: str = None
                        +input_column: str = None
                        -output_column: str = None
                        +output_column: str = None
                        -depth_column: str = None
                        +depth_column: str = None
                        -input_column_type: str = None
                        +input_column_type: str = None
                        -crawl_depth: int = None
                        +crawl_depth: int = None
                        -disable_host_restriction: bool = None
                        +disable_host_restriction: bool = None
                        -honour_website_rules: bool = None
                        +honour_website_rules: bool = None
                        -user_agent: str = None
                        +user_agent: str = None
                        @@ -15473,20 +17501,20 @@

                        Package Contents
                        Parameters:
                          -
                        • doc_id_column (str) – Name of input document ID column.

                        • -
                        • document_column (str) – Name of the input document column which contains the page infos. This column will be transformed to include the document processing config in the output feature group.

                        • +
                        • doc_id_column (str) – Name of input document ID column.

                        • +
                        • document_column (str) – Name of the input document column which contains the page infos. This column will be transformed to include the document processing config in the output feature group.

                        • document_processing_config (DocumentProcessingConfig) – Document processing configuration.

                        -doc_id_column: str = None
                        +doc_id_column: str = None
                        -document_column: str = None
                        +document_column: str = None
                        @@ -15509,109 +17537,109 @@

                        Package Contents
                        Parameters:
                          -
                        • prompt_col (str) – Name of the input prompt column.

                        • -
                        • completion_col (str) – Name of the output completion column.

                        • -
                        • description_col (str) – Name of the description column.

                        • -
                        • id_col (str) – Name of the identifier column.

                        • -
                        • generation_instructions (str) – Instructions for the data generation model.

                        • -
                        • temperature (float) – Sampling temperature for the model.

                        • -
                        • fewshot_examples (int) – Number of fewshot examples used to prompt the model.

                        • -
                        • concurrency (int) – Number of concurrent processes.

                        • -
                        • examples_per_target (int) – Number of examples per target.

                        • -
                        • subset_size (Optional[int]) – Size of the subset to use for generation.

                        • -
                        • verify_response (bool) – Whether to verify the response.

                        • -
                        • token_budget (int) – Token budget for generation.

                        • -
                        • oversample (bool) – Whether to oversample the data.

                        • -
                        • documentation_char_limit (int) – Character limit for documentation.

                        • -
                        • frequency_penalty (float) – Penalty for frequency of token appearance.

                        • -
                        • model (str) – Model to use for data generation.

                        • -
                        • seed (Optional[int]) – Seed for random number generation.

                        • +
                        • prompt_col (str) – Name of the input prompt column.

                        • +
                        • completion_col (str) – Name of the output completion column.

                        • +
                        • description_col (str) – Name of the description column.

                        • +
                        • id_col (str) – Name of the identifier column.

                        • +
                        • generation_instructions (str) – Instructions for the data generation model.

                        • +
                        • temperature (float) – Sampling temperature for the model.

                        • +
                        • fewshot_examples (int) – Number of fewshot examples used to prompt the model.

                        • +
                        • concurrency (int) – Number of concurrent processes.

                        • +
                        • examples_per_target (int) – Number of examples per target.

                        • +
                        • subset_size (Optional[int]) – Size of the subset to use for generation.

                        • +
                        • verify_response (bool) – Whether to verify the response.

                        • +
                        • token_budget (int) – Token budget for generation.

                        • +
                        • oversample (bool) – Whether to oversample the data.

                        • +
                        • documentation_char_limit (int) – Character limit for documentation.

                        • +
                        • frequency_penalty (float) – Penalty for frequency of token appearance.

                        • +
                        • model (str) – Model to use for data generation.

                        • +
                        • seed (Optional[int]) – Seed for random number generation.

                        -prompt_col: str = None
                        +prompt_col: str = None
                        -completion_col: str = None
                        +completion_col: str = None
                        -description_col: str = None
                        +description_col: str = None
                        -id_col: str = None
                        +id_col: str = None
                        -generation_instructions: str = None
                        +generation_instructions: str = None
                        -temperature: float = None
                        +temperature: float = None
                        -fewshot_examples: int = None
                        +fewshot_examples: int = None
                        -concurrency: int = None
                        +concurrency: int = None
                        -examples_per_target: int = None
                        +examples_per_target: int = None
                        -subset_size: int = None
                        +subset_size: int = None
                        -verify_response: bool = None
                        +verify_response: bool = None
                        -token_budget: int = None
                        +token_budget: int = None
                        -oversample: bool = None
                        +oversample: bool = None
                        -documentation_char_limit: int = None
                        +documentation_char_limit: int = None
                        -frequency_penalty: float = None
                        +frequency_penalty: float = None
                        -model: str = None
                        +model: str = None
                        -seed: int = None
                        +seed: int = None
                        @@ -15629,19 +17657,19 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_ids (List[str]) – List of feature group IDs to union with source FG.

                        • -
                        • drop_non_intersecting_columns (bool) – If true, will drop columns that are not present in all feature groups. If false fills missing columns with nulls.

                        • +
                        • feature_group_ids (List[str]) – List of feature group IDs to union with source FG.

                        • +
                        • drop_non_intersecting_columns (bool) – If true, will drop columns that are not present in all feature groups. If false fills missing columns with nulls.

                        -feature_group_ids: List[str] = None
                        +feature_group_ids: List[str] = None
                        -drop_non_intersecting_columns: bool = False
                        +drop_non_intersecting_columns: bool = False
                        @@ -15680,17 +17708,17 @@

                        Package Contents
                        -_upper_snake_case_keys: bool = True
                        +_upper_snake_case_keys: bool = True

                        -_support_kwargs: bool = True
                        +_support_kwargs: bool = True
                        -kwargs: dict
                        +kwargs: dict
                        @@ -15700,7 +17728,7 @@

                        Package Contents
                        -algorithm: str = None
                        +algorithm: str = None

                        @@ -15721,41 +17749,41 @@

                        Package ContentsPersonalizationObjective) – Ranking scheme used to select final best model.

                      • sort_objective (PersonalizationObjective) – Ranking scheme used to sort models on the metrics page.

                      • training_mode (PersonalizationTrainingMode) – whether to train in production or experimental mode. Defaults to EXP.

                      • -
                      • target_action_types (List[str]) – List of action types to use as targets for training.

                      • -
                      • target_action_weights (Dict[str, float]) – Dictionary of action types to weights for training.

                      • -
                      • session_event_types (List[str]) – List of event types to treat as occurrences of sessions.

                      • -
                      • test_split (int) – Percent of dataset to use for test data. We support using a range between 6% to 20% of your dataset to use as test data.

                      • -
                      • recent_days_for_training (int) – Limit training data to a certain latest number of days.

                      • -
                      • training_start_date (str) – Only consider training interaction data after this date. Specified in the timezone of the dataset.

                      • -
                      • test_on_user_split (bool) – Use user splits instead of using time splits, when validating and testing the model.

                      • -
                      • test_split_on_last_k_items (bool) – Use last k items instead of global timestamp splits, when validating and testing the model.

                      • -
                      • test_last_items_length (int) – Number of items to leave out for each user when using leave k out folds.

                      • -
                      • test_window_length_hours (int) – Duration (in hours) of most recent time window to use when validating and testing the model.

                      • -
                      • explicit_time_split (bool) – Sets an explicit time-based test boundary.

                      • -
                      • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN), validation (VAL) and testing (TEST).

                      • -
                      • full_data_retraining (bool) – Train models separately with all the data.

                      • -
                      • sequential_training (bool) – Train a mode sequentially through time.

                      • -
                      • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

                      • -
                      • optimized_event_type (str) – The final event type to optimize for and compute metrics on.

                      • -
                      • dropout_rate (int) – Dropout rate for neural network.

                      • +
                      • target_action_types (List[str]) – List of action types to use as targets for training.

                      • +
                      • target_action_weights (Dict[str, float]) – Dictionary of action types to weights for training.

                      • +
                      • session_event_types (List[str]) – List of event types to treat as occurrences of sessions.

                      • +
                      • test_split (int) – Percent of dataset to use for test data. We support using a range between 6% to 20% of your dataset to use as test data.

                      • +
                      • recent_days_for_training (int) – Limit training data to a certain latest number of days.

                      • +
                      • training_start_date (str) – Only consider training interaction data after this date. Specified in the timezone of the dataset.

                      • +
                      • test_on_user_split (bool) – Use user splits instead of using time splits, when validating and testing the model.

                      • +
                      • test_split_on_last_k_items (bool) – Use last k items instead of global timestamp splits, when validating and testing the model.

                      • +
                      • test_last_items_length (int) – Number of items to leave out for each user when using leave k out folds.

                      • +
                      • test_window_length_hours (int) – Duration (in hours) of most recent time window to use when validating and testing the model.

                      • +
                      • explicit_time_split (bool) – Sets an explicit time-based test boundary.

                      • +
                      • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN), validation (VAL) and testing (TEST).

                      • +
                      • full_data_retraining (bool) – Train models separately with all the data.

                      • +
                      • sequential_training (bool) – Train a mode sequentially through time.

                      • +
                      • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

                      • +
                      • optimized_event_type (str) – The final event type to optimize for and compute metrics on.

                      • +
                      • dropout_rate (int) – Dropout rate for neural network.

                      • batch_size (BatchSize) – Batch size for neural network.

                      • -
                      • disable_transformer (bool) – Disable training the transformer algorithm.

                      • +
                      • disable_transformer (bool) – Disable training the transformer algorithm.

                      • disable_gpu (boo) – Disable training on GPU.

                      • -
                      • filter_history (bool) – Do not recommend items the user has already interacted with.

                      • -
                      • action_types_exclusion_days (Dict[str, float]) – Mapping from action type to number of days for which we exclude previously interacted items from prediction

                      • -
                      • session_dedupe_mins (float) – Minimum number of minutes between two sessions for a user.

                      • -
                      • max_history_length (int) – Maximum length of user-item history to include user in training examples.

                      • -
                      • compute_rerank_metrics (bool) – Compute metrics based on rerank results.

                      • -
                      • add_time_features (bool) – Include interaction time as a feature.

                      • -
                      • disable_timestamp_scalar_features (bool) – Exclude timestamp scalar features.

                      • -
                      • compute_session_metrics (bool) – Evaluate models based on how well they are able to predict the next session of interactions.

                      • -
                      • max_user_history_len_percentile (int) – Filter out users with history length above this percentile.

                      • -
                      • downsample_item_popularity_percentile (float) – Downsample items more popular than this percentile.

                      • -
                      • use_user_id_feature (bool) – Use user id as a feature in CTR models.

                      • -
                      • min_item_history (int) – Minimum number of interactions an item must have to be included in training.

                      • -
                      • query_column (str) – Name of column in the interactions table that represents a natural language query, e.g. ‘blue t-shirt’.

                      • -
                      • item_query_column (str) – Name of column in the item catalog that will be matched to the query column in the interactions table.

                      • -
                      • include_item_id_feature (bool) – Add Item-Id to the input features of the model. Applicable for Embedding distance and CTR models.

                      • +
                      • filter_history (bool) – Do not recommend items the user has already interacted with.

                      • +
                      • action_types_exclusion_days (Dict[str, float]) – Mapping from action type to number of days for which we exclude previously interacted items from prediction

                      • +
                      • session_dedupe_mins (float) – Minimum number of minutes between two sessions for a user.

                      • +
                      • max_history_length (int) – Maximum length of user-item history to include user in training examples.

                      • +
                      • compute_rerank_metrics (bool) – Compute metrics based on rerank results.

                      • +
                      • add_time_features (bool) – Include interaction time as a feature.

                      • +
                      • disable_timestamp_scalar_features (bool) – Exclude timestamp scalar features.

                      • +
                      • compute_session_metrics (bool) – Evaluate models based on how well they are able to predict the next session of interactions.

                      • +
                      • max_user_history_len_percentile (int) – Filter out users with history length above this percentile.

                      • +
                      • downsample_item_popularity_percentile (float) – Downsample items more popular than this percentile.

                      • +
                      • use_user_id_feature (bool) – Use user id as a feature in CTR models.

                      • +
                      • min_item_history (int) – Minimum number of interactions an item must have to be included in training.

                      • +
                      • query_column (str) – Name of column in the interactions table that represents a natural language query, e.g. ‘blue t-shirt’.

                      • +
                      • item_query_column (str) – Name of column in the item catalog that will be matched to the query column in the interactions table.

                      • +
                      • include_item_id_feature (bool) – Add Item-Id to the input features of the model. Applicable for Embedding distance and CTR models.

                      • @@ -15776,87 +17804,87 @@

                        Package Contents
                        -target_action_types: List[str] = None
                        +target_action_types: List[str] = None
                        -target_action_weights: Dict[str, float] = None
                        +target_action_weights: Dict[str, float] = None
                        -session_event_types: List[str] = None
                        +session_event_types: List[str] = None
                        -test_split: int = None
                        +test_split: int = None
                        -recent_days_for_training: int = None
                        +recent_days_for_training: int = None
                        -training_start_date: str = None
                        +training_start_date: str = None
                        -test_on_user_split: bool = None
                        +test_on_user_split: bool = None
                        -test_split_on_last_k_items: bool = None
                        +test_split_on_last_k_items: bool = None
                        -test_last_items_length: int = None
                        +test_last_items_length: int = None
                        -test_window_length_hours: int = None
                        +test_window_length_hours: int = None
                        -explicit_time_split: bool = None
                        +explicit_time_split: bool = None
                        -test_row_indicator: str = None
                        +test_row_indicator: str = None
                        -full_data_retraining: bool = None
                        +full_data_retraining: bool = None
                        -sequential_training: bool = None
                        +sequential_training: bool = None
                        -data_split_feature_group_table_name: str = None
                        +data_split_feature_group_table_name: str = None
                        -optimized_event_type: str = None
                        +optimized_event_type: str = None
                        -dropout_rate: int = None
                        +dropout_rate: int = None
                        @@ -15866,87 +17894,87 @@

                        Package Contents
                        -disable_transformer: bool = None
                        +disable_transformer: bool = None

                        -disable_gpu: bool = None
                        +disable_gpu: bool = None
                        -filter_history: bool = None
                        +filter_history: bool = None
                        -action_types_exclusion_days: Dict[str, float] = None
                        +action_types_exclusion_days: Dict[str, float] = None
                        -max_history_length: int = None
                        +max_history_length: int = None
                        -compute_rerank_metrics: bool = None
                        +compute_rerank_metrics: bool = None
                        -add_time_features: bool = None
                        +add_time_features: bool = None
                        -disable_timestamp_scalar_features: bool = None
                        +disable_timestamp_scalar_features: bool = None
                        -compute_session_metrics: bool = None
                        +compute_session_metrics: bool = None
                        -query_column: str = None
                        +query_column: str = None
                        -item_query_column: str = None
                        +item_query_column: str = None
                        -use_user_id_feature: bool = None
                        +use_user_id_feature: bool = None
                        -session_dedupe_mins: float = None
                        +session_dedupe_mins: float = None
                        -include_item_id_feature: bool = None
                        +include_item_id_feature: bool = None
                        -max_user_history_len_percentile: int = None
                        +max_user_history_len_percentile: int = None
                        -downsample_item_popularity_percentile: float = None
                        +downsample_item_popularity_percentile: float = None
                        -min_item_history: int = None
                        +min_item_history: int = None
                        @@ -15968,48 +17996,48 @@

                        Package ContentsRegressionObjective) – Ranking scheme used to sort models on the metrics page.

                      • tree_hpo_mode – (RegressionTreeHPOMode): Turning off Rapid Experimentation will take longer to train.

                      • type_of_split (RegressionTypeOfSplit) – Type of data splitting into train/test (validation also).

                      • -
                      • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

                      • -
                      • disable_test_val_fold (bool) – Do not create a TEST_VAL set. All records which would be part of the TEST_VAL fold otherwise, remain in the TEST fold.

                      • -
                      • k_fold_cross_validation (bool) – Use this to force k-fold cross validation bagging on or off.

                      • -
                      • num_cv_folds (int) – Specify the value of k in k-fold cross validation.

                      • -
                      • timestamp_based_splitting_column (str) – Timestamp column selected for splitting into test and train.

                      • +
                      • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

                      • +
                      • disable_test_val_fold (bool) – Do not create a TEST_VAL set. All records which would be part of the TEST_VAL fold otherwise, remain in the TEST fold.

                      • +
                      • k_fold_cross_validation (bool) – Use this to force k-fold cross validation bagging on or off.

                      • +
                      • num_cv_folds (int) – Specify the value of k in k-fold cross validation.

                      • +
                      • timestamp_based_splitting_column (str) – Timestamp column selected for splitting into test and train.

                      • timestamp_based_splitting_method (RegressionTimeSplitMethod) – Method of selecting TEST set, top percentile wise or after a given timestamp.

                      • -
                      • test_splitting_timestamp (str) – Rows with timestamp greater than this will be considered to be in the test set.

                      • -
                      • sampling_unit_keys (List[str]) – Constrain train/test separation to partition a column.

                      • -
                      • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST). Validation (VAL) can also be specified.

                      • -
                      • full_data_retraining (bool) – Train models separately with all the data.

                      • -
                      • rebalance_classes (bool) – Class weights are computed as the inverse of the class frequency from the training dataset when this option is selected as “Yes”. It is useful when the classes in the dataset are unbalanced. +

                      • test_splitting_timestamp (str) – Rows with timestamp greater than this will be considered to be in the test set.

                      • +
                      • sampling_unit_keys (List[str]) – Constrain train/test separation to partition a column.

                      • +
                      • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST). Validation (VAL) can also be specified.

                      • +
                      • full_data_retraining (bool) – Train models separately with all the data.

                      • +
                      • rebalance_classes (bool) – Class weights are computed as the inverse of the class frequency from the training dataset when this option is selected as “Yes”. It is useful when the classes in the dataset are unbalanced. Re-balancing classes generally boosts recall at the cost of precision on rare classes.

                      • -
                      • rare_class_augmentation_threshold (float) – Augments any rare class whose relative frequency with respect to the most frequent class is less than this threshold. Default = 0.1 for classification problems with rare classes.

                      • +
                      • rare_class_augmentation_threshold (float) – Augments any rare class whose relative frequency with respect to the most frequent class is less than this threshold. Default = 0.1 for classification problems with rare classes.

                      • augmentation_strategy (RegressionAugmentationStrategy) – Strategy to deal with class imbalance and data augmentation.

                      • -
                      • training_rows_downsample_ratio (float) – Uses this ratio to train on a sample of the dataset provided.

                      • -
                      • active_labels_column (str) – Specify a column to use as the active columns in a multi label setting.

                      • -
                      • min_categorical_count (int) – Minimum threshold to consider a value different from the unknown placeholder.

                      • -
                      • sample_weight (str) – Specify a column to use as the weight of a sample for training and eval.

                      • -
                      • numeric_clipping_percentile (float) – Uses this option to clip the top and bottom x percentile of numeric feature columns where x is the value of this option.

                      • +
                      • training_rows_downsample_ratio (float) – Uses this ratio to train on a sample of the dataset provided.

                      • +
                      • active_labels_column (str) – Specify a column to use as the active columns in a multi label setting.

                      • +
                      • min_categorical_count (int) – Minimum threshold to consider a value different from the unknown placeholder.

                      • +
                      • sample_weight (str) – Specify a column to use as the weight of a sample for training and eval.

                      • +
                      • numeric_clipping_percentile (float) – Uses this option to clip the top and bottom x percentile of numeric feature columns where x is the value of this option.

                      • target_transform (RegressionTargetTransform) – Specify a transform (e.g. log, quantile) to apply to the target variable.

                      • -
                      • ignore_datetime_features (bool) – Remove all datetime features from the model. Useful while generalizing to different time periods.

                      • -
                      • max_text_words (int) – Maximum number of words to use from text fields.

                      • -
                      • perform_feature_selection (bool) – If enabled, additional algorithms which support feature selection as a pretraining step will be trained separately with the selected subset of features. The details about their selected features can be found in their respective logs.

                      • -
                      • feature_selection_intensity (int) – This determines the strictness with which features will be filtered out. 1 being very lenient (more features kept), 100 being very strict.

                      • +
                      • ignore_datetime_features (bool) – Remove all datetime features from the model. Useful while generalizing to different time periods.

                      • +
                      • max_text_words (int) – Maximum number of words to use from text fields.

                      • +
                      • perform_feature_selection (bool) – If enabled, additional algorithms which support feature selection as a pretraining step will be trained separately with the selected subset of features. The details about their selected features can be found in their respective logs.

                      • +
                      • feature_selection_intensity (int) – This determines the strictness with which features will be filtered out. 1 being very lenient (more features kept), 100 being very strict.

                      • batch_size (BatchSize) – Batch size.

                      • -
                      • dropout_rate (int) – Dropout percentage rate.

                      • -
                      • pretrained_model_name (str) – Enable algorithms which process text using pretrained multilingual NLP models.

                      • -
                      • pretrained_llm_name (str) – Enable algorithms which process text using pretrained large language models.

                      • -
                      • is_multilingual (bool) – Enable algorithms which process text using pretrained multilingual NLP models.

                      • +
                      • dropout_rate (int) – Dropout percentage rate.

                      • +
                      • pretrained_model_name (str) – Enable algorithms which process text using pretrained multilingual NLP models.

                      • +
                      • pretrained_llm_name (str) – Enable algorithms which process text using pretrained large language models.

                      • +
                      • is_multilingual (bool) – Enable algorithms which process text using pretrained multilingual NLP models.

                      • loss_function (RegressionLossFunction) – Loss function to be used as objective for model training.

                      • -
                      • loss_parameters (str) – Loss function params in format <key>=<value>;<key>=<value>;…..

                      • -
                      • target_encode_categoricals (bool) – Use this to turn target encoding on categorical features on or off.

                      • -
                      • drop_original_categoricals (bool) – This option helps us choose whether to also feed the original label encoded categorical columns to the mdoels along with their target encoded versions.

                      • -
                      • monotonically_increasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically increasing with the selected features

                      • -
                      • monotonically_decreasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically decreasing with the selected features

                      • -
                      • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

                      • -
                      • custom_loss_functions (List[str]) – Registered custom losses available for selection.

                      • -
                      • custom_metrics (List[str]) – Registered custom metrics available for selection.

                      • +
                      • loss_parameters (str) – Loss function params in format <key>=<value>;<key>=<value>;…..

                      • +
                      • target_encode_categoricals (bool) – Use this to turn target encoding on categorical features on or off.

                      • +
                      • drop_original_categoricals (bool) – This option helps us choose whether to also feed the original label encoded categorical columns to the mdoels along with their target encoded versions.

                      • +
                      • monotonically_increasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically increasing with the selected features

                      • +
                      • monotonically_decreasing_features (List[str]) – Constrain the model such that it behaves as if the target feature is monotonically decreasing with the selected features

                      • +
                      • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

                      • +
                      • custom_loss_functions (List[str]) – Registered custom losses available for selection.

                      • +
                      • custom_metrics (List[str]) – Registered custom metrics available for selection.

                      • partial_dependence_analysis (PartialDependenceAnalysis) – Specify whether to run partial dependence plots for all features or only some features.

                      • -
                      • do_masked_language_model_pretraining (bool) – Specify whether to run a masked language model unsupervised pretraining step before supervized training in certain supported algorithms which use BERT-like backbones.

                      • -
                      • max_tokens_in_sentence (int) – Specify the max tokens to be kept in a sentence based on the truncation strategy.

                      • -
                      • truncation_strategy (str) – What strategy to use to deal with text rows with more than a given number of tokens (if num of tokens is more than “max_tokens_in_sentence”).

                      • +
                      • do_masked_language_model_pretraining (bool) – Specify whether to run a masked language model unsupervised pretraining step before supervized training in certain supported algorithms which use BERT-like backbones.

                      • +
                      • max_tokens_in_sentence (int) – Specify the max tokens to be kept in a sentence based on the truncation strategy.

                      • +
                      • truncation_strategy (str) – What strategy to use to deal with text rows with more than a given number of tokens (if num of tokens is more than “max_tokens_in_sentence”).

                      • @@ -16040,27 +18068,27 @@

                        Package Contents
                        -test_split: int = None
                        +test_split: int = None
                        -disable_test_val_fold: bool = None
                        +disable_test_val_fold: bool = None
                        -k_fold_cross_validation: bool = None
                        +k_fold_cross_validation: bool = None
                        -num_cv_folds: int = None
                        +num_cv_folds: int = None
                        -timestamp_based_splitting_column: str = None
                        +timestamp_based_splitting_column: str = None
                        @@ -16070,32 +18098,32 @@

                        Package Contents
                        -test_splitting_timestamp: str = None
                        +test_splitting_timestamp: str = None

                        -sampling_unit_keys: List[str] = None
                        +sampling_unit_keys: List[str] = None
                        -test_row_indicator: str = None
                        +test_row_indicator: str = None
                        -full_data_retraining: bool = None
                        +full_data_retraining: bool = None
                        -rebalance_classes: bool = None
                        +rebalance_classes: bool = None
                        -rare_class_augmentation_threshold: float = None
                        +rare_class_augmentation_threshold: float = None
                        @@ -16105,27 +18133,27 @@

                        Package Contents
                        -training_rows_downsample_ratio: float = None
                        +training_rows_downsample_ratio: float = None

                        -active_labels_column: str = None
                        +active_labels_column: str = None
                        -min_categorical_count: int = None
                        +min_categorical_count: int = None
                        -sample_weight: str = None
                        +sample_weight: str = None
                        -numeric_clipping_percentile: float = None
                        +numeric_clipping_percentile: float = None
                        @@ -16135,22 +18163,22 @@

                        Package Contents
                        -ignore_datetime_features: bool = None
                        +ignore_datetime_features: bool = None

                        -max_text_words: int = None
                        +max_text_words: int = None
                        -perform_feature_selection: bool = None
                        +perform_feature_selection: bool = None
                        -feature_selection_intensity: int = None
                        +feature_selection_intensity: int = None
                        @@ -16160,37 +18188,37 @@

                        Package Contents
                        -dropout_rate: int = None
                        +dropout_rate: int = None

                        -pretrained_model_name: str = None
                        +pretrained_model_name: str = None
                        -pretrained_llm_name: str = None
                        +pretrained_llm_name: str = None
                        -is_multilingual: bool = None
                        +is_multilingual: bool = None
                        -do_masked_language_model_pretraining: bool = None
                        +do_masked_language_model_pretraining: bool = None
                        -max_tokens_in_sentence: int = None
                        +max_tokens_in_sentence: int = None
                        -truncation_strategy: str = None
                        +truncation_strategy: str = None
                        @@ -16200,42 +18228,42 @@

                        Package Contents
                        -loss_parameters: str = None
                        +loss_parameters: str = None

                        -target_encode_categoricals: bool = None
                        +target_encode_categoricals: bool = None
                        -drop_original_categoricals: bool = None
                        +drop_original_categoricals: bool = None
                        -monotonically_increasing_features: List[str] = None
                        +monotonically_increasing_features: List[str] = None
                        -monotonically_decreasing_features: List[str] = None
                        +monotonically_decreasing_features: List[str] = None
                        -data_split_feature_group_table_name: str = None
                        +data_split_feature_group_table_name: str = None
                        -custom_loss_functions: List[str] = None
                        +custom_loss_functions: List[str] = None
                        -custom_metrics: List[str] = None
                        +custom_metrics: List[str] = None
                        @@ -16253,67 +18281,67 @@

                        Package Contents
                        Parameters:
                          -
                        • prediction_length (int) – How many timesteps in the future to predict.

                        • +
                        • prediction_length (int) – How many timesteps in the future to predict.

                        • objective (ForecastingObjective) – Ranking scheme used to select final best model.

                        • sort_objective (ForecastingObjective) – Ranking scheme used to sort models on the metrics page.

                        • forecast_frequency (ForecastingFrequency) – Forecast frequency.

                        • -
                        • probability_quantiles (List[float]) – Prediction quantiles.

                        • -
                        • force_prediction_length (int) – Force length of test window to be the same as prediction length.

                        • -
                        • filter_items (bool) – Filter items with small history and volume.

                        • -
                        • enable_feature_selection (bool) – Enable feature selection.

                        • -
                        • enable_padding (bool) – Pad series to the max_date of the dataset

                        • -
                        • enable_cold_start (bool) – Enable cold start forecasting by training/predicting for zero history items.

                        • -
                        • enable_multiple_backtests (bool) – Whether to enable multiple backtesting or not.

                        • -
                        • num_backtesting_windows (int) – Total backtesting windows to use for the training.

                        • -
                        • backtesting_window_step_size (int) – Use this step size to shift backtesting windows for model training.

                        • -
                        • full_data_retraining (bool) – Train models separately with all the data.

                        • +
                        • probability_quantiles (List[float]) – Prediction quantiles.

                        • +
                        • force_prediction_length (int) – Force length of test window to be the same as prediction length.

                        • +
                        • filter_items (bool) – Filter items with small history and volume.

                        • +
                        • enable_feature_selection (bool) – Enable feature selection.

                        • +
                        • enable_padding (bool) – Pad series to the max_date of the dataset

                        • +
                        • enable_cold_start (bool) – Enable cold start forecasting by training/predicting for zero history items.

                        • +
                        • enable_multiple_backtests (bool) – Whether to enable multiple backtesting or not.

                        • +
                        • num_backtesting_windows (int) – Total backtesting windows to use for the training.

                        • +
                        • backtesting_window_step_size (int) – Use this step size to shift backtesting windows for model training.

                        • +
                        • full_data_retraining (bool) – Train models separately with all the data.

                        • additional_forecast_keys – List[str]: List of categoricals in timeseries that can act as multi-identifier.

                        • experimentation_mode (ExperimentationMode) – Selecting Thorough Experimentation will take longer to train.

                        • type_of_split (ForecastingDataSplitType) – Type of data splitting into train/test.

                        • -
                        • test_by_item (bool) – Partition train/test data by item rather than time if true.

                        • -
                        • test_start (str) – Limit training data to dates before the given test start.

                        • -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

                        • +
                        • test_by_item (bool) – Partition train/test data by item rather than time if true.

                        • +
                        • test_start (str) – Limit training data to dates before the given test start.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5% to 20% of your dataset to use as test data.

                        • loss_function (ForecastingLossFunction) – Loss function for training neural network.

                        • -
                        • underprediction_weight (float) – Weight for underpredictions

                        • -
                        • disable_networks_without_analytic_quantiles (bool) – Disable neural networks, which quantile functions do not have analytic expressions (e.g, mixture models)

                        • -
                        • initial_learning_rate (float) – Initial learning rate.

                        • -
                        • l2_regularization_factor (float) – L2 regularization factor.

                        • -
                        • dropout_rate (int) – Dropout percentage rate.

                        • -
                        • recurrent_layers (int) – Number of recurrent layers to stack in network.

                        • -
                        • recurrent_units (int) – Number of units in each recurrent layer.

                        • -
                        • convolutional_layers (int) – Number of convolutional layers to stack on top of recurrent layers in network.

                        • -
                        • convolution_filters (int) – Number of filters in each convolution.

                        • +
                        • underprediction_weight (float) – Weight for underpredictions

                        • +
                        • disable_networks_without_analytic_quantiles (bool) – Disable neural networks, which quantile functions do not have analytic expressions (e.g, mixture models)

                        • +
                        • initial_learning_rate (float) – Initial learning rate.

                        • +
                        • l2_regularization_factor (float) – L2 regularization factor.

                        • +
                        • dropout_rate (int) – Dropout percentage rate.

                        • +
                        • recurrent_layers (int) – Number of recurrent layers to stack in network.

                        • +
                        • recurrent_units (int) – Number of units in each recurrent layer.

                        • +
                        • convolutional_layers (int) – Number of convolutional layers to stack on top of recurrent layers in network.

                        • +
                        • convolution_filters (int) – Number of filters in each convolution.

                        • local_scaling_mode (ForecastingLocalScaling) – Options to make NN inputs stationary in high dynamic range datasets.

                        • -
                        • zero_predictor (bool) – Include subnetwork to classify points where target equals zero.

                        • -
                        • skip_missing (bool) – Make the RNN ignore missing entries rather instead of processing them.

                        • +
                        • zero_predictor (bool) – Include subnetwork to classify points where target equals zero.

                        • +
                        • skip_missing (bool) – Make the RNN ignore missing entries rather instead of processing them.

                        • batch_size (ForecastingBatchSize) – Batch size.

                        • -
                        • batch_renormalization (bool) – Enable batch renormalization between layers.

                        • -
                        • history_length (int) – While training, how much history to consider.

                        • -
                        • prediction_step_size (int) – Number of future periods to include in objective for each training sample.

                        • -
                        • training_point_overlap (float) – Amount of overlap to allow between training samples.

                        • -
                        • max_scale_context (int) – Maximum context to use for local scaling.

                        • +
                        • batch_renormalization (bool) – Enable batch renormalization between layers.

                        • +
                        • history_length (int) – While training, how much history to consider.

                        • +
                        • prediction_step_size (int) – Number of future periods to include in objective for each training sample.

                        • +
                        • training_point_overlap (float) – Amount of overlap to allow between training samples.

                        • +
                        • max_scale_context (int) – Maximum context to use for local scaling.

                        • quantiles_extension_method (ForecastingQuanitlesExtensionMethod) – Quantile extension method

                        • -
                        • number_of_samples (int) – Number of samples for ancestral simulation

                        • -
                        • symmetrize_quantiles (bool) – Force symmetric quantiles (like in Gaussian distribution)

                        • -
                        • use_log_transforms (bool) – Apply logarithmic transformations to input data.

                        • -
                        • smooth_history (float) – Smooth (low pass filter) the timeseries.

                        • -
                        • local_scale_target (bool) – Using per training/prediction window target scaling.

                        • -
                        • use_clipping (bool) – Apply clipping to input data to stabilize the training.

                        • -
                        • timeseries_weight_column (str) – If set, we use the values in this column from timeseries data to assign time dependent item weights during training and evaluation.

                        • -
                        • item_attributes_weight_column (str) – If set, we use the values in this column from item attributes data to assign weights to items during training and evaluation.

                        • -
                        • use_timeseries_weights_in_objective (bool) – If True, we include weights from column set as “TIMESERIES WEIGHT COLUMN” in objective functions.

                        • -
                        • use_item_weights_in_objective (bool) – If True, we include weights from column set as “ITEM ATTRIBUTES WEIGHT COLUMN” in objective functions.

                        • -
                        • skip_timeseries_weight_scaling (bool) – If True, we will avoid normalizing the weights.

                        • -
                        • timeseries_loss_weight_column (str) – Use value in this column to weight the loss while training.

                        • -
                        • use_item_id (bool) – Include a feature to indicate the item being forecast.

                        • -
                        • use_all_item_totals (bool) – Include as input total target across items.

                        • -
                        • handle_zeros_as_missing_values (bool) – If True, handle zero values in demand as missing data.

                        • +
                        • number_of_samples (int) – Number of samples for ancestral simulation

                        • +
                        • symmetrize_quantiles (bool) – Force symmetric quantiles (like in Gaussian distribution)

                        • +
                        • use_log_transforms (bool) – Apply logarithmic transformations to input data.

                        • +
                        • smooth_history (float) – Smooth (low pass filter) the timeseries.

                        • +
                        • local_scale_target (bool) – Using per training/prediction window target scaling.

                        • +
                        • use_clipping (bool) – Apply clipping to input data to stabilize the training.

                        • +
                        • timeseries_weight_column (str) – If set, we use the values in this column from timeseries data to assign time dependent item weights during training and evaluation.

                        • +
                        • item_attributes_weight_column (str) – If set, we use the values in this column from item attributes data to assign weights to items during training and evaluation.

                        • +
                        • use_timeseries_weights_in_objective (bool) – If True, we include weights from column set as “TIMESERIES WEIGHT COLUMN” in objective functions.

                        • +
                        • use_item_weights_in_objective (bool) – If True, we include weights from column set as “ITEM ATTRIBUTES WEIGHT COLUMN” in objective functions.

                        • +
                        • skip_timeseries_weight_scaling (bool) – If True, we will avoid normalizing the weights.

                        • +
                        • timeseries_loss_weight_column (str) – Use value in this column to weight the loss while training.

                        • +
                        • use_item_id (bool) – Include a feature to indicate the item being forecast.

                        • +
                        • use_all_item_totals (bool) – Include as input total target across items.

                        • +
                        • handle_zeros_as_missing_values (bool) – If True, handle zero values in demand as missing data.

                        • datetime_holiday_calendars (List[HolidayCalendars]) – Holiday calendars to augment training with.

                        • -
                        • fill_missing_values (List[List[dict]]) – Strategy for filling in missing values.

                        • -
                        • enable_clustering (bool) – Enable clustering in forecasting.

                        • -
                        • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

                        • -
                        • custom_loss_functions (List[str]) – Registered custom losses available for selection.

                        • -
                        • custom_metrics (List[str]) – Registered custom metrics available for selection.

                        • +
                        • fill_missing_values (List[List[dict]]) – Strategy for filling in missing values.

                        • +
                        • enable_clustering (bool) – Enable clustering in forecasting.

                        • +
                        • data_split_feature_group_table_name (str) – Specify the table name of the feature group to export training data with the fold column.

                        • +
                        • custom_loss_functions (List[str]) – Registered custom losses available for selection.

                        • +
                        • custom_metrics (List[str]) – Registered custom metrics available for selection.

                        • return_fractional_forecasts – Use this to return fractional forecast values while prediction

                        • allow_training_with_small_history – Allows training with fewer than 100 rows in the dataset

                        @@ -16321,7 +18349,7 @@

                        Package Contents
                        -prediction_length: int = None
                        +prediction_length: int = None

                        @@ -16341,57 +18369,57 @@

                        Package Contents
                        -probability_quantiles: List[float] = None
                        +probability_quantiles: List[float] = None

                        -force_prediction_length: bool = None
                        +force_prediction_length: bool = None
                        -filter_items: bool = None
                        +filter_items: bool = None
                        -enable_feature_selection: bool = None
                        +enable_feature_selection: bool = None
                        -enable_padding: bool = None
                        +enable_padding: bool = None
                        -enable_cold_start: bool = None
                        +enable_cold_start: bool = None
                        -enable_multiple_backtests: bool = None
                        +enable_multiple_backtests: bool = None
                        -num_backtesting_windows: int = None
                        +num_backtesting_windows: int = None
                        -backtesting_window_step_size: int = None
                        +backtesting_window_step_size: int = None
                        -full_data_retraining: bool = None
                        +full_data_retraining: bool = None
                        -additional_forecast_keys: List[str] = None
                        +additional_forecast_keys: List[str] = None
                        @@ -16406,17 +18434,17 @@

                        Package Contents
                        -test_by_item: bool = None
                        +test_by_item: bool = None

                        -test_start: str = None
                        +test_start: str = None
                        -test_split: int = None
                        +test_split: int = None
                        @@ -16426,47 +18454,47 @@

                        Package Contents
                        -underprediction_weight: float = None
                        +underprediction_weight: float = None

                        -disable_networks_without_analytic_quantiles: bool = None
                        +disable_networks_without_analytic_quantiles: bool = None
                        -initial_learning_rate: float = None
                        +initial_learning_rate: float = None
                        -l2_regularization_factor: float = None
                        +l2_regularization_factor: float = None
                        -dropout_rate: int = None
                        +dropout_rate: int = None
                        -recurrent_layers: int = None
                        +recurrent_layers: int = None
                        -recurrent_units: int = None
                        +recurrent_units: int = None
                        -convolutional_layers: int = None
                        +convolutional_layers: int = None
                        -convolution_filters: int = None
                        +convolution_filters: int = None
                        @@ -16476,12 +18504,12 @@

                        Package Contents
                        -zero_predictor: bool = None
                        +zero_predictor: bool = None

                        -skip_missing: bool = None
                        +skip_missing: bool = None
                        @@ -16491,27 +18519,27 @@

                        Package Contents
                        -batch_renormalization: bool = None
                        +batch_renormalization: bool = None

                        -history_length: int = None
                        +history_length: int = None
                        -prediction_step_size: int = None
                        +prediction_step_size: int = None
                        -training_point_overlap: float = None
                        +training_point_overlap: float = None
                        -max_scale_context: int = None
                        +max_scale_context: int = None
                        @@ -16521,77 +18549,77 @@

                        Package Contents
                        -number_of_samples: int = None
                        +number_of_samples: int = None

                        -symmetrize_quantiles: bool = None
                        +symmetrize_quantiles: bool = None
                        -use_log_transforms: bool = None
                        +use_log_transforms: bool = None
                        -smooth_history: float = None
                        +smooth_history: float = None
                        -local_scale_target: bool = None
                        +local_scale_target: bool = None
                        -use_clipping: bool = None
                        +use_clipping: bool = None
                        -timeseries_weight_column: str = None
                        +timeseries_weight_column: str = None
                        -item_attributes_weight_column: str = None
                        +item_attributes_weight_column: str = None
                        -use_timeseries_weights_in_objective: bool = None
                        +use_timeseries_weights_in_objective: bool = None
                        -use_item_weights_in_objective: bool = None
                        +use_item_weights_in_objective: bool = None
                        -skip_timeseries_weight_scaling: bool = None
                        +skip_timeseries_weight_scaling: bool = None
                        -timeseries_loss_weight_column: str = None
                        +timeseries_loss_weight_column: str = None
                        -use_item_id: bool = None
                        +use_item_id: bool = None
                        -use_all_item_totals: bool = None
                        +use_all_item_totals: bool = None
                        -handle_zeros_as_missing_values: bool = None
                        +handle_zeros_as_missing_values: bool = None
                        @@ -16601,37 +18629,37 @@

                        Package Contents
                        -fill_missing_values: List[List[dict]] = None
                        +fill_missing_values: List[List[dict]] = None

                        -enable_clustering: bool = None
                        +enable_clustering: bool = None
                        -data_split_feature_group_table_name: str = None
                        +data_split_feature_group_table_name: str = None
                        -custom_loss_functions: List[str] = None
                        +custom_loss_functions: List[str] = None
                        -custom_metrics: List[str] = None
                        +custom_metrics: List[str] = None
                        -return_fractional_forecasts: bool = None
                        +return_fractional_forecasts: bool = None
                        -allow_training_with_small_history: bool = None
                        +allow_training_with_small_history: bool = None
                        @@ -16650,14 +18678,14 @@

                        Package ContentsParameters:
                        • llm_for_ner (NERForLLM) – LLM to use for NER from among available LLM

                        • -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • -
                        • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST).

                        • -
                        • active_labels_column (str) – Entities that have been marked in a particular text

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • test_row_indicator (str) – Column indicating which rows to use for training (TRAIN) and testing (TEST).

                        • +
                        • active_labels_column (str) – Entities that have been marked in a particular text

                        • document_format (NLPDocumentFormat) – Format of the input documents.

                        • -
                        • minimum_bounding_box_overlap_ratio (float) – Tokens are considered to belong to annotation if the user bounding box is provided and ratio of (token_bounding_box ∩ annotation_bounding_box) / token_bounding_area is greater than the provided value.

                        • -
                        • save_predicted_pdf (bool) – Whether to save predicted PDF documents

                        • -
                        • enhanced_ocr (bool) – Enhanced text extraction from predicted digital documents

                        • -
                        • additional_extraction_instructions (str) – Additional instructions to guide the LLM in extracting the entities. Only used with LLM algorithms.

                        • +
                        • minimum_bounding_box_overlap_ratio (float) – Tokens are considered to belong to annotation if the user bounding box is provided and ratio of (token_bounding_box ∩ annotation_bounding_box) / token_bounding_area is greater than the provided value.

                        • +
                        • save_predicted_pdf (bool) – Whether to save predicted PDF documents

                        • +
                        • enhanced_ocr (bool) – Enhanced text extraction from predicted digital documents

                        • +
                        • additional_extraction_instructions (str) – Additional instructions to guide the LLM in extracting the entities. Only used with LLM algorithms.

                        @@ -16668,17 +18696,17 @@

                        Package Contents
                        -test_split: int = None
                        +test_split: int = None
                        -test_row_indicator: str = None
                        +test_row_indicator: str = None
                        -active_labels_column: str = None
                        +active_labels_column: str = None
                        @@ -16688,22 +18716,22 @@

                        Package Contents
                        -minimum_bounding_box_overlap_ratio: float = 0.0
                        +minimum_bounding_box_overlap_ratio: float = 0.0

                        -save_predicted_pdf: bool = True
                        +save_predicted_pdf: bool = True
                        -enhanced_ocr: bool = False
                        +enhanced_ocr: bool = False
                        -additional_extraction_instructions: str = None
                        +additional_extraction_instructions: str = None
                        @@ -16721,43 +18749,43 @@

                        Package Contents
                        Parameters:
                          -
                        • abacus_internal_model (bool) – Use a Abacus.AI LLM to answer questions about your data without using any external APIs

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct

                        • -
                        • larger_embeddings (bool) – Use a higher dimension embedding model.

                        • -
                        • search_chunk_size (int) – Chunk size for indexing the documents.

                        • -
                        • chunk_overlap_fraction (float) – Overlap in chunks while indexing the documents.

                        • -
                        • index_fraction (float) – Fraction of the chunk to use for indexing.

                        • +
                        • abacus_internal_model (bool) – Use a Abacus.AI LLM to answer questions about your data without using any external APIs

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct

                        • +
                        • larger_embeddings (bool) – Use a higher dimension embedding model.

                        • +
                        • search_chunk_size (int) – Chunk size for indexing the documents.

                        • +
                        • chunk_overlap_fraction (float) – Overlap in chunks while indexing the documents.

                        • +
                        • index_fraction (float) – Fraction of the chunk to use for indexing.

                        -abacus_internal_model: bool = None
                        +abacus_internal_model: bool = None
                        -num_completion_tokens: int = None
                        +num_completion_tokens: int = None
                        -larger_embeddings: bool = None
                        +larger_embeddings: bool = None
                        -search_chunk_size: int = None
                        +search_chunk_size: int = None
                        -index_fraction: float = None
                        +index_fraction: float = None
                        -chunk_overlap_fraction: float = None
                        +chunk_overlap_fraction: float = None
                        @@ -16767,6 +18795,31 @@

                        Package Contents +
                        +class abacusai.SystemConnectorTool
                        +

                        Bases: abacusai.api_class.abstract.ApiClass

                        +

                        System connector tool used to integrate chatbots with external services.

                        +
                        +
                        Parameters:
                        +
                          +
                        • value (str) – The name of the tool.

                        • +
                        • configs (dict) – Optional. A dictionary of key-value pairs that are used to configure the tool.

                        • +
                        +
                        +
                        +
                        +
                        +value: str
                        +
                        + +
                        +
                        +configs: dict = None
                        +
                        + +

                        +
                        class abacusai.ChatLLMTrainingConfig
                        @@ -16775,215 +18828,257 @@

                        Package Contents
                        Parameters:
                          -
                        • document_retrievers (List[str]) – List of names or IDs of document retrievers to use as vector stores of information for RAG responses.

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct.

                        • -
                        • temperature (float) – The generative LLM temperature.

                        • -
                        • retrieval_columns (list) – Include the metadata column values in the retrieved search results.

                        • -
                        • filter_columns (list) – Allow users to filter the document retrievers on these metadata columns.

                        • -
                        • include_general_knowledge (bool) – Allow the LLM to rely not just on RAG search results, but to fall back on general knowledge. Disabled by default.

                        • -
                        • enable_web_search (bool) – Allow the LLM to use Web Search Engines to retrieve information for better results.

                        • -
                        • behavior_instructions (str) – Customize the overall behaviour of the model. This controls things like - when to execute code (if enabled), write sql query, search web (if enabled), etc.

                        • -
                        • response_instructions (str) – Customized instructions for how the model should respond inlcuding the format, persona and tone of the answers.

                        • -
                        • enable_llm_rewrite (bool) – If enabled, an LLM will rewrite the RAG queries sent to document retriever. Disabled by default.

                        • -
                        • column_filtering_instructions (str) – Instructions for a LLM call to automatically generate filter expressions on document metadata to retrieve relevant documents for the conversation.

                        • -
                        • keyword_requirement_instructions (str) – Instructions for a LLM call to automatically generate keyword requirements to retrieve relevant documents for the conversation.

                        • -
                        • query_rewrite_instructions (str) – Special instructions for the LLM which rewrites the RAG query.

                        • -
                        • max_search_results (int) – Maximum number of search results in the retrieval augmentation step. If we know that the questions are likely to have snippets which are easily matched in the documents, then a lower number will help with accuracy.

                        • +
                        • document_retrievers (List[str]) – List of names or IDs of document retrievers to use as vector stores of information for RAG responses.

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers. Reducing this will get faster responses which are more succinct.

                        • +
                        • temperature (float) – The generative LLM temperature.

                        • +
                        • retrieval_columns (list) – Include the metadata column values in the retrieved search results.

                        • +
                        • filter_columns (list) – Allow users to filter the document retrievers on these metadata columns.

                        • +
                        • include_general_knowledge (bool) – Allow the LLM to rely not just on RAG search results, but to fall back on general knowledge. Disabled by default.

                        • +
                        • enable_web_search (bool) – Allow the LLM to use Web Search Engines to retrieve information for better results.

                        • +
                        • behavior_instructions (str) – Customize the overall behaviour of the model. This controls things like - when to execute code (if enabled), write sql query, search web (if enabled), etc.

                        • +
                        • response_instructions (str) – Customized instructions for how the model should respond inlcuding the format, persona and tone of the answers.

                        • +
                        • enable_llm_rewrite (bool) – If enabled, an LLM will rewrite the RAG queries sent to document retriever. Disabled by default.

                        • +
                        • column_filtering_instructions (str) – Instructions for a LLM call to automatically generate filter expressions on document metadata to retrieve relevant documents for the conversation.

                        • +
                        • keyword_requirement_instructions (str) – Instructions for a LLM call to automatically generate keyword requirements to retrieve relevant documents for the conversation.

                        • +
                        • query_rewrite_instructions (str) – Special instructions for the LLM which rewrites the RAG query.

                        • +
                        • max_search_results (int) – Maximum number of search results in the retrieval augmentation step. If we know that the questions are likely to have snippets which are easily matched in the documents, then a lower number will help with accuracy.

                        • data_feature_group_ids – (List[str]): List of feature group IDs to use to possibly query for the ChatLLM. The created ChatLLM is commonly referred to as DataLLM.

                        • -
                        • data_prompt_context (str) – Prompt context for the data feature group IDs.

                        • -
                        • data_prompt_table_context (Dict[str, str]) – Dict of table name and table context pairs to provide table wise context for each structured data table.

                        • -
                        • data_prompt_column_context (Dict[str, str]) – Dict of ‘table_name.column_name’ and ‘column_context’ pairs to provide column context for some selected columns in the selected structured data table. This replaces the default auto-generated information about the column data.

                        • -
                        • hide_sql_and_code (bool) – When running data queries, this will hide the generated SQL and Code in the response.

                        • -
                        • disable_data_summarization (bool) – After executing a query summarize the reponse and reply back with only the table and query run.

                        • -
                        • data_columns_to_ignore (List[str]) – Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format “<table_name>.<column_name>”

                        • -
                        • search_score_cutoff (float) – Minimum search score to consider a document as a valid search result.

                        • -
                        • include_bm25_retrieval (bool) – Combine BM25 search score with vector search using reciprocal rank fusion.

                        • -
                        • database_connector_id (str) – Database connector ID to use for connecting external database that gives access to structured data to the LLM.

                        • -
                        • database_connector_tables (List[str]) – List of tables to use from the database connector for the ChatLLM.

                        • -
                        • enable_code_execution (bool) – Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed.

                        • -
                        • enable_response_caching (bool) – Enable caching of LLM responses to speed up response times and improve reproducibility.

                        • -
                        • unknown_answer_phrase (str) – Fallback response when the LLM can’t find an answer.

                        • -
                        • enable_tool_bar (bool) – Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc.

                        • -
                        • enable_inline_source_citations (bool) – Enable inline citations of the sources in the response.

                        • +
                        • data_prompt_context (str) – Prompt context for the data feature group IDs.

                        • +
                        • data_prompt_table_context (Dict[str, str]) – Dict of table name and table context pairs to provide table wise context for each structured data table.

                        • +
                        • data_prompt_column_context (Dict[str, str]) – Dict of ‘table_name.column_name’ and ‘column_context’ pairs to provide column context for some selected columns in the selected structured data table. This replaces the default auto-generated information about the column data.

                        • +
                        • hide_sql_and_code (bool) – When running data queries, this will hide the generated SQL and Code in the response.

                        • +
                        • disable_data_summarization (bool) – After executing a query summarize the reponse and reply back with only the table and query run.

                        • +
                        • disable_data_fetch_for_training (bool) – Train using only table and column schema metadata without fetching sample data. This speeds up training but may result in less context for the model.

                        • +
                        • data_columns_to_ignore (List[str]) – Columns to ignore while encoding information about structured data tables in context for the LLM. A list of strings of format “<table_name>.<column_name>”

                        • +
                        • search_score_cutoff (float) – Minimum search score to consider a document as a valid search result.

                        • +
                        • include_bm25_retrieval (bool) – Combine BM25 search score with vector search using reciprocal rank fusion.

                        • +
                        • database_connector_id (str) – Database connector ID to use for connecting external database that gives access to structured data to the LLM.

                        • +
                        • database_connector_ids (List[str]) – List of database connector IDs to use for connecting external databases that give access to structured data to the LLM.

                        • +
                        • database_connector_tables (List[str]) – List of tables to use from the database connector for the ChatLLM.

                        • +
                        • enable_code_execution (bool) – Enable python code execution in the ChatLLM. This equips the LLM with a python kernel in which all its code is executed.

                        • +
                        • enable_response_caching (bool) – Enable caching of LLM responses to speed up response times and improve reproducibility.

                        • +
                        • unknown_answer_phrase (str) – Fallback response when the LLM can’t find an answer.

                        • +
                        • enable_tool_bar (bool) – Enable the tool bar in Enterprise ChatLLM to provide additional functionalities like tool_use, web_search, image_gen, etc. Enabling this requires enable_web_search to be enabled.

                        • +
                        • enable_inline_source_citations (bool) – Enable inline citations of the sources in the response.

                        • response_format – (str): When set to ‘JSON’, the LLM will generate a JSON formatted string.

                        • -
                        • json_response_instructions (str) – Instructions to be followed while generating the json_response if response_format is set to “JSON”. This can include the schema information if the schema is dynamic and its keys cannot be pre-determined.

                        • -
                        • json_response_schema (str) – Specifies the JSON schema that the model should adhere to if response_format is set to “JSON”. This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields ‘type’, ‘required’ and ‘description’. For example - ‘{“sample_field”: {“type”: “integer”, “required”: true, “description”: “Sample Field”}}’

                        • +
                        • json_response_instructions (str) – Instructions to be followed while generating the json_response if response_format is set to “JSON”. This can include the schema information if the schema is dynamic and its keys cannot be pre-determined.

                        • +
                        • json_response_schema (str) – Specifies the JSON schema that the model should adhere to if response_format is set to “JSON”. This should be a json-formatted string where each field of the expected schema is mapped to a dictionary containing the fields ‘type’, ‘required’ and ‘description’. For example - ‘{“sample_field”: {“type”: “integer”, “required”: true, “description”: “Sample Field”}}’

                        • +
                        • mask_pii (bool) – Mask PII in the prompts and uploaded documents before sending it to the LLM. Only available for Enterprise users and will cause validation errors if set to True for ChatLLM Teams users.

                        • +
                        • builtin_tools (List[SystemConnectorTool]) – List of builtin system connector tools to use in the ChatLLM. Using builtin tools does not require enabling tool bar (enable_tool_bar flag).

                        • +
                        • config_connectors (List[str]) – List of names of config connectors to use in the ChatLLM. This should not be used with document_retrievers.

                        • +
                        • mcp_servers (List[str]) – List of names of MCP servers to use in the ChatLLM. This should not be used with document_retrievers.

                        • +
                        • agentic_loop_mode (bool) – Enables use of agentic loop that uses a series of tool calls when needed to respond. If set to False, the agentic loop will not be used. If not set or set to Auto, the agentic loop will be automatically used based on certain conditions like presence of tools in the model.

                        -document_retrievers: List[str] = None
                        +document_retrievers: List[str] = None
                        -num_completion_tokens: int = None
                        +num_completion_tokens: int = None
                        -temperature: float = None
                        +temperature: float = None
                        -retrieval_columns: list = None
                        +retrieval_columns: list = None
                        -filter_columns: list = None
                        +filter_columns: list = None
                        -include_general_knowledge: bool = None
                        +include_general_knowledge: bool = None
                        +enable_web_search: bool = None
                        -behavior_instructions: str = None
                        +behavior_instructions: str = None
                        -response_instructions: str = None
                        +response_instructions: str = None
                        -enable_llm_rewrite: bool = None
                        +enable_llm_rewrite: bool = None
                        -column_filtering_instructions: str = None
                        +column_filtering_instructions: str = None
                        -keyword_requirement_instructions: str = None
                        +keyword_requirement_instructions: str = None
                        -query_rewrite_instructions: str = None
                        +query_rewrite_instructions: str = None
                        -max_search_results: int = None
                        +max_search_results: int = None
                        -data_feature_group_ids: List[str] = None
                        +data_feature_group_ids: List[str] = None
                        -data_prompt_context: str = None
                        +data_prompt_context: str = None
                        -data_prompt_table_context: Dict[str, str] = None
                        +data_prompt_table_context: Dict[str, str] = None
                        -data_prompt_column_context: Dict[str, str] = None
                        +data_prompt_column_context: Dict[str, str] = None
                        -hide_sql_and_code: bool = None
                        +hide_sql_and_code: bool = None
                        -disable_data_summarization: bool = None
                        +disable_data_summarization: bool = None +
                        + +
                        +
                        +disable_data_fetch_for_training: bool = None
                        -data_columns_to_ignore: List[str] = None
                        +data_columns_to_ignore: List[str] = None
                        -search_score_cutoff: float = None
                        +search_score_cutoff: float = None
                        -include_bm25_retrieval: bool = None
                        +include_bm25_retrieval: bool = None
                        -database_connector_id: str = None
                        +database_connector_id: str = None +
                        + +
                        +
                        +database_connector_ids: List[str] = None
                        -database_connector_tables: List[str] = None
                        +database_connector_tables: List[str] = None
                        -enable_code_execution: bool = None
                        +enable_code_execution: bool = None
                        -metadata_columns: list = None
                        +metadata_columns: list = None
                        -lookup_rewrite_instructions: str = None
                        +lookup_rewrite_instructions: str = None
                        -enable_response_caching: bool = None
                        +enable_response_caching: bool = None
                        -unknown_answer_phrase: str = None
                        +unknown_answer_phrase: str = None
                        -enable_tool_bar: bool = None
                        +enable_tool_bar: bool = None
                        -enable_inline_source_citations: bool = None
                        +enable_inline_source_citations: bool = None
                        -response_format: str = None
                        +response_format: str = None
                        -json_response_instructions: str = None
                        +json_response_instructions: str = None
                        -json_response_schema: str = None
                        +json_response_schema: str = None +
                        + +
                        +
                        +mask_pii: bool = None
                        +
                        + +
                        +
                        +builtin_tools: List[SystemConnectorTool] = None
                        +
                        + +
                        +
                        +config_connectors: List[str] = None
                        +
                        + +
                        +
                        +mcp_servers: List[str] = None
                        +
                        + +
                        +
                        +agentic_loop_mode: bool = None
                        @@ -17001,20 +19096,20 @@

                        Package Contents
                        Parameters:
                          -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • -
                        • dropout_rate (float) – Dropout rate for neural network.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • dropout_rate (float) – Dropout rate for neural network.

                        • batch_size (BatchSize) – Batch size for neural network.

                        -test_split: int = None
                        +test_split: int = None
                        -dropout_rate: float = None
                        +dropout_rate: float = None
                        @@ -17038,7 +19133,7 @@

                        Package ContentsParameters:
                        • sentiment_type (SentimentType) – Type of sentiment to detect.

                        • -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        @@ -17049,7 +19144,7 @@

                        Package Contents
                        -test_split: int = None
                        +test_split: int = None
                        @@ -17067,19 +19162,19 @@

                        Package Contents
                        Parameters:
                          -
                        • zero_shot_hypotheses (List[str]) – Zero shot hypotheses. Example text: ‘This text is about pricing’.

                        • -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • zero_shot_hypotheses (List[str]) – Zero shot hypotheses. Example text: ‘This text is about pricing’.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        -zero_shot_hypotheses: List[str] = None
                        +zero_shot_hypotheses: List[str] = None
                        -test_split: int = None
                        +test_split: int = None
                        @@ -17097,20 +19192,20 @@

                        Package Contents
                        Parameters:
                          -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • -
                        • dropout_rate (float) – Dropout rate for neural network.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • dropout_rate (float) – Dropout rate for neural network.

                        • batch_size (BatchSize) – Batch size for neural network.

                        -test_split: int = None
                        +test_split: int = None
                        -dropout_rate: float = None
                        +dropout_rate: float = None
                        @@ -17133,20 +19228,20 @@

                        Package Contents
                        Parameters:
                          -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • -
                        • dropout_rate (float) – Dropout rate for neural network.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • dropout_rate (float) – Dropout rate for neural network.

                        • batch_size (BatchSize) – Batch size for neural network.

                        -test_split: int = None
                        +test_split: int = None
                        -dropout_rate: float = None
                        +dropout_rate: float = None
                        @@ -17168,12 +19263,12 @@

                        Package Contents
                        Parameters:
                        -

                        num_clusters_selection (int) – Number of clusters. If None, will be selected automatically.

                        +

                        num_clusters_selection (int) – Number of clusters. If None, will be selected automatically.

                        -num_clusters_selection: int = None
                        +num_clusters_selection: int = None
                        @@ -17191,14 +19286,14 @@

                        Package Contents
                        Parameters:

                        -num_clusters_selection: int = None
                        +num_clusters_selection: int = None
                        @@ -17220,12 +19315,12 @@

                        Package Contents
                        Parameters:
                        -

                        anomaly_fraction (float) – The fraction of the dataset to classify as anomalous, between 0 and 0.5

                        +

                        anomaly_fraction (float) – The fraction of the dataset to classify as anomalous, between 0 and 0.5

                        -anomaly_fraction: float = None
                        +anomaly_fraction: float = None
                        @@ -17244,16 +19339,16 @@

                        Package ContentsParameters:
                        • type_of_split (TimeseriesAnomalyDataSplitType) – Type of data splitting into train/test.

                        • -
                        • test_start (str) – Limit training data to dates before the given test start.

                        • -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • -
                        • fill_missing_values (List[List[dict]]) – strategies to fill missing values and missing timestamps

                        • -
                        • handle_zeros_as_missing_values (bool) – If True, handle zero values in numeric columns as missing data

                        • -
                        • timeseries_frequency (str) – set this to control frequency of filling missing values

                        • -
                        • min_samples_in_normal_region (int) – Adjust this to fine-tune the number of anomalies to be identified.

                        • +
                        • test_start (str) – Limit training data to dates before the given test start.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • fill_missing_values (List[List[dict]]) – strategies to fill missing values and missing timestamps

                        • +
                        • handle_zeros_as_missing_values (bool) – If True, handle zero values in numeric columns as missing data

                        • +
                        • timeseries_frequency (str) – set this to control frequency of filling missing values

                        • +
                        • min_samples_in_normal_region (int) – Adjust this to fine-tune the number of anomalies to be identified.

                        • anomaly_type (TimeseriesAnomalyTypeOfAnomaly) – select what kind of peaks to detect as anomalies

                        • hyperparameter_calculation_with_heuristics (TimeseriesAnomalyUseHeuristic) – Enable heuristic calculation to get hyperparameters for the model

                        • -
                        • threshold_score (float) – Threshold score for anomaly detection

                        • -
                        • additional_anomaly_ids (List[str]) – List of categorical columns that can act as multi-identifier

                        • +
                        • threshold_score (float) – Threshold score for anomaly detection

                        • +
                        • additional_anomaly_ids (List[str]) – List of categorical columns that can act as multi-identifier

                        @@ -17264,32 +19359,32 @@

                        Package Contents
                        -test_start: str = None
                        +test_start: str = None
                        -test_split: int = None
                        +test_split: int = None
                        -fill_missing_values: List[List[dict]] = None
                        +fill_missing_values: List[List[dict]] = None
                        -handle_zeros_as_missing_values: bool = None
                        +handle_zeros_as_missing_values: bool = None
                        -timeseries_frequency: str = None
                        +timeseries_frequency: str = None
                        -min_samples_in_normal_region: int = None
                        +min_samples_in_normal_region: int = None
                        @@ -17304,12 +19399,12 @@

                        Package Contents
                        -threshold_score: float = None
                        +threshold_score: float = None

                        -additional_anomaly_ids: List[str] = None
                        +additional_anomaly_ids: List[str] = None
                        @@ -17327,43 +19422,43 @@

                        Package Contents
                        Parameters:
                          -
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • -
                        • historical_frequency (str) – Forecast frequency

                        • -
                        • cumulative_prediction_lengths (List[int]) – List of Cumulative Prediction Frequencies. Each prediction length must be between 1 and 365.

                        • -
                        • skip_input_transform (bool) – Avoid doing numeric scaling transformations on the input.

                        • -
                        • skip_target_transform (bool) – Avoid doing numeric scaling transformations on the target.

                        • -
                        • predict_residuals (bool) – Predict residuals instead of totals at each prediction step.

                        • +
                        • test_split (int) – Percent of dataset to use for test data. We support using a range between 5 ( i.e. 5% ) to 20 ( i.e. 20% ) of your dataset.

                        • +
                        • historical_frequency (str) – Forecast frequency

                        • +
                        • cumulative_prediction_lengths (List[int]) – List of Cumulative Prediction Frequencies. Each prediction length must be between 1 and 365.

                        • +
                        • skip_input_transform (bool) – Avoid doing numeric scaling transformations on the input.

                        • +
                        • skip_target_transform (bool) – Avoid doing numeric scaling transformations on the target.

                        • +
                        • predict_residuals (bool) – Predict residuals instead of totals at each prediction step.

                        -test_split: int = None
                        +test_split: int = None
                        -historical_frequency: str = None
                        +historical_frequency: str = None
                        -cumulative_prediction_lengths: List[int] = None
                        +cumulative_prediction_lengths: List[int] = None
                        -skip_input_transform: bool = None
                        +skip_input_transform: bool = None
                        -skip_target_transform: bool = None
                        +skip_target_transform: bool = None
                        -predict_residuals: bool = None
                        +predict_residuals: bool = None
                        @@ -17393,7 +19488,7 @@

                        Package Contents
                        Parameters:
                          -
                        • description (str) – Description of the agent function.

                        • +
                        • description (str) – Description of the agent function.

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • agent_connectors – (List[enums.ApplicationConnectorType]): The connectors needed for the agent to function.

                        @@ -17401,7 +19496,7 @@

                        Package Contents
                        -description: str = None
                        +description: str = None

                        @@ -17416,17 +19511,17 @@

                        Package Contents
                        -enable_binary_input: bool = None
                        +enable_binary_input: bool = None

                        -agent_input_schema: dict = None
                        +agent_input_schema: dict = None
                        -agent_output_schema: dict = None
                        +agent_output_schema: dict = None
                        @@ -17444,43 +19539,43 @@

                        Package Contents
                        Parameters:
                          -
                        • max_catalog_size (int) – Maximum expected catalog size.

                        • -
                        • max_dimension (int) – Maximum expected dimension of the catalog.

                        • -
                        • index_output_path (str) – Fully qualified cloud location (GCS, S3, etc) to export snapshots of the embedding to.

                        • -
                        • docker_image_uri (str) – Docker image URI.

                        • -
                        • service_port (int) – Service port.

                        • -
                        • streaming_embeddings (bool) – Flag to enable streaming embeddings.

                        • +
                        • max_catalog_size (int) – Maximum expected catalog size.

                        • +
                        • max_dimension (int) – Maximum expected dimension of the catalog.

                        • +
                        • index_output_path (str) – Fully qualified cloud location (GCS, S3, etc) to export snapshots of the embedding to.

                        • +
                        • docker_image_uri (str) – Docker image URI.

                        • +
                        • service_port (int) – Service port.

                        • +
                        • streaming_embeddings (bool) – Flag to enable streaming embeddings.

                        -max_catalog_size: int = None
                        +max_catalog_size: int = None
                        -max_dimension: int = None
                        +max_dimension: int = None
                        -index_output_path: str = None
                        +index_output_path: str = None
                        -docker_image_uri: str = None
                        +docker_image_uri: str = None
                        -service_port: int = None
                        +service_port: int = None
                        -streaming_embeddings: bool = None
                        +streaming_embeddings: bool = None
                        @@ -17497,12 +19592,12 @@

                        Package Contents
                        Parameters:
                        -

                        timeout_minutes (int) – Timeout for the model training in minutes.

                        +

                        timeout_minutes (int) – Timeout for the model training in minutes.

                        -timeout_minutes: int = None
                        +timeout_minutes: int = None
                        @@ -17520,31 +19615,31 @@

                        Package Contents
                        Parameters:
                          -
                        • solve_time_limit (float) – The maximum time in seconds to spend solving the problem. Accepts values between 0 and 86400.

                        • -
                        • optimality_gap_limit (float) – The stopping optimality gap limit. Optimality gap is fractional difference between the best known solution and the best possible solution. Accepts values between 0 and 1.

                        • -
                        • include_all_partitions (bool) – Include all partitions in the model training. Default is False.

                        • -
                        • include_specific_partitions (List[str]) – Include specific partitions in partitioned model training. Default is empty list.

                        • +
                        • solve_time_limit (float) – The maximum time in seconds to spend solving the problem. Accepts values between 0 and 86400.

                        • +
                        • optimality_gap_limit (float) – The stopping optimality gap limit. Optimality gap is fractional difference between the best known solution and the best possible solution. Accepts values between 0 and 1.

                        • +
                        • include_all_partitions (bool) – Include all partitions in the model training. Default is False.

                        • +
                        • include_specific_partitions (List[str]) – Include specific partitions in partitioned model training. Default is empty list.

                        -solve_time_limit: float = None
                        +solve_time_limit: float = None
                        -optimality_gap_limit: float = None
                        +optimality_gap_limit: float = None
                        -include_all_partitions: bool = None
                        +include_all_partitions: bool = None
                        -include_specific_partitions: List[str] = None
                        +include_specific_partitions: List[str] = None
                        @@ -17558,8 +19653,6 @@

                        Package Contents class abacusai._TrainingConfigFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -17585,31 +19678,31 @@

                        Package Contents
                        Parameters:
                          -
                        • algorithm (str) – ID of the algorithm.

                        • -
                        • name (str) – Name of the algorithm.

                        • -
                        • only_offline_deployable (bool) – Whether the algorithm can only be deployed offline.

                        • -
                        • trained_model_types (List[dict]) – List of trained model types.

                        • +
                        • algorithm (str) – ID of the algorithm.

                        • +
                        • name (str) – Name of the algorithm.

                        • +
                        • only_offline_deployable (bool) – Whether the algorithm can only be deployed offline.

                        • +
                        • trained_model_types (List[dict]) – List of trained model types.

                        -algorithm: str = None
                        +algorithm: str = None
                        -name: str = None
                        +name: str = None
                        -only_offline_deployable: bool = None
                        +only_offline_deployable: bool = None
                        -trained_model_types: List[dict] = None
                        +trained_model_types: List[dict] = None

                        @@ -17622,19 +19715,19 @@

                        Package Contents
                        Parameters:
                          -
                        • window_duration (int) – The duration of the window.

                        • -
                        • window_from_start (bool) – Whether the window should be from the start of the time series.

                        • +
                        • window_duration (int) – The duration of the window.

                        • +
                        • window_from_start (bool) – Whether the window should be from the start of the time series.

                        -window_duration: int = None
                        +window_duration: int = None
                        -window_from_start: bool = None
                        +window_from_start: bool = None
                        @@ -17655,38 +19748,38 @@

                        Package Contents
                        Parameters:
                          -
                        • id_column (str) – The name of the column that contains the unique identifier for the time series.

                        • -
                        • timestamp_column (str) – The name of the column that contains the timestamp for the time series.

                        • -
                        • target_column (str) – The name of the column that contains the target value for the time series.

                        • -
                        • start_time (str) – The start time of the time series data.

                        • -
                        • end_time (str) – The end time of the time series data.

                        • +
                        • id_column (str) – The name of the column that contains the unique identifier for the time series.

                        • +
                        • timestamp_column (str) – The name of the column that contains the timestamp for the time series.

                        • +
                        • target_column (str) – The name of the column that contains the target value for the time series.

                        • +
                        • start_time (str) – The start time of the time series data.

                        • +
                        • end_time (str) – The end time of the time series data.

                        • window_config (TimeWindowConfig) – The windowing configuration for the time series data.

                        -id_column: str = None
                        +id_column: str = None
                        -timestamp_column: str = None
                        +timestamp_column: str = None
                        -target_column: str = None
                        +target_column: str = None
                        -start_time: str = None
                        +start_time: str = None
                        -end_time: str = None
                        +end_time: str = None
                        @@ -17713,7 +19806,7 @@

                        Package ContentsParameters:

                        @@ -17724,7 +19817,7 @@

                        Package Contents
                        -value: float = None
                        +value: float = None
                        @@ -17778,43 +19871,43 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature to restrict the monitor to.

                        • -
                        • restricted_feature_values (list) – The values of the feature to restrict the monitor to if feature is a categorical.

                        • -
                        • start_time (str) – The start time of the timestamp feature to filter from

                        • -
                        • end_time (str) – The end time of the timestamp feature to filter until

                        • -
                        • min_value (float) – Value to filter the numerical feature above

                        • -
                        • max_value (float) – Filtering the numerical feature to below this value

                        • +
                        • feature_name (str) – The name of the feature to restrict the monitor to.

                        • +
                        • restricted_feature_values (list) – The values of the feature to restrict the monitor to if feature is a categorical.

                        • +
                        • start_time (str) – The start time of the timestamp feature to filter from

                        • +
                        • end_time (str) – The end time of the timestamp feature to filter until

                        • +
                        • min_value (float) – Value to filter the numerical feature above

                        • +
                        • max_value (float) – Filtering the numerical feature to below this value

                        -feature_name: str = None
                        +feature_name: str = None
                        -restricted_feature_values: list = []
                        +restricted_feature_values: list = []
                        -start_time: str = None
                        +start_time: str = None
                        -end_time: str = None
                        +end_time: str = None
                        -min_value: float = None
                        +min_value: float = None
                        -max_value: float = None
                        +max_value: float = None
                        @@ -17835,23 +19928,23 @@

                        Package Contents
                        Parameters:
                          -
                        • start_time (str) – The start time of the prediction time col

                        • -
                        • end_time (str) – The end time of the prediction time col

                        • +
                        • start_time (str) – The start time of the prediction time col

                        • +
                        • end_time (str) – The end time of the prediction time col

                        • restrict_feature_mappings (RestrictFeatureMappings) – The feature mapping to restrict the monitor to.

                        • -
                        • target_class (str) – The target class to restrict the monitor to.

                        • -
                        • train_target_feature (str) – Set the target feature for the training data.

                        • -
                        • prediction_target_feature (str) – Set the target feature for the prediction data.

                        • +
                        • target_class (str) – The target class to restrict the monitor to.

                        • +
                        • train_target_feature (str) – Set the target feature for the training data.

                        • +
                        • prediction_target_feature (str) – Set the target feature for the prediction data.

                        -start_time: str = None
                        +start_time: str = None
                        -end_time: str = None
                        +end_time: str = None
                        @@ -17861,17 +19954,17 @@

                        Package Contents
                        -target_class: str = None
                        +target_class: str = None

                        -train_target_feature: str = None
                        +train_target_feature: str = None
                        -prediction_target_feature: str = None
                        +prediction_target_feature: str = None
                        @@ -17908,12 +20001,12 @@

                        Package Contents
                        Parameters:
                        -

                        threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        +

                        threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        -threshold: float = None
                        +threshold: float = None
                        @@ -17932,9 +20025,9 @@

                        Package ContentsParameters:
                        • feature_drift_type (FeatureDriftType) – Feature drift type to apply the threshold on to determine whether a column has drifted significantly enough to be a violation.

                        • -
                        • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        • -
                        • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

                        • -
                        • feature_names (List[str]) – List of feature names to monitor for this alert.

                        • +
                        • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        • +
                        • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

                        • +
                        • feature_names (List[str]) – List of feature names to monitor for this alert.

                        @@ -17945,17 +20038,17 @@

                        Package Contents
                        -threshold: float = None
                        +threshold: float = None
                        -minimum_violations: int = None
                        +minimum_violations: int = None
                        -feature_names: List[str] = None
                        +feature_names: List[str] = None
                        @@ -17974,7 +20067,7 @@

                        Package ContentsParameters:
                        • feature_drift_type (FeatureDriftType) – Target drift type to apply the threshold on to determine whether a column has drifted significantly enough to be a violation.

                        • -
                        • threshold (float) – Threshold for when to consider the target column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        • +
                        • threshold (float) – Threshold for when to consider the target column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        @@ -17985,7 +20078,7 @@

                        Package Contents
                        -threshold: float = None
                        +threshold: float = None
                        @@ -18004,7 +20097,7 @@

                        Package ContentsParameters:
                        • feature_drift_type (FeatureDriftType) – History length drift type to apply the threshold on to determine whether the history length has drifted significantly enough to be a violation.

                        • -
                        • threshold (float) – Threshold for when to consider the history length to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        • +
                        • threshold (float) – Threshold for when to consider the history length to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        @@ -18015,7 +20108,7 @@

                        Package Contents
                        -threshold: float = None
                        +threshold: float = None
                        @@ -18034,7 +20127,7 @@

                        Package ContentsParameters:
                        • data_integrity_type (DataIntegrityViolationType) – This option selects the data integrity violations to monitor for this alert.

                        • -
                        • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

                        • +
                        • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

                        @@ -18045,7 +20138,7 @@

                        Package Contents
                        -minimum_violations: int = None
                        +minimum_violations: int = None
                        @@ -18064,8 +20157,8 @@

                        Package ContentsParameters:
                        • bias_type (BiasType) – This option selects the bias metric to monitor for this alert.

                        • -
                        • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        • -
                        • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

                        • +
                        • threshold (float) – Threshold for when to consider a column to be in violation. The alert will only fire when the drift value is strictly greater than the threshold.

                        • +
                        • minimum_violations (int) – Number of columns that must exceed the specified threshold to trigger an alert.

                        @@ -18076,12 +20169,12 @@

                        Package Contents
                        -threshold: float = None
                        +threshold: float = None
                        -minimum_violations: int = None
                        +minimum_violations: int = None
                        @@ -18104,17 +20197,17 @@

                        Package Contents
                        -threshold: float = None
                        +threshold: float = None

                        -aggregation_window: str = None
                        +aggregation_window: str = None
                        -aggregation_type: str = None
                        +aggregation_type: str = None
                        @@ -18128,8 +20221,6 @@

                        Package Contents class abacusai._AlertConditionConfigFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -18177,19 +20268,19 @@

                        Package Contents
                        Parameters:
                          -
                        • email_recipients (List[str]) – List of email addresses to send the alert to.

                        • -
                        • email_body (str) – Body of the email to send.

                        • +
                        • email_recipients (List[str]) – List of email addresses to send the alert to.

                        • +
                        • email_body (str) – Body of the email to send.

                        -email_recipients: List[str] = None
                        +email_recipients: List[str] = None
                        -email_body: str = None
                        +email_body: str = None
                        @@ -18203,8 +20294,6 @@

                        Package Contents class abacusai._AlertActionConfigFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -18242,21 +20331,18 @@

                        Package Contents
                        -at_risk_threshold: float = None
                        +at_risk_threshold: float = None

                        -severely_drifting_threshold: float = None
                        +severely_drifting_threshold: float = None
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -
                        +

                        @@ -18268,25 +20354,25 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature in the feature group.

                        • -
                        • feature_mapping (str) – The desired feature mapping for the feature.

                        • -
                        • nested_feature_name (str) – The name of the nested feature in the feature group.

                        • +
                        • feature_name (str) – The name of the feature in the feature group.

                        • +
                        • feature_mapping (str) – The desired feature mapping for the feature.

                        • +
                        • nested_feature_name (str) – The name of the nested feature in the feature group.

                        -feature_name: str
                        +feature_name: str
                        -feature_mapping: str = None
                        +feature_mapping: str = None
                        -nested_feature_name: str = None
                        +nested_feature_name: str = None
                        @@ -18299,20 +20385,20 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique identifier for the feature group.

                        • -
                        • feature_group_type (str) – The feature group type.

                        • +
                        • feature_group_id (str) – The unique identifier for the feature group.

                        • +
                        • feature_group_type (str) – The feature group type.

                        • feature_mappings (List[FeatureMappingConfig]) – The feature mappings for the feature group.

                        -feature_group_id: str
                        +feature_group_id: str
                        -feature_group_type: str = None
                        +feature_group_type: str = None
                        @@ -18325,7 +20411,7 @@

                        Package Contentsclassmethod from_dict(input_dict)
                        Parameters:
                        -

                        input_dict (dict)

                        +

                        input_dict (dict)

                        @@ -18340,37 +20426,37 @@

                        Package Contents
                        Parameters:
                          -
                        • constant (float) – The constant value for the constraint.

                        • -
                        • operator (str) – The operator for the constraint. Could be ‘EQ’, ‘LE’, ‘GE’

                        • -
                        • enforcement (str) – The enforcement for the constraint. Could be ‘HARD’ or ‘SOFT’ or ‘SKIP’. Default is ‘HARD’

                        • -
                        • code (str) – The code for the constraint.

                        • -
                        • penalty (float) – The penalty for violating the constraint.

                        • +
                        • constant (float) – The constant value for the constraint.

                        • +
                        • operator (str) – The operator for the constraint. Could be ‘EQ’, ‘LE’, ‘GE’

                        • +
                        • enforcement (str) – The enforcement for the constraint. Could be ‘HARD’ or ‘SOFT’ or ‘SKIP’. Default is ‘HARD’

                        • +
                        • code (str) – The code for the constraint.

                        • +
                        • penalty (float) – The penalty for violating the constraint.

                        -constant: float
                        +constant: float
                        -operator: str
                        +operator: str
                        -enforcement: str | None = None
                        +enforcement: str | None = None
                        -code: str | None = None
                        +code: str | None = None
                        -penalty: float | None = None
                        +penalty: float | None = None
                        @@ -18421,12 +20507,12 @@

                        Package Contents
                        Parameters:
                        -

                        is_review_mode (bool) – The review mode for the feature group.

                        +

                        is_review_mode (bool) – The review mode for the feature group.

                        -is_review_mode: bool
                        +is_review_mode: bool
                        @@ -18440,8 +20526,6 @@

                        Package Contents class abacusai._ProjectFeatureGroupConfigFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -18468,12 +20552,13 @@

                        Package ContentsParameters:
                        • variable_type (PythonFunctionArgumentType) – The type of the python function argument

                        • -
                        • name (str) – The name of the python function variable

                        • -
                        • is_required (bool) – Whether the argument is required

                        • +
                        • name (str) – The name of the python function variable

                        • +
                        • is_required (bool) – Whether the argument is required

                        • value (Any) – The value of the argument

                        • -
                        • pipeline_variable (str) – The name of the pipeline variable to use as the value

                        • -
                        • description (str) – The description of the argument

                        • -
                        • item_type (str) – Type of items when variable_type is LIST

                        • +
                        • pipeline_variable (str) – The name of the pipeline variable to use as the value

                        • +
                        • description (str) – The description of the argument

                        • +
                        • long_description (str) – The detailed description of the argument

                        • +
                        • item_type (str) – Type of items when variable_type is LIST

                        @@ -18484,12 +20569,12 @@

                        Package Contents
                        -name: str = None
                        +name: str = None

                        -is_required: bool = True
                        +is_required: bool = True
                        @@ -18499,17 +20584,22 @@

                        Package Contents
                        -pipeline_variable: str = None
                        +pipeline_variable: str = None

                        -description: str = None
                        +description: str = None +
                        + +
                        +
                        +long_description: str = None
                        -item_type: str = None
                        +item_type: str = None
                        @@ -18523,7 +20613,9 @@

                        Package ContentsParameters:
                        • variable_type (PythonFunctionOutputArgumentType) – The type of the python function output argument

                        • -
                        • name (str) – The name of the python function variable

                        • +
                        • name (str) – The name of the python function variable

                        • +
                        • description (str) – The description of the output

                        • +
                        • long_description (str) – The detailed description of the output

                        @@ -18534,7 +20626,17 @@

                        Package Contents
                        -name: str = None
                        +name: str = None +
                        + +
                        +
                        +description: str = None
                        +
                        + +
                        +
                        +long_description: str = None
                        @@ -18564,19 +20666,19 @@

                        Package Contents
                        Parameters:
                          -
                        • location (str) – The location to export the feature group to

                        • -
                        • export_file_format (str) – The file format to export the feature group to

                        • +
                        • location (str) – The location to export the feature group to

                        • +
                        • export_file_format (str) – The file format to export the feature group to

                        -location: str = None
                        +location: str = None
                        -export_file_format: str = None
                        +export_file_format: str = None
                        @@ -18587,10 +20689,7 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +
                        @@ -18602,43 +20701,43 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – The ID of the database connector to export the feature group to

                        • -
                        • mode (str) – The mode to export the feature group in

                        • -
                        • object_name (str) – The name of the object to export the feature group to

                        • -
                        • id_column (str) – The name of the ID column

                        • -
                        • additional_id_columns (List[str]) – Additional ID columns

                        • -
                        • data_columns (Dict[str, str]) – The data columns to export the feature group to

                        • +
                        • database_connector_id (str) – The ID of the database connector to export the feature group to

                        • +
                        • mode (str) – The mode to export the feature group in

                        • +
                        • object_name (str) – The name of the object to export the feature group to

                        • +
                        • id_column (str) – The name of the ID column

                        • +
                        • additional_id_columns (List[str]) – Additional ID columns

                        • +
                        • data_columns (Dict[str, str]) – The data columns to export the feature group to

                        -database_connector_id: str = None
                        +database_connector_id: str = None
                        -mode: str = None
                        +mode: str = None
                        -object_name: str = None
                        +object_name: str = None
                        -id_column: str = None
                        +id_column: str = None
                        -additional_id_columns: List[str] = None
                        +additional_id_columns: List[str] = None
                        -data_columns: Dict[str, str] = None
                        +data_columns: Dict[str, str] = None
                        @@ -18649,10 +20748,7 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +
                        @@ -18660,8 +20756,6 @@

                        Package Contents class abacusai._FeatureGroupExportConfigFactory

                        Bases: abacusai.api_class.abstract._ApiClassFactory

                        -

                        Helper class that provides a standard way to create an ABC using -inheritance.

                        config_abstract_class
                        @@ -18688,7 +20782,7 @@

                        Package ContentsParameters:

                        @@ -18699,7 +20793,7 @@

                        Package Contents
                        -id: str
                        +id: str
                        @@ -18710,10 +20804,7 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +

                        @@ -18730,20 +20821,20 @@

                        Package Contents
                        Parameters:
                          -
                        • label (str) – The label of the button.

                        • -
                        • agent_workflow_node_name (str) – The workflow start node to be executed when the button is clicked.

                        • -
                        • section_key (str)

                        • +
                        • label (str) – The label of the button.

                        • +
                        • agent_workflow_node_name (str) – The workflow start node to be executed when the button is clicked.

                        • +
                        • section_key (str)

                        -label: str
                        +label: str
                        -agent_workflow_node_name: str
                        +agent_workflow_node_name: str
                        @@ -18756,47 +20847,47 @@

                        Package Contents
                        Parameters:
                          -
                        • url (str) – The url of the image to be displayed.

                        • -
                        • height (int) – The height of the image.

                        • -
                        • width (int) – The width of the image.

                        • -
                        • section_key (str)

                        • +
                        • url (str) – The url of the image to be displayed.

                        • +
                        • height (int) – The height of the image.

                        • +
                        • width (int) – The width of the image.

                        • +
                        • section_key (str)

                        -url: str
                        +url: str
                        -height: int
                        +height: int
                        -width: int
                        +width: int
                        -class abacusai.TextResponseSection(text, section_key=None)
                        +class abacusai.TextResponseSection(segment=None, section_key=None, text=None)

                        Bases: ResponseSection

                        A response section that an agent can return to render text.

                        Parameters:
                          -
                        • segment (str) – The text to be displayed.

                        • -
                        • text (str)

                        • -
                        • section_key (str)

                        • +
                        • segment (str) – The text to be displayed.

                        • +
                        • section_key (str)

                        • +
                        • text (str)

                        -segment: str
                        +segment: str
                        @@ -18810,20 +20901,20 @@

                        Package Contents
                        Parameters:
                          -
                        • json_schema (dict) – json schema in RJSF format.

                        • -
                        • ui_schema (dict) – ui schema in RJSF format.

                        • -
                        • schema_prop (str)

                        • +
                        • json_schema (dict) – json schema in RJSF format.

                        • +
                        • ui_schema (dict) – ui schema in RJSF format.

                        • +
                        • schema_prop (str)

                        -json_schema: dict
                        +json_schema: dict
                        -ui_schema: dict
                        +ui_schema: dict
                        @@ -18836,15 +20927,15 @@

                        Package Contents
                        Parameters:
                          -
                        • code (str) – The code to be displayed.

                        • +
                        • code (str) – The code to be displayed.

                        • language (CodeLanguage) – The language of the code.

                        • -
                        • section_key (str)

                        • +
                        • section_key (str)

                        -code: str
                        +code: str
                        @@ -18862,14 +20953,14 @@

                        Package Contents
                        Parameters:
                          -
                        • b64_image (str) – The base64 image to be displayed.

                        • -
                        • section_key (str)

                        • +
                        • b64_image (str) – The base64 image to be displayed.

                        • +
                        • section_key (str)

                        -b64_image: str
                        +b64_image: str
                        @@ -18882,15 +20973,15 @@

                        Package Contents
                        Parameters:
                          -
                        • title (str) – The title of the collapsible component.

                        • +
                        • title (str) – The title of the collapsible component.

                        • content (ResponseSection) – The response section constituting the content of collapsible component

                        • -
                        • section_key (str)

                        • +
                        • section_key (str)

                        -title: str
                        +title: str
                        @@ -18901,10 +20992,7 @@

                        Package Contents
                        to_dict()
                        -

                        Standardizes converting an ApiClass to dictionary. -Keys of response dictionary are converted to camel case. -This also validates the fields ( type, value, etc ) received in the dictionary.

                        -

                        +
                        @@ -18916,14 +21004,14 @@

                        Package Contents
                        Parameters:
                          -
                        • items (List[str]) – The list items to be displayed.

                        • -
                        • section_key (str)

                        • +
                        • items (List[str]) – The list items to be displayed.

                        • +
                        • section_key (str)

                        -items: List[str]
                        +items: List[str]
                        @@ -18936,14 +21024,14 @@

                        Package Contents
                        Parameters:
                          -
                        • chart (dict) – The chart to be displayed.

                        • -
                        • section_key (str)

                        • +
                        • chart (dict) – The chart to be displayed.

                        • +
                        • section_key (str)

                        -chart: dict
                        +chart: dict
                        @@ -18961,8 +21049,8 @@

                        Package ContentsParameters:
                        @@ -18973,26 +21061,28 @@

                        Package Contents
                        -header: str
                        +header: str
                        -class abacusai.ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None)
                        +class abacusai.ApiEndpoint(client, apiEndpoint=None, predictEndpoint=None, proxyEndpoint=None, llmEndpoint=None, externalChatEndpoint=None, dashboardEndpoint=None, hostingDomain=None, publicHostingDomain=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        An collection of endpoints which can be used to make requests to, such as api calls or predict calls

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • apiEndpoint (str) – The URI that can be used to make API calls

                        • -
                        • predictEndpoint (str) – The URI that can be used to make predict calls against Deployments

                        • -
                        • proxyEndpoint (str) – The URI that can be used to make proxy server calls

                        • -
                        • llmEndpoint (str) – The URI that can be used to make llm api calls

                        • -
                        • externalChatEndpoint (str) – The URI that can be used to access the external chat

                        • -
                        • dashboardEndpoint (str) – The URI that the external chat will use to go back to the dashboard

                        • +
                        • apiEndpoint (str) – The URI that can be used to make API calls

                        • +
                        • predictEndpoint (str) – The URI that can be used to make predict calls against Deployments

                        • +
                        • proxyEndpoint (str) – The URI that can be used to make proxy server calls

                        • +
                        • llmEndpoint (str) – The URI that can be used to make llm api calls

                        • +
                        • externalChatEndpoint (str) – The URI that can be used to access the external chat

                        • +
                        • dashboardEndpoint (str) – The URI that the external chat will use to go back to the dashboard

                        • +
                        • hostingDomain (str) – The domain for hosted app deployments

                        • +
                        • publicHostingDomain (str) – The domain for publicly hosted app deployments

                        @@ -19026,6 +21116,16 @@

                        Package Contentsdashboard_endpoint = None

                        +
                        +
                        +hosting_domain = None
                        +
                        + +
                        +
                        +public_hosting_domain = None
                        +
                        +
                        deprecated_keys
                        @@ -19045,7 +21145,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -19061,14 +21161,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • apiKeyId (str) – The unique ID for the API key

                        • -
                        • apiKey (str) – The unique API key scoped to a specific organization. Value will be partially obscured.

                        • -
                        • apiKeySuffix (str) – The last 4 characters of the API key.

                        • -
                        • tag (str) – A user-friendly tag for the API key.

                        • -
                        • type (str) – The type of the API key, either ‘default’, ‘code-llm’, or ‘computer-use’.

                        • -
                        • createdAt (str) – The timestamp when the API key was created.

                        • -
                        • expiresAt (str) – The timestamp when the API key will expire.

                        • -
                        • isExpired (bool) – Whether the API key has expired.

                        • +
                        • apiKeyId (str) – The unique ID for the API key

                        • +
                        • apiKey (str) – The unique API key scoped to a specific organization. Value will be partially obscured.

                        • +
                        • apiKeySuffix (str) – The last 4 characters of the API key.

                        • +
                        • tag (str) – A user-friendly tag for the API key.

                        • +
                        • type (str) – The type of the API key, either ‘default’, ‘code-llm’, ‘terminal’, or ‘computer-use’.

                        • +
                        • createdAt (str) – The timestamp when the API key was created.

                        • +
                        • expiresAt (str) – The timestamp when the API key will expire.

                        • +
                        • isExpired (bool) – Whether the API key has expired.

                        @@ -19131,7 +21231,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -19142,7 +21242,7 @@

                        Package Contents
                        Parameters:
                        -

                        api_key_id (str) – The ID of the API key to delete.

                        +

                        api_key_id (str) – The ID of the API key to delete.

                        @@ -19151,21 +21251,22 @@

                        Package Contents
                        -class abacusai.AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, users={})
                        +class abacusai.AppUserGroup(client, name=None, userGroupId=None, externalApplicationIds=None, invitedUserEmails=None, publicUserGroup=None, hasExternalApplicationReporting=None, isExternalServiceGroup=None, externalServiceGroupId=None, creationSource=None, users={})

                        Bases: abacusai.return_class.AbstractApiClass

                        An app user group. This is used to determine which users have permissions for external chatbots.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the user group.

                        • -
                        • userGroupId (str) – The unique identifier of the user group.

                        • -
                        • externalApplicationIds (list[str]) – The ids of the external applications the group has access to.

                        • -
                        • invitedUserEmails (list[str]) – The emails of the users invited to the user group who have not yet accepted the invite.

                        • -
                        • publicUserGroup (bool) – Boolean flag whether the app user group is the public user group of the org or not.

                        • -
                        • hasExternalApplicationReporting (bool) – Whether users in the App User Group have permission to view all reports in their organization.

                        • -
                        • isExternalServiceGroup (bool) – Whether the App User Group corresponds to a user group that’s defined in an external service (i.e Microsft Active Directory or Okta) or not

                        • -
                        • externalServiceGroupId (str) – The identifier that corresponds to the app user group’s external service group representation

                        • +
                        • name (str) – The name of the user group.

                        • +
                        • userGroupId (str) – The unique identifier of the user group.

                        • +
                        • externalApplicationIds (list[str]) – The ids of the external applications the group has access to.

                        • +
                        • invitedUserEmails (list[str]) – The emails of the users invited to the user group who have not yet accepted the invite.

                        • +
                        • publicUserGroup (bool) – Boolean flag whether the app user group is the public user group of the org or not.

                        • +
                        • hasExternalApplicationReporting (bool) – Whether users in the App User Group have permission to view all reports in their organization.

                        • +
                        • isExternalServiceGroup (bool) – Whether the App User Group corresponds to a user group that’s defined in an external service (i.e Microsft Active Directory or Okta) or not

                        • +
                        • externalServiceGroupId (str) – The identifier that corresponds to the app user group’s external service group representation

                        • +
                        • creationSource (str) – The source of the app user group

                        • users (User) – The users in the user group.

                        @@ -19210,6 +21311,11 @@

                        Package Contentsexternal_service_group_id = None

                        +
                        +
                        +creation_source = None
                        +
                        +
                        users
                        @@ -19234,7 +21340,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -19250,7 +21356,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • token (str) – The token to sign in the user

                        • +
                        • token (str) – The token to sign in the user

                        @@ -19278,7 +21384,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -19287,19 +21393,20 @@

                        Package Contents
                        -class abacusai.ApplicationConnector(client, applicationConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None)
                        +class abacusai.ApplicationConnector(client, applicationConnectorId=None, service=None, serviceName=None, name=None, createdAt=None, status=None, auth=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        A connector to an external service

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • applicationConnectorId (str) – The unique ID for the connection.

                        • -
                        • service (str) – The service this connection connects to

                        • -
                        • name (str) – A user-friendly name for the service

                        • -
                        • createdAt (str) – When the API key was created

                        • -
                        • status (str) – The status of the Application Connector

                        • -
                        • auth (dict) – Non-secret connection information for this connector

                        • +
                        • applicationConnectorId (str) – The unique ID for the connection.

                        • +
                        • service (str) – The service this connection connects to

                        • +
                        • serviceName (str) – For OAuth services, the specific provider name (e.g., ‘spotify’)

                        • +
                        • name (str) – A user-friendly name for the service

                        • +
                        • createdAt (str) – When the API key was created

                        • +
                        • status (str) – The status of the Application Connector

                        • +
                        • auth (dict) – Non-secret connection information for this connector

                        @@ -19313,6 +21420,11 @@

                        Package Contentsservice = None
                        +
                        +
                        +service_name = None
                        +
                        +
                        name = None
                        @@ -19352,7 +21464,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -19363,7 +21475,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – A new name for the application connector.

                        +

                        name (str) – A new name for the application connector.

                        @@ -19374,7 +21486,7 @@

                        Package Contents
                        Parameters:
                        -

                        application_connector_id (str) – The unique identifier for the application connector.

                        +

                        application_connector_id (str) – The unique identifier for the application connector.

                        @@ -19385,7 +21497,7 @@

                        Package Contents
                        Parameters:
                        -

                        application_connector_id (str) – Unique string identifier for the application connector.

                        +

                        application_connector_id (str) – Unique string identifier for the application connector.

                        @@ -19396,7 +21508,7 @@

                        Package Contents
                        Parameters:
                        -

                        application_connector_id (str) – Unique string identifier for the application connector.

                        +

                        application_connector_id (str) – Unique string identifier for the application connector.

                        @@ -19405,14 +21517,15 @@

                        Package Contents
                        -class abacusai.AudioGenSettings(client, model=None)
                        +class abacusai.AudioGenSettings(client, model=None, settings=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        Audio generation settings

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • model (dict) – Dropdown for models available for audio generation.

                        • +
                        • model (dict) – names of models available for audio generation.

                        • +
                        • settings (dict) – settings for each model.

                        @@ -19421,6 +21534,11 @@

                        Package Contentsmodel = None
                        +
                        +
                        +settings = None
                        +
                        +
                        deprecated_keys
                        @@ -19440,7 +21558,137 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.AudioUrlResult(client, audioUrl=None, creditsUsed=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        TTS result

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • audioUrl (str) – The audio url.

                        • +
                        • creditsUsed (float) – The credits used.

                        • +
                        +
                        +
                        +
                        +
                        +audio_url = None
                        +
                        + +
                        +
                        +credits_used = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.AuditLog(client, createdAt=None, userId=None, objectId=None, action=None, source=None, refreshPolicyId=None, pipelineId=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        An audit log entry

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • createdAt (str) – The timestamp when the audit log entry was created

                        • +
                        • userId (str) – The hashed ID of the user who performed the action

                        • +
                        • objectId (str) – The hashed ID of the object that was affected by the action

                        • +
                        • action (str) – The action performed (create, modify, start, stop, delete, share, hide, credential_change, login)

                        • +
                        • source (str) – The source of the action (api, ui, pipeline, cli, system)

                        • +
                        • refreshPolicyId (str) – The hashed ID of the refresh policy if applicable

                        • +
                        • pipelineId (str) – The hashed ID of the pipeline if applicable

                        • +
                        +
                        +
                        +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +user_id = None
                        +
                        + +
                        +
                        +object_id = None
                        +
                        + +
                        +
                        +action = None
                        +
                        + +
                        +
                        +source = None
                        +
                        + +
                        +
                        +refresh_policy_id = None
                        +
                        + +
                        +
                        +pipeline_id = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -19456,30 +21704,30 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • batchPredictionId (str) – The unique identifier of the batch prediction request.

                        • -
                        • createdAt (str) – When the batch prediction was created, in ISO-8601 format.

                        • -
                        • name (str) – Name given to the batch prediction object.

                        • -
                        • deploymentId (str) – The deployment used to make the predictions.

                        • -
                        • fileConnectorOutputLocation (str) – Contains information about where the batch predictions are written to.

                        • -
                        • databaseConnectorId (str) – The database connector to write the results to.

                        • -
                        • databaseOutputConfiguration (dict) – Contains information about where the batch predictions are written to.

                        • -
                        • fileOutputFormat (str) – The format of the batch prediction output (CSV or JSON).

                        • -
                        • connectorType (str) – Null if writing to internal console, else FEATURE_GROUP | FILE_CONNECTOR | DATABASE_CONNECTOR.

                        • -
                        • legacyInputLocation (str) – The location of the input data.

                        • -
                        • outputFeatureGroupId (str) – The Batch Prediction output feature group ID if applicable

                        • -
                        • featureGroupTableName (str) – The table name of the Batch Prediction output feature group.

                        • -
                        • outputFeatureGroupTableName (str) – The table name of the Batch Prediction output feature group.

                        • -
                        • summaryFeatureGroupTableName (str) – The table name of the metrics summary feature group output by Batch Prediction.

                        • -
                        • csvInputPrefix (str) – A prefix to prepend to the input columns, only applies when output format is CSV.

                        • -
                        • csvPredictionPrefix (str) – A prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • -
                        • csvExplanationsPrefix (str) – A prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • -
                        • outputIncludesMetadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

                        • -
                        • resultInputColumns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • -
                        • modelMonitorId (str) – The model monitor for this batch prediction.

                        • -
                        • modelVersion (str) – The model instance used in the deployment for the batch prediction.

                        • -
                        • bpAcrossVersionsMonitorId (str) – The model monitor for this batch prediction across versions.

                        • -
                        • algorithm (str) – The algorithm that is currently deployed.

                        • -
                        • batchPredictionArgsType (str) – The type of batch prediction arguments used for this batch prediction.

                        • +
                        • batchPredictionId (str) – The unique identifier of the batch prediction request.

                        • +
                        • createdAt (str) – When the batch prediction was created, in ISO-8601 format.

                        • +
                        • name (str) – Name given to the batch prediction object.

                        • +
                        • deploymentId (str) – The deployment used to make the predictions.

                        • +
                        • fileConnectorOutputLocation (str) – Contains information about where the batch predictions are written to.

                        • +
                        • databaseConnectorId (str) – The database connector to write the results to.

                        • +
                        • databaseOutputConfiguration (dict) – Contains information about where the batch predictions are written to.

                        • +
                        • fileOutputFormat (str) – The format of the batch prediction output (CSV or JSON).

                        • +
                        • connectorType (str) – Null if writing to internal console, else FEATURE_GROUP | FILE_CONNECTOR | DATABASE_CONNECTOR.

                        • +
                        • legacyInputLocation (str) – The location of the input data.

                        • +
                        • outputFeatureGroupId (str) – The Batch Prediction output feature group ID if applicable

                        • +
                        • featureGroupTableName (str) – The table name of the Batch Prediction output feature group.

                        • +
                        • outputFeatureGroupTableName (str) – The table name of the Batch Prediction output feature group.

                        • +
                        • summaryFeatureGroupTableName (str) – The table name of the metrics summary feature group output by Batch Prediction.

                        • +
                        • csvInputPrefix (str) – A prefix to prepend to the input columns, only applies when output format is CSV.

                        • +
                        • csvPredictionPrefix (str) – A prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • +
                        • csvExplanationsPrefix (str) – A prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • +
                        • outputIncludesMetadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

                        • +
                        • resultInputColumns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • +
                        • modelMonitorId (str) – The model monitor for this batch prediction.

                        • +
                        • modelVersion (str) – The model instance used in the deployment for the batch prediction.

                        • +
                        • bpAcrossVersionsMonitorId (str) – The model monitor for this batch prediction across versions.

                        • +
                        • algorithm (str) – The algorithm that is currently deployed.

                        • +
                        • batchPredictionArgsType (str) – The type of batch prediction arguments used for this batch prediction.

                        • batchInputs (PredictionInput) – Inputs to the batch prediction.

                        • latestBatchPredictionVersion (BatchPredictionVersion) – The latest batch prediction version.

                        • refreshSchedules (RefreshSchedule) – List of refresh schedules that dictate the next time the batch prediction will be run.

                        • @@ -19658,7 +21906,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -19669,7 +21917,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – The unique identifier of the batch prediction to create a new version of.

                        +

                        batch_prediction_id (str) – The unique identifier of the batch prediction to create a new version of.

                        Returns:

                        The batch prediction version started by this method call.

                        @@ -19700,7 +21948,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – The unique identifier associated with the batch prediction.

                        +

                        batch_prediction_id (str) – The unique identifier associated with the batch prediction.

                        Returns:

                        The batch prediction description.

                        @@ -19718,15 +21966,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – Number of versions to list.

                        • -
                        • start_after_version (str) – Version to start after.

                        • +
                        • limit (int) – Number of versions to list.

                        • +
                        • start_after_version (str) – Version to start after.

                        Returns:

                        List of batch prediction versions.

                        Return type:
                        -

                        list[BatchPredictionVersion]

                        +

                        list[BatchPredictionVersion]

                        @@ -19738,17 +21986,17 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique identifier of the deployment.

                        • +
                        • deployment_id (str) – Unique identifier of the deployment.

                        • batch_prediction_args (BatchPredictionArgs) – Batch Prediction args specific to problem type.

                        • -
                        • output_format (str) – If specified, sets the format of the batch prediction output (CSV or JSON).

                        • -
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • -
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • -
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • -
                        • output_includes_metadata (bool) – If True, output will contain columns including prediction start time, batch prediction version, and model version.

                        • -
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • -
                        • name (str) – If present, will rename the batch prediction.

                        • -
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • -
                        • explanations (bool)

                        • +
                        • output_format (str) – If specified, sets the format of the batch prediction output (CSV or JSON).

                        • +
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • +
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • +
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • +
                        • output_includes_metadata (bool) – If True, output will contain columns including prediction start time, batch prediction version, and model version.

                        • +
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • +
                        • name (str) – If present, will rename the batch prediction.

                        • +
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • +
                        • explanations (bool)

                        Returns:
                        @@ -19767,8 +22015,8 @@

                        Package Contents
                        Parameters:
                          -
                        • output_format (str) – The format of the batch prediction output (CSV or JSON). If not specified, the default format will be used.

                        • -
                        • output_location (str) – The location to write the prediction results. If not specified, results will be stored in Abacus.AI.

                        • +
                        • output_format (str) – The format of the batch prediction output (CSV or JSON). If not specified, the default format will be used.

                        • +
                        • output_location (str) – The location to write the prediction results. If not specified, results will be stored in Abacus.AI.

                        Returns:
                        @@ -19787,8 +22035,8 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – Unique string identifier of an Database Connection to write predictions to.

                        • -
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector.

                        • +
                        • database_connector_id (str) – Unique string identifier of an Database Connection to write predictions to.

                        • +
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector.

                        Returns:
                        @@ -19806,7 +22054,7 @@

                        Package Contents
                        Parameters:
                        -

                        table_name (str) – Name of the feature group table to create.

                        +

                        table_name (str) – Name of the feature group table to create.

                        Returns:

                        Batch prediction after the output has been applied.

                        @@ -19823,7 +22071,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – The unique identifier of the batch prediction.

                        +

                        batch_prediction_id (str) – The unique identifier of the batch prediction.

                        Returns:

                        The batch prediction description.

                        @@ -19841,8 +22089,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_type (str) – Enum string representing the feature group type to set. The type is based on the use case under which the feature group is being created (e.g. Catalog Attributes for personalized recommendation use case).

                        • -
                        • feature_group_id (str) – Unique identifier of the feature group to set as input to the batch prediction.

                        • +
                        • feature_group_type (str) – Enum string representing the feature group type to set. The type is based on the use case under which the feature group is being created (e.g. Catalog Attributes for personalized recommendation use case).

                        • +
                        • feature_group_id (str) – Unique identifier of the feature group to set as input to the batch prediction.

                        Returns:
                        @@ -19860,7 +22108,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id_remap (dict) – Key/value pairs of dataset ids to be replaced during the batch prediction.

                        +

                        dataset_id_remap (dict) – Key/value pairs of dataset ids to be replaced during the batch prediction.

                        Returns:

                        Batch prediction object.

                        @@ -19877,7 +22125,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        +

                        batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        @@ -19888,7 +22136,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -19899,7 +22147,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -19913,7 +22161,7 @@

                        Package Contents

                        A string describing the status of the latest batch prediction version e.g., pending, complete, etc.

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -19924,7 +22172,7 @@

                        Package Contents
                        Parameters:
                        -

                        cron (str) – A cron style string to set the refresh time.

                        +

                        cron (str) – A cron style string to set the refresh time.

                        Returns:

                        The refresh policy object.

                        @@ -19988,43 +22236,43 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • batchPredictionVersion (str) – The unique identifier of the batch prediction version

                        • -
                        • batchPredictionId (str) – The unique identifier of the batch prediction

                        • -
                        • status (str) – The current status of the batch prediction

                        • -
                        • driftMonitorStatus (str) – The status of the drift monitor for this batch prediction version

                        • -
                        • deploymentId (str) – The deployment used to make the predictions

                        • -
                        • modelId (str) – The model used to make the predictions

                        • -
                        • modelVersion (str) – The model version used to make the predictions

                        • -
                        • predictionsStartedAt (str) – Predictions start date and time

                        • -
                        • predictionsCompletedAt (str) – Predictions completion date and time

                        • -
                        • databaseOutputError (bool) – If true, there were errors reported by the database connector while writing

                        • -
                        • totalPredictions (int) – Number of predictions performed in this batch prediction job

                        • -
                        • failedPredictions (int) – Number of predictions that failed

                        • -
                        • databaseConnectorId (str) – The database connector to write the results to

                        • -
                        • databaseOutputConfiguration (dict) – Contains information about where the batch predictions are written to

                        • -
                        • fileConnectorOutputLocation (str) – Contains information about where the batch predictions are written to

                        • -
                        • fileOutputFormat (str) – The format of the batch prediction output (CSV or JSON)

                        • -
                        • connectorType (str) – Null if writing to internal console, else FEATURE_GROUP | FILE_CONNECTOR | DATABASE_CONNECTOR

                        • -
                        • legacyInputLocation (str) – The location of the input data

                        • -
                        • error (str) – Relevant error if the status is FAILED

                        • -
                        • driftMonitorError (str) – Error message for the drift monitor of this batch predcition

                        • -
                        • monitorWarnings (str) – Relevant warning if there are issues found in drift or data integrity

                        • -
                        • csvInputPrefix (str) – A prefix to prepend to the input columns, only applies when output format is CSV

                        • -
                        • csvPredictionPrefix (str) – A prefix to prepend to the prediction columns, only applies when output format is CSV

                        • -
                        • csvExplanationsPrefix (str) – A prefix to prepend to the explanation columns, only applies when output format is CSV

                        • -
                        • databaseOutputTotalWrites (int) – The total number of rows attempted to write (may be less than total_predictions if write mode is UPSERT and multiple rows share the same ID)

                        • -
                        • databaseOutputFailedWrites (int) – The number of failed writes to the Database Connector

                        • -
                        • outputIncludesMetadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version

                        • -
                        • resultInputColumns (list[str]) – If present, will limit result files or feature groups to only include columns present in this list

                        • -
                        • modelMonitorVersion (str) – The version of the model monitor

                        • -
                        • algoName (str) – The name of the algorithm used to train the model

                        • -
                        • algorithm (str) – The algorithm that is currently deployed.

                        • -
                        • outputFeatureGroupId (str) – The Batch Prediction output feature group ID if applicable

                        • -
                        • outputFeatureGroupVersion (str) – The Batch Prediction output feature group version if applicable

                        • -
                        • outputFeatureGroupTableName (str) – The Batch Prediction output feature group name if applicable

                        • -
                        • batchPredictionWarnings (str) – Relevant warnings if any issues are found

                        • -
                        • bpAcrossVersionsMonitorVersion (str) – The version of the batch prediction across versions monitor

                        • -
                        • batchPredictionArgsType (str) – The type of the batch prediction args

                        • +
                        • batchPredictionVersion (str) – The unique identifier of the batch prediction version

                        • +
                        • batchPredictionId (str) – The unique identifier of the batch prediction

                        • +
                        • status (str) – The current status of the batch prediction

                        • +
                        • driftMonitorStatus (str) – The status of the drift monitor for this batch prediction version

                        • +
                        • deploymentId (str) – The deployment used to make the predictions

                        • +
                        • modelId (str) – The model used to make the predictions

                        • +
                        • modelVersion (str) – The model version used to make the predictions

                        • +
                        • predictionsStartedAt (str) – Predictions start date and time

                        • +
                        • predictionsCompletedAt (str) – Predictions completion date and time

                        • +
                        • databaseOutputError (bool) – If true, there were errors reported by the database connector while writing

                        • +
                        • totalPredictions (int) – Number of predictions performed in this batch prediction job

                        • +
                        • failedPredictions (int) – Number of predictions that failed

                        • +
                        • databaseConnectorId (str) – The database connector to write the results to

                        • +
                        • databaseOutputConfiguration (dict) – Contains information about where the batch predictions are written to

                        • +
                        • fileConnectorOutputLocation (str) – Contains information about where the batch predictions are written to

                        • +
                        • fileOutputFormat (str) – The format of the batch prediction output (CSV or JSON)

                        • +
                        • connectorType (str) – Null if writing to internal console, else FEATURE_GROUP | FILE_CONNECTOR | DATABASE_CONNECTOR

                        • +
                        • legacyInputLocation (str) – The location of the input data

                        • +
                        • error (str) – Relevant error if the status is FAILED

                        • +
                        • driftMonitorError (str) – Error message for the drift monitor of this batch predcition

                        • +
                        • monitorWarnings (str) – Relevant warning if there are issues found in drift or data integrity

                        • +
                        • csvInputPrefix (str) – A prefix to prepend to the input columns, only applies when output format is CSV

                        • +
                        • csvPredictionPrefix (str) – A prefix to prepend to the prediction columns, only applies when output format is CSV

                        • +
                        • csvExplanationsPrefix (str) – A prefix to prepend to the explanation columns, only applies when output format is CSV

                        • +
                        • databaseOutputTotalWrites (int) – The total number of rows attempted to write (may be less than total_predictions if write mode is UPSERT and multiple rows share the same ID)

                        • +
                        • databaseOutputFailedWrites (int) – The number of failed writes to the Database Connector

                        • +
                        • outputIncludesMetadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version

                        • +
                        • resultInputColumns (list[str]) – If present, will limit result files or feature groups to only include columns present in this list

                        • +
                        • modelMonitorVersion (str) – The version of the model monitor

                        • +
                        • algoName (str) – The name of the algorithm used to train the model

                        • +
                        • algorithm (str) – The algorithm that is currently deployed.

                        • +
                        • outputFeatureGroupId (str) – The Batch Prediction output feature group ID if applicable

                        • +
                        • outputFeatureGroupVersion (str) – The Batch Prediction output feature group version if applicable

                        • +
                        • outputFeatureGroupTableName (str) – The Batch Prediction output feature group name if applicable

                        • +
                        • batchPredictionWarnings (str) – Relevant warnings if any issues are found

                        • +
                        • bpAcrossVersionsMonitorVersion (str) – The version of the batch prediction across versions monitor

                        • +
                        • batchPredictionArgsType (str) – The type of the batch prediction args

                        • batchInputs (PredictionInput) – Inputs to the batch prediction

                        • inputFeatureGroups (PredictionFeatureGroup) – List of prediction feature groups

                        • globalPredictionArgs (BatchPredictionArgs)

                        • @@ -20256,7 +22504,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -20268,8 +22516,8 @@

                        Package Contents
                        Parameters:
                          -
                        • offset (int) – The offset to read from.

                        • -
                        • chunk_size (int) – The maximum amount of data to read.

                        • +
                        • offset (int) – The offset to read from.

                        • +
                        • chunk_size (int) – The maximum amount of data to read.

                        @@ -20281,7 +22529,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_version (str) – Unique string identifier of the batch prediction job to get the errors for.

                        +

                        batch_prediction_version (str) – Unique string identifier of the batch prediction job to get the errors for.

                        @@ -20306,7 +22554,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_version (str) – Unique string identifier of the Batch Prediction Version.

                        +

                        batch_prediction_version (str) – Unique string identifier of the Batch Prediction Version.

                        Returns:

                        The Batch Prediction Version.

                        @@ -20323,7 +22571,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_version (str) – The unique version ID of the batch prediction version.

                        +

                        batch_prediction_version (str) – The unique version ID of the batch prediction version.

                        Returns:

                        The logs for the specified batch prediction version.

                        @@ -20351,7 +22599,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -20362,7 +22610,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -20376,10 +22624,10 @@

                        Package Contents

                        A string describing the status of the batch prediction version, for e.g., pending, complete, etc.

                        Return type:
                        -

                        str

                        +

                        str

                        Parameters:
                        -

                        drift_monitor_status (bool)

                        +

                        drift_monitor_status (bool)

                        @@ -20409,8 +22657,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • logs (list[str]) – List of logs from batch prediction version.

                        • -
                        • warnings (list[str]) – List of warnings from batch prediction version.

                        • +
                        • logs (list[str]) – List of logs from batch prediction version.

                        • +
                        • warnings (list[str]) – List of warnings from batch prediction version.

                        @@ -20443,7 +22691,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -20459,7 +22707,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • externalApplicationId (str) – The external application ID.

                        • +
                        • externalApplicationId (str) – The external application ID.

                        @@ -20487,7 +22735,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -20503,9 +22751,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – Name of feature.

                        • -
                        • mostCommonValues (list[str]) – List of most common feature names in the prediction distribution not present in the training distribution.

                        • -
                        • freqOutsideTrainingRange (float) – Frequency of prediction rows outside training distribution for the specified feature.

                        • +
                        • name (str) – Name of feature.

                        • +
                        • mostCommonValues (list[str]) – List of most common feature names in the prediction distribution not present in the training distribution.

                        • +
                        • freqOutsideTrainingRange (float) – Frequency of prediction rows outside training distribution for the specified feature.

                        @@ -20543,7 +22791,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -20552,22 +22800,23 @@

                        Package Contents
                        -class abacusai.ChatMessage(client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None)
                        +class abacusai.ChatMessage(client, role=None, text=None, timestamp=None, isUseful=None, feedback=None, docIds=None, hotkeyTitle=None, tasks=None, keywordArguments=None, computePointsUsed=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        A single chat message with Abacus Chat.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • role (str) – The role of the message sender

                        • -
                        • text (list[dict]) – A list of text segments for the message

                        • -
                        • timestamp (str) – The timestamp at which the message was sent

                        • -
                        • isUseful (bool) – Whether this message was marked as useful or not

                        • -
                        • feedback (str) – The feedback provided for the message

                        • -
                        • docIds (list[str]) – A list of IDs of the uploaded document if the message has

                        • -
                        • hotkeyTitle (str) – The title of the hotkey prompt if the message has one

                        • -
                        • tasks (list[str]) – The list of spawned tasks, if the message was broken down into smaller sub-tasks.

                        • -
                        • keywordArguments (dict) – A dict of kwargs used to generate the response.

                        • +
                        • role (str) – The role of the message sender

                        • +
                        • text (list[dict]) – A list of text segments for the message

                        • +
                        • timestamp (str) – The timestamp at which the message was sent

                        • +
                        • isUseful (bool) – Whether this message was marked as useful or not

                        • +
                        • feedback (str) – The feedback provided for the message

                        • +
                        • docIds (list[str]) – A list of IDs of the uploaded document if the message has

                        • +
                        • hotkeyTitle (str) – The title of the hotkey prompt if the message has one

                        • +
                        • tasks (list[str]) – The list of spawned tasks, if the message was broken down into smaller sub-tasks.

                        • +
                        • keywordArguments (dict) – A dict of kwargs used to generate the response.

                        • +
                        • computePointsUsed (int) – The number of compute points used for the message.

                        @@ -20616,6 +22865,11 @@

                        Package Contentskeyword_arguments = None
                        +
                        +
                        +compute_points_used = None
                        +
                        +
                        deprecated_keys
                        @@ -20635,7 +22889,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -20651,15 +22905,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • answer (str) – The response from the chatbot

                        • -
                        • chatSessionId (str) – The chat session id

                        • -
                        • projectId (str) – The project id associated with the chat session

                        • -
                        • name (str) – The name of the chat session

                        • -
                        • createdAt (str) – The timestamp at which the chat session was created

                        • -
                        • status (str) – The status of the chat sessions

                        • -
                        • aiBuildingInProgress (bool) – Whether the AI building is in progress or not

                        • -
                        • notification (str) – A warn/info message about the chat session. For example, a suggestion to create a new session if the current one is too old

                        • -
                        • whiteboard (str) – A set of whiteboard notes associated with the chat session

                        • +
                        • answer (str) – The response from the chatbot

                        • +
                        • chatSessionId (str) – The chat session id

                        • +
                        • projectId (str) – The project id associated with the chat session

                        • +
                        • name (str) – The name of the chat session

                        • +
                        • createdAt (str) – The timestamp at which the chat session was created

                        • +
                        • status (str) – The status of the chat sessions

                        • +
                        • aiBuildingInProgress (bool) – Whether the AI building is in progress or not

                        • +
                        • notification (str) – A warn/info message about the chat session. For example, a suggestion to create a new session if the current one is too old

                        • +
                        • whiteboard (str) – A set of whiteboard notes associated with the chat session

                        • chatHistory (ChatMessage) – The chat history for the conversation

                        • nextAiBuildingTask (AiBuildingTask) – The next AI building task for the chat session

                        @@ -20739,7 +22993,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -20750,7 +23004,7 @@

                        Package Contents
                        Parameters:
                        -

                        chat_session_id (str) – Unique ID of the chat session.

                        +

                        chat_session_id (str) – Unique ID of the chat session.

                        Returns:

                        The chat session with Data Science Co-pilot

                        @@ -20767,7 +23021,7 @@

                        Package Contents
                        Parameters:
                        -

                        message_index (int) – The index of the chat message within the UI.

                        +

                        message_index (int) – The index of the chat message within the UI.

                        @@ -20778,7 +23032,7 @@

                        Package Contents
                        Parameters:
                        -

                        chat_session_id (str) – Unique ID of the chat session.

                        +

                        chat_session_id (str) – Unique ID of the chat session.

                        @@ -20789,7 +23043,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The new name of the chat session.

                        +

                        name (str) – The new name of the chat session.

                        @@ -20805,9 +23059,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • computerId (int) – The computer id.

                        • -
                        • token (str) – The token.

                        • -
                        • vncEndpoint (str) – The VNC endpoint.

                        • +
                        • computerId (int) – The computer id.

                        • +
                        • token (str) – The token.

                        • +
                        • vncEndpoint (str) – The VNC endpoint.

                        @@ -20845,7 +23099,261 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.ChatllmComputerStatus(client, computerId=None, vncEndpoint=None, computerStarted=None, restartRequired=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        ChatLLM Computer Status

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • computerId (str) – The ID of the computer, it can be a deployment_conversation_id or a computer_id (TODO: add separate field for deployment_conversation_id)

                        • +
                        • vncEndpoint (str) – The VNC endpoint of the computer

                        • +
                        • computerStarted (bool) – Whether the computer has started

                        • +
                        • restartRequired (bool) – Whether the computer needs to be restarted

                        • +
                        +
                        +
                        +
                        +
                        +computer_id = None
                        +
                        + +
                        +
                        +vnc_endpoint = None
                        +
                        + +
                        +
                        +computer_started = None
                        +
                        + +
                        +
                        +restart_required = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.ChatllmMemory(client, chatllmMemoryId=None, memory=None, sourceDeploymentConversationId=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        An LLM created memory in ChatLLM

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • chatllmMemoryId (str) – The ID of the chatllm memory.

                        • +
                        • memory (str) – The text of the ChatLLM memory.

                        • +
                        • sourceDeploymentConversationId (str) – The deployment conversation where this memory was created.

                        • +
                        +
                        +
                        +
                        +
                        +chatllm_memory_id = None
                        +
                        + +
                        +
                        +memory = None
                        +
                        + +
                        +
                        +source_deployment_conversation_id = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.ChatllmProject(client, chatllmProjectId=None, name=None, description=None, customInstructions=None, createdAt=None, updatedAt=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        ChatLLM Project

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • chatllmProjectId (id) – The ID of the chatllm project.

                        • +
                        • name (str) – The name of the chatllm project.

                        • +
                        • description (str) – The description of the chatllm project.

                        • +
                        • customInstructions (str) – The custom instructions of the chatllm project.

                        • +
                        • createdAt (str) – The creation time of the chatllm project.

                        • +
                        • updatedAt (str) – The update time of the chatllm project.

                        • +
                        +
                        +
                        +
                        +
                        +chatllm_project_id = None
                        +
                        + +
                        +
                        +name = None
                        +
                        + +
                        +
                        +description = None
                        +
                        + +
                        +
                        +custom_instructions = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +updated_at = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.ChatllmProjectPermissions(client, chatllmProjectId=None, accessLevel=None, userPermissions=None, userGroupPermissions=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        ChatLLM Project Permissions

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • chatllmProjectId (id) – The ID of the chatllm project.

                        • +
                        • accessLevel (str) – The access level of the chatllm project.

                        • +
                        • userPermissions (list) – List of tuples containing (user_id, permission).

                        • +
                        • userGroupPermissions (list) – List of tuples containing (user_group_id, permission).

                        • +
                        +
                        +
                        +
                        +
                        +chatllm_project_id = None
                        +
                        + +
                        +
                        +access_level = None
                        +
                        + +
                        +
                        +user_permissions = None
                        +
                        + +
                        +
                        +user_group_permissions = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -20861,8 +23369,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • userAlreadyExists (list) – List of user emails not successfullt invited, because they are already registered users.

                        • -
                        • successfulInvites (list) – List of users successfully invited.

                        • +
                        • userAlreadyExists (list) – List of user emails not successfullt invited, because they are already registered users.

                        • +
                        • successfulInvites (list) – List of users successfully invited.

                        @@ -20895,7 +23403,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -20904,22 +23412,32 @@

                        Package Contents
                        -class abacusai.ChatllmTask(client, chatllmTaskId=None, name=None, instructions=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, enableEmailAlerts=None, email=None)
                        +class abacusai.ChatllmTask(client, chatllmTaskId=None, daemonTaskId=None, taskType=None, name=None, instructions=None, description=None, lifecycle=None, scheduleInfo=None, externalApplicationId=None, deploymentConversationId=None, sourceDeploymentConversationId=None, enableEmailAlerts=None, email=None, numUnreadTaskInstances=None, computePointsUsed=None, displayMarkdown=None, requiresNewConversation=None, executionMode=None, taskDefinition=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        A chatllm task

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • chatllmTaskId (str) – The id of the chatllm task.

                        • -
                        • name (str) – The name of the chatllm task.

                        • -
                        • instructions (str) – The instructions of the chatllm task.

                        • -
                        • lifecycle (str) – The lifecycle of the chatllm task.

                        • -
                        • scheduleInfo (dict) – The schedule info of the chatllm task.

                        • -
                        • externalApplicationId (str) – The external application id associated with the chatllm task.

                        • -
                        • deploymentConversationId (str) – The deployment conversation id associated with the chatllm task.

                        • -
                        • enableEmailAlerts (bool) – Whether email alerts are enabled for the chatllm task.

                        • -
                        • email (str) – The email to send alerts to.

                        • +
                        • chatllmTaskId (str) – The id of the chatllm task.

                        • +
                        • daemonTaskId (str) – The id of the daemon task.

                        • +
                        • taskType (str) – The type of task (‘chatllm’ or ‘daemon’).

                        • +
                        • name (str) – The name of the chatllm task.

                        • +
                        • instructions (str) – The instructions of the chatllm task.

                        • +
                        • description (str) – The description of the chatllm task.

                        • +
                        • lifecycle (str) – The lifecycle of the chatllm task.

                        • +
                        • scheduleInfo (dict) – The schedule info of the chatllm task.

                        • +
                        • externalApplicationId (str) – The external application id associated with the chatllm task.

                        • +
                        • deploymentConversationId (str) – The deployment conversation id associated with the chatllm task.

                        • +
                        • sourceDeploymentConversationId (str) – The source deployment conversation id associated with the chatllm task.

                        • +
                        • enableEmailAlerts (bool) – Whether email alerts are enabled for the chatllm task.

                        • +
                        • email (str) – The email to send alerts to.

                        • +
                        • numUnreadTaskInstances (int) – The number of unread task instances for the chatllm task.

                        • +
                        • computePointsUsed (int) – The compute points used for the chatllm task.

                        • +
                        • displayMarkdown (str) – The display markdown for the chatllm task.

                        • +
                        • requiresNewConversation (bool) – Whether a new conversation is required for the chatllm task.

                        • +
                        • executionMode (str) – The execution mode of the chatllm task.

                        • +
                        • taskDefinition (dict) – The task definition (for web_service_trigger tasks).

                        @@ -20928,6 +23446,16 @@

                        Package Contentschatllm_task_id = None
                        +
                        +
                        +daemon_task_id = None
                        +
                        + +
                        +
                        +task_type = None
                        +
                        +
                        name = None
                        @@ -20938,6 +23466,11 @@

                        Package Contentsinstructions = None

                        +
                        +
                        +description = None
                        +
                        +
                        lifecycle = None
                        @@ -20958,6 +23491,11 @@

                        Package Contentsdeployment_conversation_id = None

                        +
                        +
                        +source_deployment_conversation_id = None
                        +
                        +
                        enable_email_alerts = None
                        @@ -20968,6 +23506,36 @@

                        Package Contentsemail = None

                        +
                        +
                        +num_unread_task_instances = None
                        +
                        + +
                        +
                        +compute_points_used = None
                        +
                        + +
                        +
                        +display_markdown = None
                        +
                        + +
                        +
                        +requires_new_conversation = None
                        +
                        + +
                        +
                        +execution_mode = None
                        +
                        + +
                        +
                        +task_definition = None
                        +
                        +
                        deprecated_keys
                        @@ -20987,7 +23555,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -21041,11 +23609,11 @@

                        Package Contents
                        Parameters:
                          -
                        • api_key (str) – The api key to use as authentication to the server

                        • -
                        • server (str) – The base server url to use to send API requets to

                        • +
                        • api_key (str) – The api key to use as authentication to the server

                        • +
                        • server (str) – The base server url to use to send API requets to

                        • client_options (ClientOptions) – Optional API client configurations

                        • -
                        • skip_version_check (bool) – If true, will skip checking the server’s current API version on initializing the client

                        • -
                        • include_tb (bool)

                        • +
                        • skip_version_check (bool) – If true, will skip checking the server’s current API version on initializing the client

                        • +
                        • include_tb (bool)

                        @@ -21057,9 +23625,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_table_name (str) – The table name to assign to the feature group created by this call

                        • +
                        • feature_group_table_name (str) – The table name to assign to the feature group created by this call

                        • df (pandas.DataFrame) – The dataframe to upload

                        • -
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        • +
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        Returns:
                        @@ -21071,6 +23639,54 @@

                        Package Contents +
                        +get_assignments_online_with_new_inputs(deployment_token, deployment_id, assignments_df=None, constraints_df=None, constraint_equations_df=None, feature_mapping_dict=None, solve_time_limit_seconds=None, optimality_gap_limit=None)
                        +

                        Get alternative positive assignments for given query. Optimal assignments are ignored and the alternative assignments are returned instead.

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (ID) – The unique identifier of a deployment created under the project.

                        • +
                        • assignments_df (pd.DataFrame) – A dataframe with all the variables involved in the optimization problem

                        • +
                        • constraints_df (pd.DataFrame) – A dataframe of individual constraints, and variables in them

                        • +
                        • constraint_equations_df (pd.DataFrame) – A dataframe which tells us about the operator / constant / penalty etc of a constraint +This gives us some data which is needed to make sense of the constraints_df.

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • optimality_gap_limit (float) – Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found)

                        • +
                        • feature_mapping_dict (dict)

                        • +
                        +
                        +
                        Returns:
                        +

                        The assignments for a given query.

                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +
                        +
                        + +
                        +
                        +get_optimization_input_dataframes_with_new_inputs(deployment_token, deployment_id, query_data)
                        +

                        Get assignments for given query, with new inputs

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. values are dataframes and keys are their names. Names should be same as the ones used during training.

                        • +
                        +
                        +
                        Returns:
                        +

                        The output dataframes for a given query. These will be in serialized form. So, effectively we would have a dict of keys, and serialized dataframes.

                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +
                        +
                        +
                        create_dataset_version_from_pandas(table_name_or_id, df, clean_column_names=False)
                        @@ -21079,9 +23695,9 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name_or_id (str) – The table name of the feature group or the ID of the dataset to update

                        • +
                        • table_name_or_id (str) – The table name of the feature group or the ID of the dataset to update

                        • df (pandas.DataFrame) – The dataframe to upload

                        • -
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        • +
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        Returns:
                        @@ -21100,9 +23716,9 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – The table name to assign to the feature group created by this call

                        • +
                        • table_name (str) – The table name to assign to the feature group created by this call

                        • df (pandas.DataFrame) – The dataframe to upload and use as the data source for the feature group

                        • -
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        • +
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        Return type:
                        @@ -21118,9 +23734,9 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – The table name of the existing feature group to update. A feature group with this name must exist and must have source type DATASET.

                        • +
                        • table_name (str) – The table name of the existing feature group to update. A feature group with this name must exist and must have source type DATASET.

                        • df (pandas.DataFrame) – The dataframe to upload

                        • -
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        • +
                        • clean_column_names (bool) – If true, the dataframe’s column names will be automatically cleaned to be complaint with Abacus.AI’s column requirements. Otherwise it will raise a ValueError.

                        Return type:
                        @@ -21137,7 +23753,7 @@

                        Package ContentsParameters:
                        Return type:
                        @@ -21154,9 +23770,9 @@

                        Package ContentsParameters:
                        • df (pyspark.sql.DataFrame) – The dataframe to upload

                        • -
                        • table_name (str) – The table name to assign to the feature group created by this call

                        • -
                        • should_wait_for_upload (bool) – Wait for dataframe to upload before returning. Some FeatureGroup methods, like materialization, may not work until upload is complete.

                        • -
                        • timeout (int) – If waiting for upload, time out after this limit.

                        • +
                        • table_name (str) – The table name to assign to the feature group created by this call

                        • +
                        • should_wait_for_upload (bool) – Wait for dataframe to upload before returning. Some FeatureGroup methods, like materialization, may not work until upload is complete.

                        • +
                        • timeout (int) – If waiting for upload, time out after this limit.

                        Return type:
                        @@ -21173,7 +23789,7 @@

                        Package ContentsParameters:
                        Returns:
                        @@ -21189,16 +23805,16 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the prediction operator.

                        • -
                        • project_id (str) – The unique ID of the associated project.

                        • +
                        • name (str) – Name of the prediction operator.

                        • +
                        • project_id (str) – The unique ID of the associated project.

                        • predict_function (callable) – The function that will be executed to run predictions.

                        • initialize_function (callable) – The initialization function that can generate anything used by predictions, based on input feature groups.

                        • -
                        • feature_group_ids (list) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes.

                        • -
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • -
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_gpu (bool) – Whether this rediction operator needs gpu.

                        • +
                        • feature_group_ids (list) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes.

                        • +
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • +
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • +
                        • use_gpu (bool) – Whether this rediction operator needs gpu.

                        @@ -21215,16 +23831,16 @@

                        Package Contents
                        Parameters:
                          -
                        • prediction_operator_id (str) – The unique ID of the prediction operator.

                        • -
                        • name (str) – The name of the prediction operator

                        • +
                        • prediction_operator_id (str) – The unique ID of the prediction operator.

                        • +
                        • name (str) – The name of the prediction operator

                        • predict_function (callable) – The predict function callable to serialize and upload

                        • initialize_function (callable) – The initialize function callable to serialize and upload

                        • -
                        • feature_group_ids (list) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes. The order should match the initialize function’s parameters.

                        • -
                        • cpu_size (str) – Size of the cpu for the training function

                        • -
                        • memory (int) – Memory (in GB) for the training function

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • feature_group_ids (list) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes. The order should match the initialize function’s parameters.

                        • +
                        • cpu_size (str) – Size of the cpu for the training function

                        • +
                        • memory (int) – Memory (in GB) for the training function

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_gpu (bool) – Whether this prediction needs gpu

                        • +
                        • use_gpu (bool) – Whether this prediction needs gpu

                        @@ -21237,21 +23853,21 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The project to create the model in

                        • +
                        • project_id (str) – The project to create the model in

                        • train_function (callable) – The training fucntion callable to serialize and upload

                        • predict_function (callable) – The predict function callable to serialize and upload

                        • predict_many_function (callable) – The predict many function callable to serialize and upload

                        • initialize_function (callable) – The initialize function callable to serialize and upload

                        • -
                        • training_input_tables (list) – The input table names of the feature groups to pass to the train function

                        • -
                        • cpu_size (str) – Size of the cpu for the training function

                        • -
                        • memory (int) – Memory (in GB) for the training function

                        • +
                        • training_input_tables (list) – The input table names of the feature groups to pass to the train function

                        • +
                        • cpu_size (str) – Size of the cpu for the training function

                        • +
                        • memory (int) – Memory (in GB) for the training function

                        • training_config (TrainingConfig) – Training configuration

                        • -
                        • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

                        • +
                        • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • -
                        • name (str) – The name of the model

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • -
                        • is_thread_safe (bool) – Whether the model is thread safe

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • name (str) – The name of the model

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • is_thread_safe (bool) – Whether the model is thread safe

                        @@ -21264,18 +23880,18 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – The id of the model to update

                        • +
                        • model_id (str) – The id of the model to update

                        • train_function (callable) – The training fucntion callable to serialize and upload

                        • predict_function (callable) – The predict function callable to serialize and upload

                        • predict_many_function (callable) – The predict many function callable to serialize and upload

                        • initialize_function (callable) – The initialize function callable to serialize and upload

                        • -
                        • training_input_tables (list) – The input table names of the feature groups to pass to the train function

                        • -
                        • cpu_size (str) – Size of the cpu for the training function

                        • -
                        • memory (int) – Memory (in GB) for the training function

                        • +
                        • training_input_tables (list) – The input table names of the feature groups to pass to the train function

                        • +
                        • cpu_size (str) – Size of the cpu for the training function

                        • +
                        • memory (int) – Memory (in GB) for the training function

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • -
                        • is_thread_safe (bool) – Whether the model is thread safe

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • is_thread_safe (bool) – Whether the model is thread safe

                        @@ -21288,17 +23904,17 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_id (str) – The ID of the pipeline to add the step to.

                        • -
                        • step_name (str) – The name of the step.

                        • +
                        • pipeline_id (str) – The ID of the pipeline to add the step to.

                        • +
                        • step_name (str) – The name of the step.

                        • function (callable) – The python function.

                        • step_input_mappings (List[PythonFunctionArguments]) – List of Python function arguments.

                        • output_variable_mappings (List[OutputVariableMapping]) – List of Python function ouputs.

                        • -
                        • step_dependencies (List[str]) – List of step names this step depends on.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • cpu_size (str) – Size of the CPU for the step function.

                        • -
                        • memory (int) – Memory (in GB) for the step function.

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • -
                        • timeout (int) – Timeout for how long the step can run in minutes, default is 300 minutes.

                        • +
                        • step_dependencies (List[str]) – List of step names this step depends on.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • cpu_size (str) – Size of the CPU for the step function.

                        • +
                        • memory (int) – Memory (in GB) for the step function.

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • timeout (int) – Timeout for how long the step can run in minutes, default is 300 minutes.

                        @@ -21311,16 +23927,16 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_step_id (str) – The ID of the pipeline_step to update.

                        • +
                        • pipeline_step_id (str) – The ID of the pipeline_step to update.

                        • function (callable) – The python function.

                        • step_input_mappings (List[PythonFunctionArguments]) – List of Python function arguments.

                        • output_variable_mappings (List[OutputVariableMapping]) – List of Python function ouputs.

                        • -
                        • step_dependencies (List[str]) – List of step names this step depends on.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • cpu_size (str) – Size of the CPU for the step function.

                        • -
                        • memory (int) – Memory (in GB) for the step function.

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • -
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        • +
                        • step_dependencies (List[str]) – List of step names this step depends on.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • cpu_size (str) – Size of the CPU for the step function.

                        • +
                        • memory (int) – Memory (in GB) for the step function.

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        @@ -21328,16 +23944,17 @@

                        Package Contents
                        -create_python_function_from_function(name, function, function_variable_mappings=None, package_requirements=None, function_type=PythonFunctionType.FEATURE_GROUP.value)
                        +create_python_function_from_function(name, function, function_variable_mappings=None, package_requirements=None, function_type=PythonFunctionType.FEATURE_GROUP.value, description=None)

                        Creates a custom Python function

                        Parameters:
                          -
                        • name (str) – The name to identify the Python function.

                        • +
                        • name (str) – The name to identify the Python function.

                        • function (callable) – The function callable to serialize and upload.

                        • function_variable_mappings (List<PythonFunctionArguments>) – List of Python function arguments.

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • function_type (PythonFunctionType) – Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG.

                        • +
                        • description (str) – Description of the Python function.

                        @@ -21351,14 +23968,14 @@

                        Package ContentsParameters:
                        • function (callable) – The function callable for the feature group

                        • -
                        • table_name (str) – The table name to give the feature group

                        • -
                        • input_tables (list) – The input table names of the feature groups as input to the feature group function

                        • -
                        • python_function_name (str) – The name of the python function to create a feature group from.

                        • +
                        • table_name (str) – The table name to give the feature group

                        • +
                        • input_tables (list) – The input table names of the feature groups as input to the feature group function

                        • +
                        • python_function_name (str) – The name of the python function to create a feature group from.

                        • python_function_bindings (List<PythonFunctionArguments>) – List of python function arguments

                        • -
                        • cpu_size (str) – Size of the cpu for the feature group function

                        • -
                        • memory (int) – Memory (in GB) for the feature group function

                        • +
                        • cpu_size (str) – Size of the cpu for the feature group function

                        • +
                        • memory (int) – Memory (in GB) for the feature group function

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        @@ -21375,7 +23992,7 @@

                        Package Contentslist) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        +
                      • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                      • Returns:
                        @@ -21395,7 +24012,7 @@

                        Package ContentsParameters:
                        • name (String) – The name to identify the algorithm, only uppercase letters, numbers and underscore allowed

                        • -
                        • problem_type (str) – The type of the problem this algorithm will work on

                        • +
                        • problem_type (str) – The type of the problem this algorithm will work on

                        • train_function (callable) – The training function callable to serialize and upload

                        • predict_function (callable) – The predict function callable to serialize and upload

                        • predict_many_function (callable) – The predict many function callable to serialize and upload

                        • @@ -21404,11 +24021,11 @@

                          Package Contentsbool) – Whether train with the algorithm by default

                          +
                        • is_default_enabled (bool) – Whether train with the algorithm by default

                        • project_id (Unique String Identifier) – The unique version ID of the project

                        • use_gpu (Boolean) – Whether this algorithm needs to run on GPU

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        • +
                        • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        @@ -21433,7 +24050,7 @@

                        Package Contentslist) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                        +
                      • included_modules (list) – List of names of user-created modules that will be included, which is equivalent to ‘from module import *

                      • @@ -21653,17 +24270,17 @@

                        Package ContentsParameters:
                        • workflow_graph (WorkflowGraph) – The workflow graph to validate.

                        • -
                        • sample_user_inputs (dict) – Contains sample values for variables of type user_input for starting node

                        • -
                        • agent_workflow_node_id (str) – Node id from which we want to run workflow

                        • +
                        • sample_user_inputs (dict) – Contains sample values for variables of type user_input for starting node

                        • +
                        • agent_workflow_node_id (str) – Node id from which we want to run workflow

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • -
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        Returns:

                        The output variables for every node in workflow which has executed.

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -21671,19 +24288,19 @@

                        Package Contents
                        execute_workflow_node(node, inputs)
                        -

                        Execute the workflow node given input arguments.

                        +

                        Execute the workflow node given input arguments. This is to be used for testing purposes only.

                        Parameters:
                        • node (WorkflowGraphNode) – The workflow node to be executed.

                        • -
                        • inputs (dict) – The inputs to be passed to the node function.

                        • +
                        • inputs (dict) – The inputs to be passed to the node function.

                        Returns:

                        The outputs returned by node execution.

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -21696,13 +24313,13 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The project to create the model in

                        • +
                        • project_id (str) – The project to create the model in

                        • agent_function (callable) – The agent function callable to serialize and upload

                        • -
                        • name (str) – The name of the agent

                        • -
                        • memory (int) – Memory (in GB) for hosting the agent

                        • +
                        • name (str) – The name of the agent

                        • +
                        • memory (int) – Memory (in GB) for hosting the agent

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • description (str) – A description of the agent.

                        • -
                        • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

                        • +
                        • description (str) – A description of the agent.

                        • +
                        • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

                        • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

                        @@ -21717,12 +24334,12 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – The unique ID associated with the AI Agent to be changed.

                        • +
                        • model_id (str) – The unique ID associated with the AI Agent to be changed.

                        • agent_function (callable) – The new agent function callable to serialize and upload

                        • -
                        • memory (int) – Memory (in GB) for hosting the agent

                        • +
                        • memory (int) – Memory (in GB) for hosting the agent

                        • package_requirements (List) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • enable_binary_input (bool) – If True, the agent will be able to accept binary data as inputs.

                        • -
                        • description (str) – A description of the agent.

                        • +
                        • enable_binary_input (bool) – If True, the agent will be able to accept binary data as inputs.

                        • +
                        • description (str) – A description of the agent.

                        • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

                        @@ -21741,9 +24358,9 @@

                        Package Contents
                        Parameters:
                          -
                        • sql (str) – The SQL query to execute.

                        • -
                        • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

                        • -
                        • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True

                        • +
                        • sql (str) – The SQL query to execute.

                        • +
                        • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

                        • +
                        • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True

                        Returns:
                        @@ -21755,6 +24372,20 @@

                        Package Contents +
                        +_get_agent_client_type()
                        +

                        Returns the client type for the current request context.

                        +
                        +
                        Returns:
                        +

                        The client type for the current request context.

                        +
                        +
                        Return type:
                        +

                        AgentClientType

                        +
                        +
                        +
                        +
                        get_agent_context_chat_history()
                        @@ -21806,7 +24437,7 @@

                        Package Contents

                        The deployment conversation ID for the current request being processed by the Agent.

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -21817,7 +24448,7 @@

                        Package Contents
                        Parameters:
                        -

                        conversation_id (str) – The deployment conversation ID for the current request being processed by the Agent.

                        +

                        conversation_id (str) – The deployment conversation ID for the current request being processed by the Agent.

                        @@ -21832,7 +24463,7 @@

                        Package Contents

                        The external session ID for the current request being processed by the Agent.

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -21843,7 +24474,7 @@

                        Package Contents
                        Parameters:
                        -

                        external_session_id (str) – The external session ID for the current request being processed by the Agent.

                        +

                        external_session_id (str) – The external session ID for the current request being processed by the Agent.

                        @@ -21858,7 +24489,7 @@

                        Package Contents

                        The document IDs the current request being processed by the Agent.

                        Return type:
                        -

                        List[str]

                        +

                        List[str]

                        @@ -21869,7 +24500,7 @@

                        Package Contents
                        Parameters:
                        -

                        doc_ids (List[str]) – The doc_ids associated with the current request context.

                        +

                        doc_ids (List[str]) – The doc_ids associated with the current request context.

                        @@ -21884,7 +24515,7 @@

                        Package Contents

                        The document information for the current request being processed by the Agent.

                        Return type:
                        -

                        List[dict]

                        +

                        List[dict]

                        @@ -21895,7 +24526,7 @@

                        Package Contents
                        Parameters:
                        -

                        doc_infos (List[dict]) – The document information associated with the current request context.

                        +

                        doc_infos (List[dict]) – The document information associated with the current request context.

                        @@ -21918,31 +24549,33 @@

                        Package Contents
                        get_agent_context_user_info()
                        -

                        Gets information about the user interacting with the agent. +

                        Gets information about the user interacting with the agent and user action if applicable. Applicable within a AIAgent execute function.

                        Returns:

                        Containing email and name of the end user.

                        Return type:
                        -

                        dict

                        +

                        dict

                        -
                        -get_agent_runtime_config(key)
                        -

                        Gets the deployment level runtime config for the agent

                        +
                        +get_runtime_config(key)
                        +

                        Retrieve the value of a specified configuration key from the deployment’s runtime settings. +These settings can be configured in the deployment details page in the UI. +Currently supported for AI Agents, Custom Python Model and Prediction Operators.

                        Parameters:
                        -

                        key (str) – Key for which the config value is to be fetched

                        +

                        key (str) – The configuration key whose value is to be fetched.

                        Returns:
                        -

                        Config value for the input key

                        +

                        The value associated with the specified configuration key, or None if the key does not exist.

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -21956,7 +24589,7 @@

                        Package Contents

                        Containing email and name of the end user.

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -21974,16 +24607,16 @@

                        Package Contents
                        Parameters:
                          -
                        • computer_id (str) – The ID of the computer to use for the agent.

                        • -
                        • prompt (str) – The prompt to do tasks on the computer.

                        • -
                        • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

                        • +
                        • computer_id (str) – The ID of the computer to use for the agent.

                        • +
                        • prompt (str) – The prompt to do tasks on the computer.

                        • +
                        • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

                        Returns:

                        The text responses from the computer.

                        Return type:
                        -

                        text (str)

                        +

                        text (str)

                        @@ -21995,22 +24628,22 @@

                        Package Contents
                        Parameters:
                          -
                        • prompt (str) – Prompt to use for generation.

                        • -
                        • system_message (str) – System prompt for models that support it.

                        • +
                        • prompt (str) – Prompt to use for generation.

                        • +
                        • system_message (str) – System prompt for models that support it.

                        • llm_name (LLMName) – Name of the underlying LLM to be used for generation. Default is auto selection.

                        • -
                        • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

                        • -
                        • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

                        • -
                        • messages (list) – A list of messages to use as conversation history. For completion models like OPENAI_GPT3_5_TEXT and PALM_TEXT this should not be set. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • -
                        • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

                        • -
                        • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter description (str) (required): Description of the parameter is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema={ ‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}, }

                        • -
                        • section_key (str) – Key to identify output schema section.

                        • +
                        • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

                        • +
                        • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

                        • +
                        • messages (list) – A list of messages to use as conversation history. For completion models like OPENAI_GPT3_5_TEXT and PALM_TEXT this should not be set. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • +
                        • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

                        • +
                        • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter description (str) (required): Description of the parameter is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema={ ‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}, }

                        • +
                        • section_key (str) – Key to identify output schema section.

                        Returns:

                        The response from the model.

                        Return type:
                        -

                        text (str)

                        +

                        text (str)

                        @@ -22021,7 +24654,7 @@

                        Package Contents
                        Parameters:
                        -

                        source_code (str) – The source code to execute.

                        +

                        source_code (str) – The source code to execute.

                        Returns:

                        stdout, stderr, exception for source_code execution

                        @@ -22038,21 +24671,21 @@

                        Package Contents

                        The request ID for the current request being processed by the Agent.

                        Return type:
                        -

                        str

                        +

                        str

                        -
                        -_get_agent_async_app_caller()
                        -

                        Gets the caller for the current request context of async app. Applicable within a AIAgent execute function.

                        +
                        +_get_agent_caller()
                        +

                        Gets the caller for the current request context. Applicable within a AIAgent execute function.

                        Returns:

                        The caller for the current request being processed by the Agent.

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -22060,13 +24693,27 @@

                        Package Contents
                        _is_proxy_app_caller()
                        -

                        Gets the caller for the current request context of async app. Applicable within a AIAgent execute function.

                        +

                        Checks if the caller is cluster-proxy app.

                        Returns:
                        -

                        True if the caller is proxy app.

                        +

                        True if the caller is cluster-proxy app.

                        Return type:
                        -

                        bool

                        +

                        bool

                        +
                        +
                        +
                        + +
                        +
                        +_is_async_app_caller()
                        +

                        Checks if the caller is async app.

                        +
                        +
                        Returns:
                        +

                        True if the caller is async app.

                        +
                        +
                        Return type:
                        +

                        bool

                        @@ -22079,8 +24726,8 @@

                        Package Contents
                        Parameters:
                          -
                        • message (str) – The message to be streamed.

                        • -
                        • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

                        • +
                        • message (str) – The message to be streamed.

                        • +
                        • is_transient (bool) – If True, the message will be marked as transient and will not be persisted on reload in external chatllm UI. Transient messages are useful for streaming interim updates or results.

                        Return type:
                        @@ -22097,7 +24744,7 @@

                        Package Contents
                        Parameters:
                          -
                        • section_key (str) – The section key to which the output corresponds.

                        • +
                        • section_key (str) – The section key to which the output corresponds.

                        • value (Any) – The output contents.

                        @@ -22131,17 +24778,17 @@

                        Package Contents
                        Parameters:
                          -
                        • request_id (str) – The request ID for the current request being processed by the Agent.

                        • -
                        • caller (str) – The caller for the current request being processed by the Agent.

                        • -
                        • message (str) – The message to send to the AsyncApp.

                        • -
                        • llm_args (dict) – The LLM arguments to send to the AsyncApp.

                        • +
                        • request_id (str) – The request ID for the current request being processed by the Agent.

                        • +
                        • caller (str) – The caller for the current request being processed by the Agent.

                        • +
                        • message (str) – The message to send to the AsyncApp.

                        • +
                        • llm_args (dict) – The LLM arguments to send to the AsyncApp.

                        Returns:

                        The response from the AsyncApp.

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -22152,13 +24799,13 @@

                        Package Contents
                        Parameters:
                        @@ -22171,16 +24818,16 @@

                        Package Contents
                        Parameters:
                          -
                        • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

                        • -
                        • feature_group_ids (List[str]) – A list of feature group IDs that the query should be executed against.

                        • -
                        • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

                        • -
                        • llm_name (str) – The name of the language model to use. If not provided, the default language model is used.

                        • -
                        • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

                        • -
                        • preview (bool) – If True, a preview of the query execution is returned.

                        • -
                        • schema_document_retriever_ids (List[str]) – A list of document retrievers to retrieve schema information for the data query. Otherwise, they are retrieved from the feature group metadata.

                        • -
                        • timeout (int) – Time limit for the call.

                        • -
                        • delay (int) – Polling interval for checking timeout.

                        • -
                        • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True.

                        • +
                        • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

                        • +
                        • feature_group_ids (List[str]) – A list of feature group IDs that the query should be executed against.

                        • +
                        • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

                        • +
                        • llm_name (str) – The name of the language model to use. If not provided, the default language model is used.

                        • +
                        • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

                        • +
                        • preview (bool) – If True, a preview of the query execution is returned.

                        • +
                        • schema_document_retriever_ids (List[str]) – A list of document retrievers to retrieve schema information for the data query. Otherwise, they are retrieved from the feature group metadata.

                        • +
                        • timeout (int) – Time limit for the call.

                        • +
                        • delay (int) – Polling interval for checking timeout.

                        • +
                        • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group. Defaults to True.

                        Returns:
                        @@ -22197,7 +24844,7 @@

                        Package Contents_get_doc_retriever_deployment_info(document_retriever_id)
                        Parameters:
                        -

                        document_retriever_id (str)

                        +

                        document_retriever_id (str)

                        @@ -22212,27 +24859,27 @@

                        Package Contents
                        Parameters:
                          -
                        • document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        • -
                        • query (str) – The query to search for.

                        • -
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • limit (int) – If provided, will limit the number of results to the value specified.

                        • -
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • -
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • -
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • -
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • -
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • -
                        • min_score (float) – If provided, will filter out the results with score lower than the value specified.

                        • -
                        • required_phrases (list) – If provided, each result will have at least one of the phrases.

                        • -
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • -
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set.

                        • -
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        • +
                        • document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        • +
                        • query (str) – The query to search for.

                        • +
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • limit (int) – If provided, will limit the number of results to the value specified.

                        • +
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • +
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • +
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • +
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • +
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • +
                        • min_score (float) – If provided, will filter out the results with score lower than the value specified.

                        • +
                        • required_phrases (list) – If provided, each result will have at least one of the phrases.

                        • +
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • +
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set.

                        • +
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        Returns:

                        The relevant documentation results found from the document retriever.

                        Return type:
                        -

                        list[DocumentRetrieverLookupResult]

                        +

                        list[DocumentRetrieverLookupResult]

                        @@ -22245,11 +24892,11 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique string identifier associated with the project.

                        • -
                        • location (str) – Cloud location for the model.

                        • -
                        • name (str) – Name you want your model to have. Defaults to “<Project Name> Model”.

                        • -
                        • custom_artifact_filenames (dict) – Optional mapping to specify which filename should be used for a given model artifact type.

                        • -
                        • model_config (dict) – Extra configurations that are specific to the model being created.

                        • +
                        • project_id (str) – Unique string identifier associated with the project.

                        • +
                        • location (str) – Cloud location for the model.

                        • +
                        • name (str) – Name you want your model to have. Defaults to “<Project Name> Model”.

                        • +
                        • custom_artifact_filenames (dict) – Optional mapping to specify which filename should be used for a given model artifact type.

                        • +
                        • model_config (dict) – Extra configurations that are specific to the model being created.

                        Returns:
                        @@ -22269,10 +24916,10 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”.

                        • -
                        • optional_artifacts (list) – A list of strings describing additional artifacts for the model. An example would be a verification file.

                        • -
                        • model_config (dict) – Extra configurations that are specific to the model being created.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”.

                        • +
                        • optional_artifacts (list) – A list of strings describing additional artifacts for the model. An example would be a verification file.

                        • +
                        • model_config (dict) – Extra configurations that are specific to the model being created.

                        Returns:
                        @@ -22290,7 +24937,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

                        +

                        model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

                        Returns:

                        The updated model.

                        @@ -22308,8 +24955,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

                        • -
                        • optional_artifacts (list) – List of strings describing additional artifacts for the model, e.g. a verification file.

                        • +
                        • model_id (str) – Unique string identifier of the model to create a new version of with the new model artifacts.

                        • +
                        • optional_artifacts (list) – List of strings describing additional artifacts for the model, e.g. a verification file.

                        Returns:
                        @@ -22323,23 +24970,24 @@

                        Package Contents
                        -get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False)
                        +get_streaming_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False, user_info=None)

                        Return an asynchronous generator which continues the conversation based on the input messages and search results.

                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • -
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        • -
                        • include_search_results (bool) – If True, will also return search results, if relevant.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        • +
                        • include_search_results (bool) – If True, will also return search results, if relevant.

                        • +
                        • user_info (dict) – The information of the user to act on behalf of for user restricted data sources.

                        @@ -22347,25 +24995,26 @@

                        Package Contents
                        -get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False)
                        +get_streaming_conversation_response(deployment_token, deployment_id, message, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, ignore_documents=False, include_search_results=False, user_info=None)

                        Return an asynchronous generator which continues the conversation based on the input messages and search results.

                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • message (str) – A message from the user

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • -
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        • -
                        • include_search_results (bool) – If True, will also return search results, if relevant.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • message (str) – A message from the user

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • ignore_documents (bool) – If True, will ignore any documents and search results, and only use the messages to generate a response.

                        • +
                        • include_search_results (bool) – If True, will also return search results, if relevant.

                        • +
                        • user_info (dict) – The information of the user to act on behalf of for user restricted data sources.

                        @@ -22378,15 +25027,15 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • arguments (list) – A list of arguments to pass to the agent.

                        • -
                        • keyword_arguments (dict) – A dictionary of keyword arguments to pass to the agent.

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • regenerate (bool) – If True, will regenerate the conversation from the start.

                        • -
                        • doc_infos (list) – A list of dictionaries containing information about the documents uploaded with the request.

                        • -
                        • agent_workflow_node_id (str) – The unique identifier of the agent workflow node to trigger. If not specified, the primary node will be used.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • arguments (list) – A list of arguments to pass to the agent.

                        • +
                        • keyword_arguments (dict) – A dictionary of keyword arguments to pass to the agent.

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • regenerate (bool) – If True, will regenerate the conversation from the start.

                        • +
                        • doc_infos (list) – A list of dictionaries containing information about the documents uploaded with the request.

                        • +
                        • agent_workflow_node_id (str) – The unique identifier of the agent workflow node to trigger. If not specified, the primary node will be used.

                        @@ -22422,7 +25071,7 @@

                        Package Contents

                        Returns:
                        @@ -22491,13 +25140,38 @@

                        Package Contents +
                        +execute_agent_with_binary_data(deployment_token, deployment_id, arguments=None, keyword_arguments=None, deployment_conversation_id=None, external_session_id=None, blobs=None)
                        +

                        Executes a deployed AI agent function with binary data as inputs.

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • arguments (list) – Positional arguments to the agent execute function.

                        • +
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • +
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • +
                        • blobs (None) – A dictionary of binary data to use as inputs to the agent execute function.

                        • +
                        +
                        +
                        Returns:
                        +

                        The result of the agent execution

                        +
                        +
                        Return type:
                        +

                        AgentDataExecutionResult

                        +
                        +
                        +
                        +
                        add_user_to_organization(email)

                        Invite a user to your organization. This method will send the specified email address an invitation link to join your organization.

                        Parameters:
                        -

                        email (str) – The email address to invite to your organization.

                        +

                        email (str) – The email address to invite to your organization.

                        @@ -22509,9 +25183,9 @@

                        Package Contents
                        Parameters:
                          -
                        • group_name (str) – The name of the group.

                        • -
                        • permissions (list) – The list of permissions to initialize the group with.

                        • -
                        • default_group (bool) – If True, this group will replace the current default group.

                        • +
                        • group_name (str) – The name of the group.

                        • +
                        • permissions (list) – The list of permissions to initialize the group with.

                        • +
                        • default_group (bool) – If True, this group will replace the current default group.

                        Returns:
                        @@ -22530,8 +25204,8 @@

                        Package Contents
                        Parameters:
                          -
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • -
                        • permission (str) – Permission to add to the Organization Group.

                        • +
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • +
                        • permission (str) – Permission to add to the Organization Group.

                        @@ -22544,8 +25218,8 @@

                        Package Contents
                        Parameters:
                          -
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • -
                        • permission (str) – The permission to remove from the Organization Group.

                        • +
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • +
                        • permission (str) – The permission to remove from the Organization Group.

                        @@ -22557,7 +25231,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – Unique string identifier of the organization group.

                        +

                        organization_group_id (str) – Unique string identifier of the organization group.

                        @@ -22569,8 +25243,8 @@

                        Package Contents
                        Parameters:
                          -
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • -
                        • email (str) – Email of the user to be added to the group.

                        • +
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • +
                        • email (str) – Email of the user to be added to the group.

                        @@ -22583,8 +25257,8 @@

                        Package Contents
                        Parameters:
                          -
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • -
                        • email (str) – Email of the user to remove.

                        • +
                        • organization_group_id (str) – Unique string identifier of the Organization Group.

                        • +
                        • email (str) – Email of the user to remove.

                        @@ -22596,7 +25270,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – Unique string identifier of the Organization Group.

                        +

                        organization_group_id (str) – Unique string identifier of the Organization Group.

                        @@ -22607,7 +25281,7 @@

                        Package Contents
                        Parameters:
                        -

                        api_key_id (str) – The ID of the API key to delete.

                        +

                        api_key_id (str) – The ID of the API key to delete.

                        @@ -22618,7 +25292,7 @@

                        Package Contents
                        Parameters:
                        -

                        email (str) – The email address of the user to remove from the organization.

                        +

                        email (str) – The email address of the user to remove from the organization.

                        @@ -22630,16 +25304,30 @@

                        Package Contents
                        Parameters:
                          -
                        • email (str) – The email address to send the email to.

                        • -
                        • subject (str) – The subject of the email.

                        • -
                        • body (str) – The body of the email.

                        • -
                        • is_html (bool) – Whether the body is html or not.

                        • +
                        • email (str) – The email address to send the email to.

                        • +
                        • subject (str) – The subject of the email.

                        • +
                        • body (str) – The body of the email.

                        • +
                        • is_html (bool) – Whether the body is html or not.

                        • attachments (None) – A dictionary where the key is the filename (including the file extension), and the value is either a file-like object (e.g., an open file in binary mode) or raw file data (e.g., bytes).

                        +
                        +
                        +set_user_role_to_platform(workspace, email)
                        +

                        Set the user’s role to have the Abacus.AI platform access.

                        +
                        +
                        Parameters:
                        +
                          +
                        • workspace (str) – The workspace for the user that’s getting platform access.

                        • +
                        • email (str) – The email for the user that’s getting platform access.

                        • +
                        +
                        +
                        +
                        +
                        create_deployment_webhook(deployment_id, endpoint, webhook_event_type, payload_template=None)
                        @@ -22647,10 +25335,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier for the deployment this webhook will attach to.

                        • -
                        • endpoint (str) – URI that the webhook will send HTTP POST requests to.

                        • -
                        • webhook_event_type (str) – One of ‘DEPLOYMENT_START’, ‘DEPLOYMENT_SUCCESS’, or ‘DEPLOYMENT_FAILED’.

                        • -
                        • payload_template (dict) – Template for the body of the HTTP POST requests. Defaults to {}.

                        • +
                        • deployment_id (str) – Unique string identifier for the deployment this webhook will attach to.

                        • +
                        • endpoint (str) – URI that the webhook will send HTTP POST requests to.

                        • +
                        • webhook_event_type (str) – One of ‘DEPLOYMENT_START’, ‘DEPLOYMENT_SUCCESS’, or ‘DEPLOYMENT_FAILED’.

                        • +
                        • payload_template (dict) – Template for the body of the HTTP POST requests. Defaults to {}.

                        Returns:
                        @@ -22669,10 +25357,10 @@

                        Package Contents
                        Parameters:
                          -
                        • webhook_id (str) – The ID of the webhook to be updated.

                        • -
                        • endpoint (str) – If provided, changes the webhook’s endpoint.

                        • -
                        • webhook_event_type (str) – If provided, changes the event type.

                        • -
                        • payload_template (dict) – If provided, changes the payload template.

                        • +
                        • webhook_id (str) – The ID of the webhook to be updated.

                        • +
                        • endpoint (str) – If provided, changes the webhook’s endpoint.

                        • +
                        • webhook_event_type (str) – If provided, changes the event type.

                        • +
                        • payload_template (dict) – If provided, changes the payload template.

                        @@ -22684,7 +25372,7 @@

                        Package Contents
                        Parameters:
                        -

                        webhook_id (str) – Unique identifier of the target webhook.

                        +

                        webhook_id (str) – Unique identifier of the target webhook.

                        @@ -22696,8 +25384,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The project’s name.

                        • -
                        • use_case (str) – The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION.

                        • +
                        • name (str) – The project’s name.

                        • +
                        • use_case (str) – The use case that the project solves. Refer to our [guide on use cases](https://api.abacus.ai/app/help/developer-platform/useCases) for further details of each use case. The following enums are currently available for you to choose from: LANGUAGE_DETECTION, NLP_SENTIMENT, NLP_SEARCH, NLP_CHAT, CHAT_LLM, NLP_SENTENCE_BOUNDARY_DETECTION, NLP_CLASSIFICATION, NLP_SUMMARIZATION, NLP_DOCUMENT_VISUALIZATION, AI_AGENT, EMBEDDINGS_ONLY, MODEL_WITH_EMBEDDINGS, TORCH_MODEL, TORCH_MODEL_WITH_EMBEDDINGS, PYTHON_MODEL, NOTEBOOK_PYTHON_MODEL, DOCKER_MODEL, DOCKER_MODEL_WITH_EMBEDDINGS, CUSTOMER_CHURN, ENERGY, EVENT_ANOMALY_DETECTION, FINANCIAL_METRICS, CUMULATIVE_FORECASTING, FRAUD_ACCOUNT, FRAUD_TRANSACTIONS, CLOUD_SPEND, TIMESERIES_ANOMALY, OPERATIONS_MAINTENANCE, PERS_PROMOTIONS, PREDICTING, FEATURE_STORE, RETAIL, SALES_FORECASTING, SALES_SCORING, FEED_RECOMMEND, USER_RANKINGS, NAMED_ENTITY_RECOGNITION, USER_RECOMMENDATIONS, USER_RELATED, VISION, VISION_REGRESSION, VISION_OBJECT_DETECTION, FEATURE_DRIFT, SCHEDULING, GENERIC_FORECASTING, PRETRAINED_IMAGE_TEXT_DESCRIPTION, PRETRAINED_SPEECH_RECOGNITION, PRETRAINED_STYLE_TRANSFER, PRETRAINED_TEXT_TO_IMAGE_GENERATION, PRETRAINED_OCR_DOCUMENT_TO_TEXT, THEME_ANALYSIS, CLUSTERING, CLUSTERING_TIMESERIES, FINETUNED_LLM, PRETRAINED_INSTRUCT_PIX2PIX, PRETRAINED_TEXT_CLASSIFICATION.

                        Returns:
                        @@ -22709,6 +25397,28 @@

                        Package Contents +
                        +list_projects_dashboard(updated_filter=None, limit=50, since_project_id=None, search=None, starred=None, tag=None, tags=None)
                        +

                        Retrieves a list of projects for dashboard display with filtering and pagination support.

                        +
                        +
                        Parameters:
                        +
                          +
                        • updated_filter (int) – Unix timestamp to filter projects updated after this time.

                        • +
                        • limit (int) – The maximum number of projects to return (default: 50).

                        • +
                        • since_project_id (str) – The ID of the project after which the list starts for pagination.

                        • +
                        • search (str) – Search term to filter projects by name, creator email, or use case.

                        • +
                        • starred (bool) – Filter by starred status (True for starred, False for non-starred).

                        • +
                        • tag (str) – Filter by a single tag (deprecated, use tags instead).

                        • +
                        • tags (list) – List of tags to filter projects by.

                        • +
                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        +
                        rename_project(project_id, name)
                        @@ -22716,8 +25426,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique identifier for the project.

                        • -
                        • name (str) – The new name for the project.

                        • +
                        • project_id (str) – The unique identifier for the project.

                        • +
                        • name (str) – The new name for the project.

                        @@ -22733,8 +25443,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID of the project to delete.

                        • -
                        • force_delete (bool) – If True, the project will be deleted even if it has active deployments.

                        • +
                        • project_id (str) – The unique ID of the project to delete.

                        • +
                        • force_delete (bool) – If True, the project will be deleted even if it has active deployments.

                        @@ -22747,8 +25457,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique identifier for the project.

                        • -
                        • tags (list) – The tags to add to the project.

                        • +
                        • project_id (str) – The unique identifier for the project.

                        • +
                        • tags (list) – The tags to add to the project.

                        @@ -22761,13 +25471,33 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique identifier for the project.

                        • -
                        • tags (list) – The tags to remove from the project.

                        • +
                        • project_id (str) – The unique identifier for the project.

                        • +
                        • tags (list) – The tags to remove from the project.

                        +
                        +
                        +get_raw_data_from_realtime_dataset(dataset_id, check_permissions=False, start_time=None, end_time=None, column_filter=None)
                        +

                        Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets.

                        +
                        +
                        Parameters:
                        +
                          +
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • +
                        • check_permissions (bool) – If True, checks user permissions using session email.

                        • +
                        • start_time (str) – Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00).

                        • +
                        • end_time (str) – End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00).

                        • +
                        • column_filter (dict) – Dictionary mapping column names to filter values. Only rows matching all column filters will be returned.

                        • +
                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +
                        +
                        +
                        add_feature_group_to_project(feature_group_id, project_id, feature_group_type='CUSTOM_TABLE')
                        @@ -22775,9 +25505,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • feature_group_type (str) – The feature group type of the feature group, based on the use case under which the feature group is being created.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_type (str) – The feature group type of the feature group, based on the use case under which the feature group is being created.

                        @@ -22790,8 +25520,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier for the feature group.

                        • -
                        • project_id (str) – Unique string identifier for the project.

                        • +
                        • feature_group_id (str) – Unique string identifier for the feature group.

                        • +
                        • project_id (str) – Unique string identifier for the project.

                        • project_config (ProjectFeatureGroupConfig) – Feature group’s project configuration.

                        @@ -22805,8 +25535,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        @@ -22819,9 +25549,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique identifier associated with the feature group.

                        • -
                        • project_id (str) – Unique identifier associated with the project.

                        • -
                        • feature_group_type (str) – The feature group type to set the feature group as.

                        • +
                        • feature_group_id (str) – Unique identifier associated with the feature group.

                        • +
                        • project_id (str) – Unique identifier associated with the project.

                        • +
                        • feature_group_type (str) – The feature group type to set the feature group as.

                        @@ -22834,18 +25564,33 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • feature_name (str) – The name of the feature.

                        • -
                        • feature_mapping (str) – The mapping of the feature in the feature group.

                        • -
                        • nested_column_name (str) – The name of the nested column if the input feature is part of a nested feature group for the given feature_group_id.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • feature_name (str) – The name of the feature.

                        • +
                        • feature_mapping (str) – The mapping of the feature in the feature group.

                        • +
                        • nested_column_name (str) – The name of the nested column if the input feature is part of a nested feature group for the given feature_group_id.

                        Returns:

                        A list of objects that describes the resulting feature group’s schema after the feature’s featureMapping is set.

                        Return type:
                        -

                        list[Feature]

                        +

                        list[Feature]

                        +
                        + + + +
                        +
                        +add_project_scope_for_user(project_id, email, scope)
                        +

                        Add a user to a project.

                        +
                        +
                        Parameters:
                        +
                          +
                        • project_id (str) – The project’s id.

                        • +
                        • email (str) – The user’s email.

                        • +
                        • scope (list) – The list of project scopes.

                        • +
                        @@ -22857,17 +25602,17 @@

                        Package Contents
                        Parameters:
                          -
                        • annotation (dict) – The annotation to add. Format of the annotation is determined by its annotation type.

                        • -
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • annotation_source (str) – Indicator of whether the annotation came from the UI, bulk upload, etc.

                        • -
                        • status (str) – The status of the annotation. Can be one of ‘todo’, ‘in_progress’, ‘done’. This is optional.

                        • -
                        • comments (dict) – Comments for the annotation. This is a dictionary of feature name to the corresponding comment. This is optional.

                        • -
                        • project_id (str) – The ID of the project that the annotation is associated with. This is optional.

                        • -
                        • save_metadata (bool) – Whether to save the metadata for the annotation. This is optional.

                        • -
                        • pages (list) – pages (list): List of page numbers to consider while processing the annotation. This is optional. doc_id must be provided if pages is provided.

                        • +
                        • annotation (dict) – The annotation to add. Format of the annotation is determined by its annotation type.

                        • +
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • annotation_source (str) – Indicator of whether the annotation came from the UI, bulk upload, etc.

                        • +
                        • status (str) – The status of the annotation. Can be one of ‘todo’, ‘in_progress’, ‘done’. This is optional.

                        • +
                        • comments (dict) – Comments for the annotation. This is a dictionary of feature name to the corresponding comment. This is optional.

                        • +
                        • project_id (str) – The ID of the project that the annotation is associated with. This is optional.

                        • +
                        • save_metadata (bool) – Whether to save the metadata for the annotation. This is optional.

                        • +
                        • pages (list) – pages (list): List of page numbers to consider while processing the annotation. This is optional. doc_id must be provided if pages is provided.

                        Returns:
                        @@ -22886,10 +25631,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        Returns:
                        @@ -22908,12 +25653,12 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • status (str) – The new status of the annotation. Must be one of the following: ‘TODO’, ‘IN_PROGRESS’, ‘DONE’.

                        • -
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • save_metadata (bool) – If True, save the metadata for the annotation entry.

                        • +
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • status (str) – The new status of the annotation. Must be one of the following: ‘TODO’, ‘IN_PROGRESS’, ‘DONE’.

                        • +
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • save_metadata (bool) – If True, save the metadata for the annotation entry.

                        Returns:
                        @@ -22932,11 +25677,11 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • -
                        • project_id (str) – The ID of the project that the annotation is associated with.

                        • -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value. If provided, fetch the immediate next (or previous) available document.

                        • -
                        • get_previous (bool) – If True, get the previous document instead of the next document. Applicable if feature_group_row_identifier is provided.

                        • +
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • +
                        • project_id (str) – The ID of the project that the annotation is associated with.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value. If provided, fetch the immediate next (or previous) available document.

                        • +
                        • get_previous (bool) – If True, get the previous document instead of the next document. Applicable if feature_group_row_identifier is provided.

                        Returns:
                        @@ -22955,9 +25700,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • -
                        • file (io.TextIOBase) – The file to import. Must be a csv file.

                        • -
                        • annotation_type (str) – The type of the annotation.

                        • +
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • +
                        • file (io.TextIOBase) – The file to import. Must be a csv file.

                        • +
                        • annotation_type (str) – The type of the annotation.

                        Returns:
                        @@ -22976,10 +25721,10 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – The unique name to be given to the FeatureGroup. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • sql (str) – Input SQL statement for forming the FeatureGroup.

                        • -
                        • description (str) – The description about the FeatureGroup.

                        • -
                        • version_limit (int) – The number of versions to preserve for the FeatureGroup (minimum 30).

                        • +
                        • table_name (str) – The unique name to be given to the FeatureGroup. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • sql (str) – Input SQL statement for forming the FeatureGroup.

                        • +
                        • description (str) – The description about the FeatureGroup.

                        • +
                        • version_limit (int) – The number of versions to preserve for the FeatureGroup (minimum 30).

                        Returns:
                        @@ -22998,12 +25743,12 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • feature_group_template_id (str) – The unique ID associated with the template that will be used to create this feature group.

                        • -
                        • template_bindings (list) – Variable bindings that override the template’s variable values.

                        • -
                        • should_attach_feature_group_to_template (bool) – Set to False to create a feature group but not leave it attached to the template that created it.

                        • -
                        • description (str) – A user-friendly description of this feature group.

                        • -
                        • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

                        • +
                        • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • feature_group_template_id (str) – The unique ID associated with the template that will be used to create this feature group.

                        • +
                        • template_bindings (list) – Variable bindings that override the template’s variable values.

                        • +
                        • should_attach_feature_group_to_template (bool) – Set to False to create a feature group but not leave it attached to the template that created it.

                        • +
                        • description (str) – A user-friendly description of this feature group.

                        • +
                        • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

                        Returns:
                        @@ -23024,19 +25769,19 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • function_source_code (str) – Contents of a valid source code file in a supported Feature Group specification language (currently only Python). The source code should contain a function called function_name. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • function_name (str) – Name of the function found in the source code that will be executed (on the optional inputs) to materialize this feature group.

                        • -
                        • input_feature_groups (list) – List of feature group names that are supplied to the function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • -
                        • description (str) – The description for this feature group.

                        • +
                        • table_name (str) – The unique name to be given to the feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • function_source_code (str) – Contents of a valid source code file in a supported Feature Group specification language (currently only Python). The source code should contain a function called function_name. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • function_name (str) – Name of the function found in the source code that will be executed (on the optional inputs) to materialize this feature group.

                        • +
                        • input_feature_groups (list) – List of feature group names that are supplied to the function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • +
                        • description (str) – The description for this feature group.

                        • cpu_size (CPUSize) – Size of the CPU for the feature group function.

                        • memory (MemorySize) – Memory (in GB) for the feature group function.

                        • -
                        • package_requirements (list) – List of package requirements for the feature group function. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_original_csv_names (bool) – Defaults to False, if set it uses the original column names for input feature groups from CSV datasets.

                        • -
                        • python_function_name (str) – Name of Python Function that contains the source code and function arguments.

                        • +
                        • package_requirements (list) – List of package requirements for the feature group function. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • +
                        • use_original_csv_names (bool) – Defaults to False, if set it uses the original column names for input feature groups from CSV datasets.

                        • +
                        • python_function_name (str) – Name of Python Function that contains the source code and function arguments.

                        • python_function_bindings (List) – List of python function arguments.

                        • -
                        • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

                        • -
                        • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

                        • +
                        • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

                        • +
                        • version_limit (int) – The number of versions to preserve for the feature group (minimum 30).

                        Returns:
                        @@ -23056,10 +25801,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group that will be sampled by this new Feature Group. i.e. the input for sampling.

                        • -
                        • table_name (str) – The unique name to be given to this sampling Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group that will be sampled by this new Feature Group. i.e. the input for sampling.

                        • +
                        • table_name (str) – The unique name to be given to this sampling Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • sampling_config (SamplingConfig) – Dictionary defining the sampling method and its parameters.

                        • -
                        • description (str) – A human-readable description of this Feature Group.

                        • +
                        • description (str) – A human-readable description of this Feature Group.

                        Returns:
                        @@ -23075,30 +25820,20 @@

                        Package Contents create_merge_feature_group(source_feature_group_id, table_name, merge_config, description=None)

                        Creates a new feature group defined as the union of other feature group versions.

                        -
                        -
                        -
                        Args:

                        source_feature_group_id (str): Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group. -table_name (str): Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores. -merge_config (MergeConfig): JSON object defining the merging method and its parameters. -description (str): Human-readable description of this feature group.

                        -
                        -
                        Returns:

                        FeatureGroup: The created feature group.

                        -
                        -
                        -
                        -

                        Description: -Creates a new feature group defined as the union of other feature group versions.

                        Parameters:
                          -
                        • source_feature_group_id (str)

                        • -
                        • table_name (str)

                        • -
                        • merge_config (Union[dict, abacusai.api_class.MergeConfig])

                        • -
                        • description (str)

                        • +
                        • source_feature_group_id (str) – Unique string identifier corresponding to the dataset feature group that will have its versions merged into this feature group.

                        • +
                        • table_name (str) – Unique string identifier to be given to this merge feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • merge_config (MergeConfig) – JSON object defining the merging method and its parameters.

                        • +
                        • description (str) – Human-readable description of this feature group.

                        -
                        Return type:
                        -

                        abacusai.feature_group.FeatureGroup

                        +
                        Returns:
                        +

                        The created feature group.

                        +
                        +
                        Return type:
                        +

                        FeatureGroup

                        @@ -23110,10 +25845,10 @@

                        Package Contents
                        Parameters:
                          -
                        • source_feature_group_id (str) – Unique string identifier corresponding to the Feature Group to which the operator will be applied.

                        • -
                        • table_name (str) – Unique string identifier for the operator Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • source_feature_group_id (str) – Unique string identifier corresponding to the Feature Group to which the operator will be applied.

                        • +
                        • table_name (str) – Unique string identifier for the operator Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • operator_config (OperatorConfig) – The operator config is used to define the operator and its parameters.

                        • -
                        • description (str) – Human-readable description of the Feature Group.

                        • +
                        • description (str) – Human-readable description of the Feature Group.

                        Returns:
                        @@ -23132,8 +25867,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – Unique string identifier associated with the Feature Group version being snapshotted.

                        • -
                        • table_name (str) – Name for the newly created Snapshot Feature Group table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • feature_group_version (str) – Unique string identifier associated with the Feature Group version being snapshotted.

                        • +
                        • table_name (str) – Name for the newly created Snapshot Feature Group table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        Returns:
                        @@ -23152,9 +25887,9 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Name for the newly created feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • primary_key (str) – The primary key for indexing the online feature group.

                        • -
                        • description (str) – Human-readable description of the Feature Group.

                        • +
                        • table_name (str) – Name for the newly created feature group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • primary_key (str) – The primary key for indexing the online feature group.

                        • +
                        • description (str) – Human-readable description of the Feature Group.

                        Returns:
                        @@ -23173,7 +25908,7 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique identifier associated with the FeatureGroup.

                        • +
                        • feature_group_id (str) – The unique identifier associated with the FeatureGroup.

                        • sampling_config (SamplingConfig) – A JSON string object specifying the sampling method and parameters specific to that sampling method. An empty sampling_config indicates no sampling.

                        @@ -23193,7 +25928,7 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique identifier associated with the feature group.

                        • +
                        • feature_group_id (str) – Unique identifier associated with the feature group.

                        • merge_config (MergeConfig) – JSON object string specifying the merge rule. An empty merge_config will default to only including the latest dataset version.

                        @@ -23213,7 +25948,7 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – A unique string identifier associated with the feature group.

                        • +
                        • feature_group_id (str) – A unique string identifier associated with the feature group.

                        • operator_config (OperatorConfig) – A dictionary object specifying the pre-defined operations.

                        @@ -23233,8 +25968,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • -
                        • schema (list) – JSON string containing an array of objects with ‘name’ and ‘dataType’ properties.

                        • +
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • +
                        • schema (list) – JSON string containing an array of objects with ‘name’ and ‘dataType’ properties.

                        @@ -23247,9 +25982,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the Feature Group.

                        • -
                        • name (str) – The name of the feature to add.

                        • -
                        • select_expression (str) – SQL SELECT expression to create the feature.

                        • +
                        • feature_group_id (str) – The unique ID associated with the Feature Group.

                        • +
                        • name (str) – The name of the feature to add.

                        • +
                        • select_expression (str) – SQL SELECT expression to create the feature.

                        Returns:
                        @@ -23268,8 +26003,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique identifier of the feature group.

                        • -
                        • tag (str) – The tag to add to the feature group.

                        • +
                        • feature_group_id (str) – Unique identifier of the feature group.

                        • +
                        • tag (str) – The tag to add to the feature group.

                        @@ -23282,8 +26017,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier of the feature group.

                        • -
                        • tag (str) – The tag to remove from the feature group.

                        • +
                        • feature_group_id (str) – Unique string identifier of the feature group.

                        • +
                        • tag (str) – The tag to remove from the feature group.

                        @@ -23296,9 +26031,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique string identifier for the feature group.

                        • -
                        • name (str) – The name of the feature to add.

                        • -
                        • annotation_type (str) – The type of annotation to set.

                        • +
                        • feature_group_id (str) – The unique string identifier for the feature group.

                        • +
                        • name (str) – The name of the feature to add.

                        • +
                        • annotation_type (str) – The type of annotation to set.

                        Returns:
                        @@ -23317,11 +26052,11 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • feature_name (str) – The name of the feature to set as annotatable.

                        • -
                        • annotation_type (str) – The type of annotation label to add.

                        • -
                        • feature_group_row_identifier_feature (str) – The key value of the feature group row the annotation is on (cast to string) and uniquely identifies the feature group row. At least one of the doc_id or key value must be provided so that the correct annotation can be identified.

                        • -
                        • doc_id_feature (str) – The name of the document ID feature.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • feature_name (str) – The name of the feature to set as annotatable.

                        • +
                        • annotation_type (str) – The type of annotation label to add.

                        • +
                        • feature_group_row_identifier_feature (str) – The key value of the feature group row the annotation is on (cast to string) and uniquely identifies the feature group row. At least one of the doc_id or key value must be provided so that the correct annotation can be identified.

                        • +
                        • doc_id_feature (str) – The name of the document ID feature.

                        Returns:
                        @@ -23340,8 +26075,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The ID of the feature group.

                        • -
                        • feature_name (str) – The name of the feature to set as the annotation status feature.

                        • +
                        • feature_group_id (str) – The ID of the feature group.

                        • +
                        • feature_name (str) – The name of the feature to set as the annotation status feature.

                        Returns:
                        @@ -23360,8 +26095,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • -
                        • feature_name (str) – The name of the feature to unset.

                        • +
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • +
                        • feature_name (str) – The name of the feature to unset.

                        Returns:
                        @@ -23380,10 +26115,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • -
                        • label_name (str) – The name of the label.

                        • -
                        • annotation_type (str) – The type of the annotation to set.

                        • -
                        • label_definition (str) – the definition of the label.

                        • +
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • +
                        • label_name (str) – The name of the label.

                        • +
                        • annotation_type (str) – The type of the annotation to set.

                        • +
                        • label_definition (str) – the definition of the label.

                        Returns:
                        @@ -23402,8 +26137,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • -
                        • label_name (str) – The name of the label to remove.

                        • +
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • +
                        • label_name (str) – The name of the label to remove.

                        Returns:
                        @@ -23422,9 +26157,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • -
                        • feature (str) – The feature to set the tag on.

                        • -
                        • tag (str) – The tag to set on the feature.

                        • +
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • +
                        • feature (str) – The feature to set the tag on.

                        • +
                        • tag (str) – The tag to set on the feature.

                        @@ -23437,9 +26172,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • -
                        • feature (str) – The feature to remove the tag from.

                        • -
                        • tag (str) – The tag to remove.

                        • +
                        • feature_group_id (str) – The unique string identifier of the feature group.

                        • +
                        • feature (str) – The feature to remove the tag from.

                        • +
                        • tag (str) – The tag to remove.

                        @@ -23452,12 +26187,12 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • nested_feature_name (str) – The name of the feature.

                        • -
                        • table_name (str) – The table name of the feature group to nest. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • -
                        • where_clause (str) – A SQL WHERE statement to filter the nested rows.

                        • -
                        • order_clause (str) – A SQL clause to order the nested rows.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • nested_feature_name (str) – The name of the feature.

                        • +
                        • table_name (str) – The table name of the feature group to nest. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • +
                        • where_clause (str) – A SQL WHERE statement to filter the nested rows.

                        • +
                        • order_clause (str) – A SQL clause to order the nested rows.

                        Returns:
                        @@ -23476,13 +26211,13 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • nested_feature_name (str) – The name of the feature to be updated.

                        • -
                        • table_name (str) – The name of the table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • -
                        • where_clause (str) – An SQL WHERE statement to filter the nested rows.

                        • -
                        • order_clause (str) – An SQL clause to order the nested rows.

                        • -
                        • new_nested_feature_name (str) – New name for the nested feature.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • nested_feature_name (str) – The name of the feature to be updated.

                        • +
                        • table_name (str) – The name of the table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • +
                        • where_clause (str) – An SQL WHERE statement to filter the nested rows.

                        • +
                        • order_clause (str) – An SQL clause to order the nested rows.

                        • +
                        • new_nested_feature_name (str) – New name for the nested feature.

                        Returns:
                        @@ -23501,8 +26236,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • nested_feature_name (str) – The name of the feature to be deleted.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • nested_feature_name (str) – The name of the feature to be deleted.

                        Returns:
                        @@ -23523,17 +26258,17 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • feature_name (str) – The name of the feature to create.

                        • -
                        • history_table_name (str) – The table name of the history table.

                        • -
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • -
                        • timestamp_key (str) – Name of feature which contains the timestamp value for the point in time feature.

                        • -
                        • historical_timestamp_key (str) – Name of feature which contains the historical timestamp.

                        • -
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • -
                        • lookback_window_seconds (float) – If window is specified in terms of time, number of seconds in the past from the current time for start of the window.

                        • -
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

                        • -
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • feature_name (str) – The name of the feature to create.

                        • +
                        • history_table_name (str) – The table name of the history table.

                        • +
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • +
                        • timestamp_key (str) – Name of feature which contains the timestamp value for the point in time feature.

                        • +
                        • historical_timestamp_key (str) – Name of feature which contains the historical timestamp.

                        • +
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • lookback_window_seconds (float) – If window is specified in terms of time, number of seconds in the past from the current time for start of the window.

                        • +
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

                        • +
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        Returns:
                        @@ -23552,18 +26287,18 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • feature_name (str) – The name of the feature.

                        • -
                        • history_table_name (str) – The table name of the history table. If not specified, we use the current table to do a self join.

                        • -
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • -
                        • timestamp_key (str) – Name of the feature which contains the timestamp value for the PiT feature.

                        • -
                        • historical_timestamp_key (str) – Name of the feature which contains the historical timestamp.

                        • -
                        • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

                        • -
                        • lookback_window_seconds (float) – If the window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

                        • -
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window. If it is negative, we are looking at the “future” rows in the history table.

                        • -
                        • lookback_count (int) – If the window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • -
                        • new_feature_name (str) – New name for the PiT feature.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • feature_name (str) – The name of the feature.

                        • +
                        • history_table_name (str) – The table name of the history table. If not specified, we use the current table to do a self join.

                        • +
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • +
                        • timestamp_key (str) – Name of the feature which contains the timestamp value for the PiT feature.

                        • +
                        • historical_timestamp_key (str) – Name of the feature which contains the historical timestamp.

                        • +
                        • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • lookback_window_seconds (float) – If the window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

                        • +
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window. If it is negative, we are looking at the “future” rows in the history table.

                        • +
                        • lookback_count (int) – If the window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • +
                        • new_feature_name (str) – New name for the PiT feature.

                        Returns:
                        @@ -23582,17 +26317,17 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group to add the point in time group to.

                        • -
                        • group_name (str) – The name of the point in time group.

                        • -
                        • window_key (str) – Name of feature to use for ordering the rows on the source table.

                        • -
                        • aggregation_keys (list) – List of keys to perform on the source table for the window aggregation.

                        • -
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • -
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • -
                        • history_aggregation_keys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • -
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window. If 0, the lookback will include all rows.

                        • -
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, “future” rows in the history table are used.

                        • -
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many “future” rows in the history table are used.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group to add the point in time group to.

                        • +
                        • group_name (str) – The name of the point in time group.

                        • +
                        • window_key (str) – Name of feature to use for ordering the rows on the source table.

                        • +
                        • aggregation_keys (list) – List of keys to perform on the source table for the window aggregation.

                        • +
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • +
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • +
                        • history_aggregation_keys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • +
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window. If 0, the lookback will include all rows.

                        • +
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, “future” rows in the history table are used.

                        • +
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many “future” rows in the history table are used.

                        Returns:
                        @@ -23611,11 +26346,11 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • -
                        • group_name (str) – Name of the point-in-time group.

                        • -
                        • columns (list) – List of columns to generate point-in-time features for.

                        • -
                        • window_functions (list) – List of window functions to operate on.

                        • -
                        • prefix (str) – Prefix for generated features, defaults to group name

                        • +
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • +
                        • group_name (str) – Name of the point-in-time group.

                        • +
                        • columns (list) – List of columns to generate point-in-time features for.

                        • +
                        • window_functions (list) – List of window functions to operate on.

                        • +
                        • prefix (str) – Prefix for generated features, defaults to group name

                        Returns:
                        @@ -23634,17 +26369,17 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • group_name (str) – The name of the point-in-time group.

                        • -
                        • window_key (str) – Name of feature which contains the timestamp value for the point-in-time feature.

                        • -
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • -
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • -
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • -
                        • history_aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • -
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window.

                        • -
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, future rows in the history table are looked at.

                        • -
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many future rows in the history table are looked at.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • group_name (str) – The name of the point-in-time group.

                        • +
                        • window_key (str) – Name of feature which contains the timestamp value for the point-in-time feature.

                        • +
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • +
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • +
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • +
                        • history_aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • +
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window.

                        • +
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, future rows in the history table are looked at.

                        • +
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many future rows in the history table are looked at.

                        Returns:
                        @@ -23663,8 +26398,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique identifier associated with the feature group.

                        • -
                        • group_name (str) – The name of the point in time group.

                        • +
                        • feature_group_id (str) – The unique identifier associated with the feature group.

                        • +
                        • group_name (str) – The name of the point in time group.

                        Returns:
                        @@ -23683,10 +26418,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – A unique string identifier associated with the feature group.

                        • -
                        • group_name (str) – The name of the point-in-time group.

                        • -
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • -
                        • expression (str) – A SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • feature_group_id (str) – A unique string identifier associated with the feature group.

                        • +
                        • group_name (str) – The name of the point-in-time group.

                        • +
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • +
                        • expression (str) – A SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        Returns:
                        @@ -23705,10 +26440,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • group_name (str) – The name of the point-in-time group.

                        • -
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • -
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • group_name (str) – The name of the point-in-time group.

                        • +
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • +
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        Returns:
                        @@ -23727,10 +26462,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • feature (str) – The name of the feature.

                        • -
                        • feature_type (str) – The machine learning type of the data in the feature.

                        • -
                        • project_id (str) – Optional unique ID associated with the project.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • feature (str) – The name of the feature.

                        • +
                        • feature_type (str) – The machine learning type of the data in the feature.

                        • +
                        • project_id (str) – Optional unique ID associated with the project.

                        Returns:
                        @@ -23749,11 +26484,11 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The destination Feature Group.

                        • -
                        • source_feature_group_id (str) – The Feature Group to concatenate with the destination Feature Group.

                        • -
                        • merge_type (str) – UNION or INTERSECTION.

                        • -
                        • replace_until_timestamp (int) – The UNIX timestamp to specify the point until which we will replace data from the source Feature Group.

                        • -
                        • skip_materialize (bool) – If True, will not materialize the concatenated Feature Group.

                        • +
                        • feature_group_id (str) – The destination Feature Group.

                        • +
                        • source_feature_group_id (str) – The Feature Group to concatenate with the destination Feature Group.

                        • +
                        • merge_type (str) – UNION or INTERSECTION.

                        • +
                        • replace_until_timestamp (int) – The UNIX timestamp to specify the point until which we will replace data from the source Feature Group.

                        • +
                        • skip_materialize (bool) – If True, will not materialize the concatenated Feature Group.

                        @@ -23765,7 +26500,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique identifier of the destination feature group to remove the concatenation configuration from.

                        +

                        feature_group_id (str) – Unique identifier of the destination feature group to remove the concatenation configuration from.

                        @@ -23777,10 +26512,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier for the feature group.

                        • -
                        • primary_key (str) – Name of the feature which defines the primary key of the feature group.

                        • -
                        • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication.

                        • -
                        • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

                        • +
                        • feature_group_id (str) – Unique string identifier for the feature group.

                        • +
                        • primary_key (str) – Name of the feature which defines the primary key of the feature group.

                        • +
                        • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication.

                        • +
                        • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

                        @@ -23793,9 +26528,9 @@

                        Package Contents
                        Parameters:
                          -
                        • query (str) – The SQL to be executed.

                        • -
                        • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

                        • -
                        • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group.

                        • +
                        • query (str) – The SQL to be executed.

                        • +
                        • fix_query_on_error (bool) – If enabled, SQL query is auto fixed if parsing fails.

                        • +
                        • use_latest_version (bool) – If enabled, executes the query on the latest version of the feature group, and if version doesn’t exist, FailedDependencyError is sent. If disabled, query is executed considering the latest feature group state irrespective of the latest version of the feature group.

                        Returns:
                        @@ -23813,7 +26548,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_operation_run_id (str) – The unique ID associated with the execution.

                        +

                        feature_group_operation_run_id (str) – The unique ID associated with the execution.

                        Returns:

                        A dict that contains the execution status

                        @@ -23831,8 +26566,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique identifier associated with the Feature Group.

                        • -
                        • description (str) – Description of the Feature Group.

                        • +
                        • feature_group_id (str) – Unique identifier associated with the Feature Group.

                        • +
                        • description (str) – Description of the Feature Group.

                        Returns:
                        @@ -23850,7 +26585,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        +

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        Returns:

                        The updated feature group.

                        @@ -23868,8 +26603,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • -
                        • template_bindings (list) – Values in these bindings override values set in the template.

                        • +
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • +
                        • template_bindings (list) – Values in these bindings override values set in the template.

                        Returns:
                        @@ -23888,7 +26623,7 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • python_function_bindings (List) – List of python function arguments.

                        @@ -23904,13 +26639,13 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • python_function_name (str) – The name of the python function to be associated with the feature group.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • python_function_name (str) – The name of the python function to be associated with the feature group.

                        • python_function_bindings (List) – List of python function arguments.

                        • cpu_size (CPUSize) – Size of the CPU for the feature group python function.

                        • memory (MemorySize) – Memory (in GB) for the feature group python function.

                        • -
                        • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

                        • -
                        • use_original_csv_names (bool) – If enabled, it uses the original column names for input feature groups from CSV datasets.

                        • +
                        • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

                        • +
                        • use_original_csv_names (bool) – If enabled, it uses the original column names for input feature groups from CSV datasets.

                        @@ -23923,8 +26658,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique identifier associated with the feature group.

                        • -
                        • sql (str) – The input SQL statement for the feature group.

                        • +
                        • feature_group_id (str) – The unique identifier associated with the feature group.

                        • +
                        • sql (str) – The input SQL statement for the feature group.

                        Returns:
                        @@ -23943,8 +26678,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique identifier associated with the feature group.

                        • -
                        • feature_expression (str) – The input SQL statement for the feature group.

                        • +
                        • feature_group_id (str) – The unique identifier associated with the feature group.

                        • +
                        • feature_expression (str) – The input SQL statement for the feature group.

                        Returns:
                        @@ -23963,10 +26698,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique identifier of the feature group.

                        • -
                        • name (str) – Name of the feature to be updated.

                        • -
                        • select_expression (str) – SQL statement for modifying the feature.

                        • -
                        • new_name (str) – New name of the feature.

                        • +
                        • feature_group_id (str) – Unique identifier of the feature group.

                        • +
                        • name (str) – Name of the feature to be updated.

                        • +
                        • select_expression (str) – SQL statement for modifying the feature.

                        • +
                        • new_name (str) – New name of the feature.

                        Returns:
                        @@ -23985,10 +26720,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – Unique string identifier for the feature group instance to export.

                        • -
                        • location (str) – Cloud file location to export to.

                        • -
                        • export_file_format (str) – Enum string specifying the file format to export to.

                        • -
                        • overwrite (bool) – If true and a file exists at this location, this process will overwrite the file.

                        • +
                        • feature_group_version (str) – Unique string identifier for the feature group instance to export.

                        • +
                        • location (str) – Cloud file location to export to.

                        • +
                        • export_file_format (str) – Enum string specifying the file format to export to.

                        • +
                        • overwrite (bool) – If true and a file exists at this location, this process will overwrite the file.

                        Returns:
                        @@ -24007,13 +26742,13 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – Unique string identifier for the Feature Group instance to export.

                        • -
                        • database_connector_id (str) – Unique string identifier for the Database Connector to export to.

                        • -
                        • object_name (str) – Name of the database object to write to.

                        • -
                        • write_mode (str) – Enum string indicating whether to use INSERT or UPSERT.

                        • -
                        • database_feature_mapping (dict) – Key/value pair JSON object of “database connector column” -> “feature name” pairs.

                        • -
                        • id_column (str) – Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key.

                        • -
                        • additional_id_columns (list) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        • +
                        • feature_group_version (str) – Unique string identifier for the Feature Group instance to export.

                        • +
                        • database_connector_id (str) – Unique string identifier for the Database Connector to export to.

                        • +
                        • object_name (str) – Name of the database object to write to.

                        • +
                        • write_mode (str) – Enum string indicating whether to use INSERT or UPSERT or REPLACE.

                        • +
                        • database_feature_mapping (dict) – Key/value pair JSON object of “database connector column” -> “feature name” pairs.

                        • +
                        • id_column (str) – Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key.

                        • +
                        • additional_id_columns (list) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        Returns:
                        @@ -24032,8 +26767,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – Unique string identifier of the Feature Group instance to export.

                        • -
                        • export_file_format (str) – File format to export to.

                        • +
                        • feature_group_version (str) – Unique string identifier of the Feature Group instance to export.

                        • +
                        • export_file_format (str) – File format to export to.

                        Returns:
                        @@ -24052,8 +26787,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • locked (bool) – Whether to disable or enable feature group modification (True or False).

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • locked (bool) – Whether to disable or enable feature group modification (True or False).

                        @@ -24066,8 +26801,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • email (str) – The email address of the user to be added.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • email (str) – The email address of the user to be added.

                        @@ -24080,8 +26815,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier of the feature group.

                        • -
                        • organization_group_id (str) – Unique string identifier of the organization group.

                        • +
                        • feature_group_id (str) – Unique string identifier of the feature group.

                        • +
                        • organization_group_id (str) – Unique string identifier of the organization group.

                        @@ -24094,8 +26829,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • email (str) – The email address of the user to be removed.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • email (str) – The email address of the user to be removed.

                        @@ -24108,8 +26843,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • organization_group_id (str) – The unique ID associated with the organization group.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • organization_group_id (str) – The unique ID associated with the organization group.

                        @@ -24122,8 +26857,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • -
                        • name (str) – Name of the feature to be deleted.

                        • +
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • +
                        • name (str) – Name of the feature to be deleted.

                        Returns:
                        @@ -24141,7 +26876,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier for the feature group to be removed.

                        +

                        feature_group_id (str) – Unique string identifier for the feature group to be removed.

                        @@ -24152,7 +26887,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_version (str) – String identifier for the feature group version to be removed.

                        +

                        feature_group_version (str) – String identifier for the feature group version to be removed.

                        @@ -24164,8 +26899,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • -
                        • variable_bindings (dict) – Dictionary defining variable bindings that override parent feature group values.

                        • +
                        • feature_group_id (str) – Unique string identifier associated with the feature group.

                        • +
                        • variable_bindings (dict) – Dictionary defining variable bindings that override parent feature group values.

                        Returns:
                        @@ -24184,7 +26919,7 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

                        • +
                        • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

                        • feature_group_export_config (FeatureGroupExportConfig) – The export config to be set for the given feature group.

                        @@ -24198,8 +26933,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

                        • -
                        • enable (bool) – If true, will enable exporting feature group to the connector. If false, will disable.

                        • +
                        • feature_group_id (str) – The unique ID associated with the pre-existing Feature Group for which export config is to be set.

                        • +
                        • enable (bool) – If true, will enable exporting feature group to the connector. If false, will disable.

                        @@ -24212,13 +26947,13 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique identifier of the feature group this template was created from.

                        • -
                        • name (str) – User-friendly name for this feature group template.

                        • -
                        • template_sql (str) – The template SQL that will be resolved by applying values from the template variables to generate SQL for a feature group.

                        • -
                        • template_variables (list) – The template variables for resolving the template.

                        • -
                        • description (str) – Description of this feature group template.

                        • -
                        • template_bindings (list) – If the feature group will be attached to the newly created template, set these variable bindings on that feature group.

                        • -
                        • should_attach_feature_group_to_template (bool) – Set to True to convert the feature group to a template feature group and attach it to the newly created template.

                        • +
                        • feature_group_id (str) – Unique identifier of the feature group this template was created from.

                        • +
                        • name (str) – User-friendly name for this feature group template.

                        • +
                        • template_sql (str) – The template SQL that will be resolved by applying values from the template variables to generate SQL for a feature group.

                        • +
                        • template_variables (list) – The template variables for resolving the template.

                        • +
                        • description (str) – Description of this feature group template.

                        • +
                        • template_bindings (list) – If the feature group will be attached to the newly created template, set these variable bindings on that feature group.

                        • +
                        • should_attach_feature_group_to_template (bool) – Set to True to convert the feature group to a template feature group and attach it to the newly created template.

                        Returns:
                        @@ -24236,7 +26971,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_template_id (str) – Unique string identifier associated with the feature group template.

                        +

                        feature_group_template_id (str) – Unique string identifier associated with the feature group template.

                        @@ -24248,11 +26983,11 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_template_id (str) – Unique identifier of the feature group template to update.

                        • -
                        • template_sql (str) – If provided, the new value to use for the template SQL.

                        • -
                        • template_variables (list) – If provided, the new value to use for the template variables.

                        • -
                        • description (str) – Description of this feature group template.

                        • -
                        • name (str) – User-friendly name for this feature group template.

                        • +
                        • feature_group_template_id (str) – Unique identifier of the feature group template to update.

                        • +
                        • template_sql (str) – If provided, the new value to use for the template SQL.

                        • +
                        • template_variables (list) – If provided, the new value to use for the template variables.

                        • +
                        • description (str) – Description of this feature group template.

                        • +
                        • name (str) – User-friendly name for this feature group template.

                        Returns:
                        @@ -24271,11 +27006,11 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_template_id (str) – Unique string identifier. If specified, use this template, otherwise assume an empty template.

                        • -
                        • template_bindings (list) – Values to override the template variable values specified by the template.

                        • -
                        • template_sql (str) – If specified, use this as the template SQL instead of the feature group template’s SQL.

                        • -
                        • template_variables (list) – Template variables to use. If a template is provided, this overrides the template’s template variables.

                        • -
                        • should_validate (bool) – If true, validates the resolved SQL.

                        • +
                        • feature_group_template_id (str) – Unique string identifier. If specified, use this template, otherwise assume an empty template.

                        • +
                        • template_bindings (list) – Values to override the template variable values specified by the template.

                        • +
                        • template_sql (str) – If specified, use this as the template SQL instead of the feature group template’s SQL.

                        • +
                        • template_variables (list) – Template variables to use. If a template is provided, this overrides the template’s template variables.

                        • +
                        • should_validate (bool) – If true, validates the resolved SQL.

                        Returns:
                        @@ -24293,7 +27028,7 @@

                        Package Contents
                        Parameters:
                        -

                        upload_id (str) – A unique string identifier for the upload.

                        +

                        upload_id (str) – A unique string identifier for the upload.

                        @@ -24305,9 +27040,9 @@

                        Package Contents
                        Parameters:
                          -
                        • upload_id (str) – A unique identifier for this upload.

                        • -
                        • part_number (int) – The 1-indexed number denoting the position of the file part in the sequence of parts for the full file.

                        • -
                        • part_data (io.TextIOBase) – The multipart/form-data for the current part of the full file.

                        • +
                        • upload_id (str) – A unique identifier for this upload.

                        • +
                        • part_number (int) – The 1-indexed number denoting the position of the file part in the sequence of parts for the full file.

                        • +
                        • part_data (io.TextIOBase) – The multipart/form-data for the current part of the full file.

                        Returns:
                        @@ -24325,7 +27060,7 @@

                        Package Contents
                        Parameters:
                        -

                        upload_id (str) – A unique string identifier for the upload process.

                        +

                        upload_id (str) – A unique string identifier for the upload process.

                        Returns:

                        The upload object associated with the process, containing details of the file.

                        @@ -24343,25 +27078,25 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Organization-unique table name or the name of the feature group table to create using the source table.

                        • -
                        • location (str) – The URI location format of the dataset source. The URI location format needs to be specified to match the location_date_format when location_date_format is specified. For example, Location = s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/* when location_date_format is specified. The URI location format needs to include both the start_prefix and until_prefix when both are specified. For example, Location s3://bucket1/dir1/* includes both s3://bucket1/dir1/dir2/event_date=2021-08-02/* and s3://bucket1/dir1/dir2/event_date=2021-08-08/*

                        • -
                        • file_format (str) – The file format of the dataset.

                        • -
                        • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

                        • -
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter.

                        • -
                        • filename_column (str) – Adds a new column to the dataset with the external URI path.

                        • -
                        • start_prefix (str) – The start prefix (inclusive) for a range based search on a cloud storage location URI.

                        • -
                        • until_prefix (str) – The end prefix (exclusive) for a range based search on a cloud storage location URI.

                        • -
                        • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

                        • -
                        • location_date_format (str) – The date format in which the data is partitioned in the cloud storage location. For example, if the data is partitioned as s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/dir4/filename.parquet, then the location_date_format is YYYY-MM-DD. This format needs to be consistent across all files within the specified location.

                        • -
                        • date_format_lookback_days (int) – The number of days to look back from the current day for import locations that are date partitioned. For example, import date 2021-06-04 with date_format_lookback_days = 3 will retrieve data for all the dates in the range [2021-06-02, 2021-06-04].

                        • -
                        • incremental (bool) – Signifies if the dataset is an incremental dataset.

                        • -
                        • is_documentset (bool) – Signifies if the dataset is docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

                        • -
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

                        • +
                        • table_name (str) – Organization-unique table name or the name of the feature group table to create using the source table.

                        • +
                        • location (str) – The URI location format of the dataset source. The URI location format needs to be specified to match the location_date_format when location_date_format is specified. For example, Location = s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/* when location_date_format is specified. The URI location format needs to include both the start_prefix and until_prefix when both are specified. For example, Location s3://bucket1/dir1/* includes both s3://bucket1/dir1/dir2/event_date=2021-08-02/* and s3://bucket1/dir1/dir2/event_date=2021-08-08/*

                        • +
                        • file_format (str) – The file format of the dataset.

                        • +
                        • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific csv delimiter.

                        • +
                        • filename_column (str) – Adds a new column to the dataset with the external URI path.

                        • +
                        • start_prefix (str) – The start prefix (inclusive) for a range based search on a cloud storage location URI.

                        • +
                        • until_prefix (str) – The end prefix (exclusive) for a range based search on a cloud storage location URI.

                        • +
                        • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

                        • +
                        • location_date_format (str) – The date format in which the data is partitioned in the cloud storage location. For example, if the data is partitioned as s3://bucket1/dir1/dir2/event_date=YYYY-MM-DD/dir4/filename.parquet, then the location_date_format is YYYY-MM-DD. This format needs to be consistent across all files within the specified location.

                        • +
                        • date_format_lookback_days (int) – The number of days to look back from the current day for import locations that are date partitioned. For example, import date 2021-06-04 with date_format_lookback_days = 3 will retrieve data for all the dates in the range [2021-06-02, 2021-06-04].

                        • +
                        • incremental (bool) – Signifies if the dataset is an incremental dataset.

                        • +
                        • is_documentset (bool) – Signifies if the dataset is docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

                        • +
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

                        • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration. Only valid if is_documentset is True.

                        • -
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. If is_documentset is True, this is also set to True by default.

                        • -
                        • reference_only_documentset (bool) – Signifies if the data reference only policy is enabled.

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled. If is_documentset is True, this is also set to True by default.

                        • +
                        • reference_only_documentset (bool) – Signifies if the data reference only policy is enabled.

                        • parsing_config (ParsingConfig) – Custom config for dataset parsing.

                        • -
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        • +
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        Returns:
                        @@ -24380,13 +27115,13 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – Unique string identifier associated with the dataset.

                        • -
                        • location (str) – External URI to import the dataset from. If not specified, the last location will be used.

                        • -
                        • file_format (str) – File format to be used. If not specified, the service will try to detect the file format.

                        • -
                        • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

                        • -
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled.

                        • +
                        • dataset_id (str) – Unique string identifier associated with the dataset.

                        • +
                        • location (str) – External URI to import the dataset from. If not specified, the last location will be used.

                        • +
                        • file_format (str) – File format to be used. If not specified, the service will try to detect the file format.

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled.

                        • parsing_config (ParsingConfig) – Custom config for dataset parsing.

                        • -
                        • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

                        • +
                        • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

                        Returns:
                        @@ -24405,18 +27140,18 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Organization-unique table name.

                        • -
                        • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

                        • -
                        • object_name (str) – If applicable, the name/ID of the object in the service to query.

                        • -
                        • columns (str) – The columns to query from the external service object.

                        • -
                        • query_arguments (str) – Additional query arguments to filter the data.

                        • -
                        • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

                        • -
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, timestamp_column, and query_arguments.

                        • -
                        • incremental (bool) – Signifies if the dataset is an incremental dataset.

                        • +
                        • table_name (str) – Organization-unique table name.

                        • +
                        • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

                        • +
                        • object_name (str) – If applicable, the name/ID of the object in the service to query.

                        • +
                        • columns (str) – The columns to query from the external service object.

                        • +
                        • query_arguments (str) – Additional query arguments to filter the data.

                        • +
                        • refresh_schedule (str) – The Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

                        • +
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, timestamp_column, and query_arguments.

                        • +
                        • incremental (bool) – Signifies if the dataset is an incremental dataset.

                        • attachment_parsing_config (AttachmentParsingConfig) – The attachment parsing configuration. Only valid when attachments are being imported, either will take fg name and column name, or we will take list of urls to import (e.g. importing attachments via Salesforce).

                        • incremental_database_connector_config (IncrementalDatabaseConnectorConfig) – The config for incremental datasets. Only valid if incremental is True

                        • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration. Only valid when documents are being imported (e.g. importing KnowledgeArticleDescriptions via Salesforce).

                        • -
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        • +
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        Returns:
                        @@ -24430,16 +27165,17 @@

                        Package Contents
                        -create_dataset_from_application_connector(table_name, application_connector_id, dataset_config=None, refresh_schedule=None, version_limit=30)
                        +create_dataset_from_application_connector(table_name, application_connector_id, dataset_config=None, refresh_schedule=None, version_limit=30, incremental=False)

                        Creates a dataset from an Application Connector.

                        Parameters:
                          -
                        • table_name (str) – Organization-unique table name.

                        • -
                        • application_connector_id (str) – Unique string identifier of the application connector to download data from.

                        • +
                        • table_name (str) – Organization-unique table name.

                        • +
                        • application_connector_id (str) – Unique string identifier of the application connector to download data from.

                        • dataset_config (ApplicationConnectorDatasetConfig) – Dataset config for the application connector.

                        • -
                        • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

                        • -
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        • +
                        • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. The time is specified in UTC.

                        • +
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        • +
                        • incremental (bool) – Signifies if the dataset is an incremental dataset.

                        Returns:
                        @@ -24458,11 +27194,11 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • -
                        • object_name (str) – The name/ID of the object in the service to query. If not specified, the last name will be used.

                        • -
                        • columns (str) – The columns to query from the external service object. If not specified, the last columns will be used.

                        • -
                        • query_arguments (str) – Additional query arguments to filter the data. If not specified, the last arguments will be used.

                        • -
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, and query_arguments.

                        • +
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • +
                        • object_name (str) – The name/ID of the object in the service to query. If not specified, the last name will be used.

                        • +
                        • columns (str) – The columns to query from the external service object. If not specified, the last columns will be used.

                        • +
                        • query_arguments (str) – Additional query arguments to filter the data. If not specified, the last arguments will be used.

                        • +
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, and query_arguments.

                        Returns:
                        @@ -24481,7 +27217,7 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • +
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • dataset_config (ApplicationConnectorDatasetConfig) – Dataset config for the application connector. If any of the fields are not specified, the last values will be used.

                        @@ -24501,15 +27237,15 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Organization-unique table name for this dataset.

                        • -
                        • file_format (str) – The file format of the dataset.

                        • -
                        • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

                        • -
                        • is_documentset (bool) – Signifies if the dataset is a docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

                        • -
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

                        • +
                        • table_name (str) – Organization-unique table name for this dataset.

                        • +
                        • file_format (str) – The file format of the dataset.

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

                        • +
                        • is_documentset (bool) – Signifies if the dataset is a docstore dataset. A docstore dataset contains documents like images, PDFs, audio files etc. or is tabular data with links to such files.

                        • +
                        • extract_bounding_boxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

                        • parsing_config (ParsingConfig) – Custom config for dataset parsing.

                        • -
                        • merge_file_schemas (bool) – Signifies whether to merge the schemas of all files in the dataset. If is_documentset is True, this is also set to True by default.

                        • +
                        • merge_file_schemas (bool) – Signifies whether to merge the schemas of all files in the dataset. If is_documentset is True, this is also set to True by default.

                        • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration. Only valid if is_documentset is True.

                        • -
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        • +
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        Returns:
                        @@ -24528,8 +27264,8 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – Unique string identifier associated with the dataset.

                        • -
                        • file_format (str) – File format to be used. If not specified, the service will attempt to detect the file format.

                        • +
                        • dataset_id (str) – Unique string identifier associated with the dataset.

                        • +
                        • file_format (str) – File format to be used. If not specified, the service will attempt to detect the file format.

                        Returns:
                        @@ -24548,7 +27284,7 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – The unique ID associated with the dataset to use as the source dataset.

                        • +
                        • dataset_id (str) – The unique ID associated with the dataset to use as the source dataset.

                        • document_processing_config (DatasetDocumentProcessingConfig) – The document processing configuration to use for the new dataset version. If not specified, the document processing configuration from the source dataset will be used.

                        @@ -24568,11 +27304,11 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – The feature group table name to create for this dataset.

                        • -
                        • primary_key (str) – The optional primary key column name for the dataset.

                        • -
                        • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication. Only relevant if lookup keys are set.

                        • -
                        • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

                        • -
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        • +
                        • table_name (str) – The feature group table name to create for this dataset.

                        • +
                        • primary_key (str) – The optional primary key column name for the dataset.

                        • +
                        • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication. Only relevant if lookup keys are set.

                        • +
                        • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

                        • +
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        Returns:
                        @@ -24591,8 +27327,8 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Organization-unique table name.

                        • -
                        • application_connector_id (str) – Unique string identifier of the application connector to download data from.

                        • +
                        • table_name (str) – Organization-unique table name.

                        • +
                        • application_connector_id (str) – Unique string identifier of the application connector to download data from.

                        • dataset_config (ApplicationConnectorDatasetConfig) – Dataset config for the application connector.

                        @@ -24611,7 +27347,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – The unique ID associated with the dataset.

                        +

                        dataset_id (str) – The unique ID associated with the dataset.

                        Returns:

                        The new Dataset Version created by taking a snapshot of the current data in the streaming dataset.

                        @@ -24629,8 +27365,8 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • -
                        • column (str) – The name of the column.

                        • +
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • +
                        • column (str) – The name of the column.

                        • data_type (DataType) – The type of the data in the column. Note: Some ColumnMappings may restrict the options or explicitly set the DataType.

                        @@ -24650,11 +27386,11 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Organization-unique table name

                        • -
                        • streaming_connector_id (str) – Unique String Identifier for the Streaming Connector to import the dataset from

                        • +
                        • table_name (str) – Organization-unique table name

                        • +
                        • streaming_connector_id (str) – Unique String Identifier for the Streaming Connector to import the dataset from

                        • dataset_config (StreamingConnectorDatasetConfig) – Streaming dataset config

                        • -
                        • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. Time is specified in UTC.

                        • -
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        • +
                        • refresh_schedule (str) – Cron time string format that describes a schedule to retrieve the latest version of the imported dataset. Time is specified in UTC.

                        • +
                        • version_limit (int) – The number of recent versions to preserve for the dataset (minimum 30).

                        Returns:
                        @@ -24673,10 +27409,10 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – Unique string identifier for the streaming dataset.

                        • -
                        • retention_hours (int) – Number of hours to retain streamed data in memory.

                        • -
                        • retention_row_count (int) – Number of rows to retain streamed data in memory.

                        • -
                        • ignore_records_before_timestamp (int) – The Unix timestamp (in seconds) to use as a cutoff to ignore all entries sent before it

                        • +
                        • dataset_id (str) – Unique string identifier for the streaming dataset.

                        • +
                        • retention_hours (int) – Number of hours to retain streamed data in memory.

                        • +
                        • retention_row_count (int) – Number of rows to retain streamed data in memory.

                        • +
                        • ignore_records_before_timestamp (int) – The Unix timestamp (in seconds) to use as a cutoff to ignore all entries sent before it

                        @@ -24689,8 +27425,8 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – The unique identifier for the database connector.

                        • -
                        • name (str) – The new name for the Database Connector.

                        • +
                        • database_connector_id (str) – The unique identifier for the database connector.

                        • +
                        • name (str) – The new name for the Database Connector.

                        @@ -24703,8 +27439,8 @@

                        Package Contents
                        Parameters:
                          -
                        • application_connector_id (str) – The unique identifier for the application connector.

                        • -
                        • name (str) – A new name for the application connector.

                        • +
                        • application_connector_id (str) – The unique identifier for the application connector.

                        • +
                        • name (str) – A new name for the application connector.

                        @@ -24716,7 +27452,7 @@

                        Package Contents
                        Parameters:
                        -

                        database_connector_id (str) – Unique string identifier for the database connector.

                        +

                        database_connector_id (str) – Unique string identifier for the database connector.

                        @@ -24727,7 +27463,7 @@

                        Package Contents
                        Parameters:
                        -

                        bucket (str) – The bucket to test.

                        +

                        bucket (str) – The bucket to test.

                        Returns:

                        The result of the verification.

                        @@ -24744,7 +27480,7 @@

                        Package Contents
                        Parameters:
                        -

                        database_connector_id (str) – The unique identifier for the database connector.

                        +

                        database_connector_id (str) – The unique identifier for the database connector.

                        @@ -24755,7 +27491,7 @@

                        Package Contents
                        Parameters:
                        -

                        application_connector_id (str) – The unique identifier for the application connector.

                        +

                        application_connector_id (str) – The unique identifier for the application connector.

                        @@ -24766,7 +27502,7 @@

                        Package Contents
                        Parameters:
                        -

                        bucket (str) – The fully qualified URI of the bucket to remove.

                        +

                        bucket (str) – The fully qualified URI of the bucket to remove.

                        @@ -24777,7 +27513,7 @@

                        Package Contents
                        Parameters:
                        -

                        application_connector_id (str) – Unique string identifier for the application connector.

                        +

                        application_connector_id (str) – Unique string identifier for the application connector.

                        @@ -24789,8 +27525,8 @@

                        Package Contents
                        Parameters:
                          -
                        • bucket (str) – The fully qualified Azure Blob Storage Bucket URI.

                        • -
                        • connection_string (str) – The Connection String Abacus.AI should use to authenticate when accessing this bucket.

                        • +
                        • bucket (str) – The fully qualified Azure Blob Storage Bucket URI.

                        • +
                        • connection_string (str) – The Connection String Abacus.AI should use to authenticate when accessing this bucket.

                        Returns:
                        @@ -24808,7 +27544,7 @@

                        Package Contents
                        Parameters:
                        -

                        streaming_connector_id (str) – Unique string identifier for the streaming connector to be checked for Abacus.AI access.

                        +

                        streaming_connector_id (str) – Unique string identifier for the streaming connector to be checked for Abacus.AI access.

                        @@ -24820,8 +27556,8 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_connector_id (str) – The unique identifier for the streaming connector.

                        • -
                        • name (str) – A new name for the streaming connector.

                        • +
                        • streaming_connector_id (str) – The unique identifier for the streaming connector.

                        • +
                        • name (str) – A new name for the streaming connector.

                        @@ -24833,7 +27569,7 @@

                        Package Contents
                        Parameters:
                        -

                        streaming_connector_id (str) – The unique identifier for the streaming connector.

                        +

                        streaming_connector_id (str) – The unique identifier for the streaming connector.

                        @@ -24858,7 +27594,7 @@

                        Package Contents
                        Parameters:
                        -

                        streaming_token (str) – The streaming token to delete.

                        +

                        streaming_token (str) – The streaming token to delete.

                        @@ -24869,7 +27605,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – Unique string identifier of the dataset to delete.

                        +

                        dataset_id (str) – Unique string identifier of the dataset to delete.

                        @@ -24880,7 +27616,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_version (str) – String identifier of the dataset version to delete.

                        +

                        dataset_version (str) – String identifier of the dataset version to delete.

                        @@ -24892,10 +27628,10 @@

                        Package Contents
                        Parameters:
                          -
                        • doc_id (str) – A unique Docstore string identifier for the document.

                        • -
                        • page (int) – The page number to retrieve. Page numbers start from 0.

                        • +
                        • doc_id (str) – A unique Docstore string identifier for the document.

                        • +
                        • page (int) – The page number to retrieve. Page numbers start from 0.

                        • document_processing_config (DocumentProcessingConfig) – The document processing configuration to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest available data or the default configuration will be used.

                        • -
                        • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

                        • +
                        • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

                        Returns:
                        @@ -24914,10 +27650,10 @@

                        Package Contents
                        Parameters:
                          -
                        • doc_id (str) – A unique Docstore string identifier for the document.

                        • +
                        • doc_id (str) – A unique Docstore string identifier for the document.

                        • document_processing_config (DocumentProcessingConfig) – The document processing configuration to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest available data or the default configuration will be used.

                        • -
                        • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

                        • -
                        • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

                        • +
                        • document_processing_version (str) – The document processing version to use for returning the data when the document is processed via EXTRACT_DOCUMENT_DATA Feature Group Operator. If Feature Group Operator is not used, this parameter should be kept as None. If Feature Group Operator is used but this parameter is not provided, the latest version will be used.

                        • +
                        • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

                        Returns:
                        @@ -24936,12 +27672,12 @@

                        Package Contents
                        Parameters:
                          -
                        • document (io.TextIOBase) – The document to extract data from. One of document or doc_id must be provided.

                        • -
                        • doc_id (str) – A unique Docstore string identifier for the document. One of document or doc_id must be provided.

                        • +
                        • document (io.TextIOBase) – The document to extract data from. One of document or doc_id must be provided.

                        • +
                        • doc_id (str) – A unique Docstore string identifier for the document. One of document or doc_id must be provided.

                        • document_processing_config (DocumentProcessingConfig) – The document processing configuration.

                        • -
                        • start_page (int) – The starting page to extract data from. Pages are indexed starting from 0. If not provided, the first page will be used.

                        • -
                        • end_page (int) – The last page to extract data from. Pages are indexed starting from 0. If not provided, the last page will be used.

                        • -
                        • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

                        • +
                        • start_page (int) – The starting page to extract data from. Pages are indexed starting from 0. If not provided, the first page will be used.

                        • +
                        • end_page (int) – The last page to extract data from. Pages are indexed starting from 0. If not provided, the last page will be used.

                        • +
                        • return_extracted_page_text (bool) – Specifies whether to include a list of extracted text for each page in the response. Defaults to false if not provided.

                        Returns:
                        @@ -24960,9 +27696,9 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • feature_group_ids (List) – The feature group IDs to be used for training.

                        • -
                        • for_retrain (bool) – Whether the training config options are used for retraining.

                        • +
                        • for_retrain (bool) – Whether the training config options are used for retraining.

                        • current_training_config (TrainingConfig) – The current state of the training config, with some options set, which shall be used to get new options after refresh. This is None by default initially.

                        @@ -24970,7 +27706,7 @@

                        Package Contents

                        An array of options that can be specified when training a model in this project.

                        Return type:
                        -

                        list[TrainingConfigOptions]

                        +

                        list[TrainingConfigOptions]

                        @@ -24982,7 +27718,7 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • training_config (TrainingConfig) – The training config used to influence how the split is calculated.

                        • feature_group_ids (List) – List of feature group IDs provided by the user, including the required one for data split and others to influence how to split.

                        @@ -25003,18 +27739,18 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • name (str) – The name of the model. Defaults to “<Project Name> Model”.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • name (str) – The name of the model. Defaults to “<Project Name> Model”.

                        • training_config (TrainingConfig) – The training config used to train this model.

                        • feature_group_ids (List) – List of feature group IDs provided by the user to train the model on.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model.

                        • -
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, the default enabled custom algorithms will be used.

                        • -
                        • custom_algorithms_only (bool) – Whether to only run custom algorithms.

                        • -
                        • custom_algorithm_configs (dict) – Configs for each user-defined algorithm; key is the algorithm name, value is the config serialized to JSON.

                        • -
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of the builtin algorithms provided by Abacus.AI to train. If not set, all applicable builtin algorithms will be used.

                        • -
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • -
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • -
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model.

                        • +
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, the default enabled custom algorithms will be used.

                        • +
                        • custom_algorithms_only (bool) – Whether to only run custom algorithms.

                        • +
                        • custom_algorithm_configs (dict) – Configs for each user-defined algorithm; key is the algorithm name, value is the config serialized to JSON.

                        • +
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of the builtin algorithms provided by Abacus.AI to train. If not set, all applicable builtin algorithms will be used.

                        • +
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • +
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • +
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        Returns:
                        @@ -25034,21 +27770,21 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • -
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • -
                        • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function

                        • -
                        • memory (int) – Memory (in GB) for the model training function

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • +
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • +
                        • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function

                        • +
                        • memory (int) – Memory (in GB) for the model training function

                        • training_config (TrainingConfig) – Training configuration

                        • -
                        • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • -
                        • is_thread_safe (bool) – Whether this model is thread safe

                        • +
                        • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • is_thread_safe (bool) – Whether this model is thread safe

                        Returns:
                        @@ -25067,8 +27803,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – Unique identifier of the model to rename.

                        • -
                        • name (str) – The new name to assign to the model.

                        • +
                        • model_id (str) – Unique identifier of the model to rename.

                        • +
                        • name (str) – The new name to assign to the model.

                        @@ -25082,18 +27818,18 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – The unique ID associated with the Python model to be changed.

                        • -
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • -
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized DataFrames (same type as the functions return value).

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • -
                        • memory (int) – Memory (in GB) for the model training function.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • -
                        • is_thread_safe (bool) – Whether this model is thread safe

                        • +
                        • model_id (str) – The unique ID associated with the Python model to be changed.

                        • +
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • +
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized DataFrames (same type as the functions return value).

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • +
                        • memory (int) – Memory (in GB) for the model training function.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • is_thread_safe (bool) – Whether this model is thread safe

                        • training_config (TrainingConfig) – The training config used to train this model.

                        @@ -25114,17 +27850,17 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – The unique ID associated with the Python model to be changed.

                        • -
                        • train_function_name (str) – Name of the function found in the train module that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • -
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • -
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the function’s return value).

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • -
                        • memory (int) – Memory (in GB) for the model training function.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • model_id (str) – The unique ID associated with the Python model to be changed.

                        • +
                        • train_function_name (str) – Name of the function found in the train module that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • +
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • +
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the function’s return value).

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • +
                        • memory (int) – Memory (in GB) for the model training function.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        Returns:
                        @@ -25144,19 +27880,19 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – The unique ID associated with the Python model to be changed.

                        • -
                        • application_connector_id (str) – The unique ID associated with the Git application connector.

                        • -
                        • branch_name (str) – Name of the branch in the Git repository to be used for training.

                        • -
                        • python_root (str) – Path from the top level of the Git repository to the directory containing the Python source code. If not provided, the default is the root of the Git repository.

                        • -
                        • train_function_name (str) – Name of the function found in train module that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through model. It is not executed when this function is run.

                        • -
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • -
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • -
                        • memory (int) – Memory (in GB) for the model training function.

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • model_id (str) – The unique ID associated with the Python model to be changed.

                        • +
                        • application_connector_id (str) – The unique ID associated with the Git application connector.

                        • +
                        • branch_name (str) – Name of the branch in the Git repository to be used for training.

                        • +
                        • python_root (str) – Path from the top level of the Git repository to the directory containing the Python source code. If not provided, the default is the root of the Git repository.

                        • +
                        • train_function_name (str) – Name of the function found in train module that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through model. It is not executed when this function is run.

                        • +
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • +
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • +
                        • memory (int) – Memory (in GB) for the model training function.

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        Returns:
                        @@ -25175,7 +27911,7 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – A unique string identifier of the model to update.

                        • +
                        • model_id (str) – A unique string identifier of the model to update.

                        • training_config (TrainingConfig) – The training config used to train this model.

                        • feature_group_ids (List) – The list of feature groups used as input to the model.

                        @@ -25197,8 +27933,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – The model version to set as the best model.

                        • -
                        • metric (str) – The metric to use to determine the best model.

                        • +
                        • model_version (str) – The model version to set as the best model.

                        • +
                        • metric (str) – The metric to use to determine the best model.

                        @@ -25211,8 +27947,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – Unique string identifier of the model to update.

                        • -
                        • prediction_config (dict) – Prediction configuration for the model.

                        • +
                        • model_id (str) – Unique string identifier of the model to update.

                        • +
                        • prediction_config (dict) – Prediction configuration for the model.

                        Returns:
                        @@ -25231,16 +27967,16 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – Unique string identifier of the model to retrain.

                        • +
                        • model_id (str) – Unique string identifier of the model to retrain.

                        • deployment_ids (List) – List of unique string identifiers of deployments to automatically deploy to.

                        • feature_group_ids (List) – List of feature group IDs provided by the user to train the model on.

                        • -
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, will honor the runs from the last time and applicable new custom algorithms.

                        • -
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of Abacus.AI built-in algorithms to train. If not set, will honor the runs from the last time and applicable new built-in algorithms.

                        • -
                        • custom_algorithm_configs (dict) – User-defined training configs for each custom algorithm.

                        • -
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • -
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • +
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, will honor the runs from the last time and applicable new custom algorithms.

                        • +
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of Abacus.AI built-in algorithms to train. If not set, will honor the runs from the last time and applicable new built-in algorithms.

                        • +
                        • custom_algorithm_configs (dict) – User-defined training configs for each custom algorithm.

                        • +
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • +
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • training_config (TrainingConfig) – The training config used to train this model.

                        • -
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        • +
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        Returns:
                        @@ -25258,7 +27994,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – Unique string identifier of the model to delete.

                        +

                        model_id (str) – Unique string identifier of the model to delete.

                        @@ -25269,7 +28005,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – The unique identifier of the model version to delete.

                        +

                        model_version (str) – The unique identifier of the model version to delete.

                        @@ -25281,8 +28017,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – Unique string identifier for the version of the model.

                        • -
                        • table_name (str) – Name of the feature group table to create.

                        • +
                        • model_version (str) – Unique string identifier for the version of the model.

                        • +
                        • table_name (str) – Name of the feature group table to create.

                        • artifact_type (EvalArtifactType) – eval artifact type to export.

                        @@ -25302,9 +28038,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – Unique identifier of the model to set.

                        • -
                        • algorithm (str) – Algorithm to pin in the model.

                        • -
                        • data_cluster_type (str) – Data cluster type to set the lead model for.

                        • +
                        • model_id (str) – Unique identifier of the model to set.

                        • +
                        • algorithm (str) – Algorithm to pin in the model.

                        • +
                        • data_cluster_type (str) – Data cluster type to set the lead model for.

                        @@ -25317,11 +28053,11 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique version ID of the project.

                        • -
                        • feature_group_names_for_training (list) – A list of feature group table names to be used for training.

                        • -
                        • training_data_parameter_name_override (dict) – Override from feature group type to parameter name in the train function.

                        • +
                        • project_id (str) – The unique version ID of the project.

                        • +
                        • feature_group_names_for_training (list) – A list of feature group table names to be used for training.

                        • +
                        • training_data_parameter_name_override (dict) – Override from feature group type to parameter name in the train function.

                        • training_config (TrainingConfig) – Training config for the options supported by the Abacus.AI platform.

                        • -
                        • custom_algorithm_config (dict) – User-defined config that can be serialized by JSON.

                        • +
                        • custom_algorithm_config (dict) – User-defined config that can be serialized by JSON.

                        Returns:
                        @@ -25340,9 +28076,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – A unique string identifier for the model version.

                        • -
                        • output_location (str) – Location to export the model artifacts results. For example, s3://a-bucket/

                        • -
                        • algorithm (str) – The algorithm to be exported. Optional if there’s only one custom algorithm in the model version.

                        • +
                        • model_version (str) – A unique string identifier for the model version.

                        • +
                        • output_location (str) – Location to export the model artifacts results. For example, s3://a-bucket/

                        • +
                        • algorithm (str) – The algorithm to be exported. Optional if there’s only one custom algorithm in the model version.

                        Returns:
                        @@ -25361,24 +28097,24 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • prediction_feature_group_id (str) – The unique ID of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – The unique ID of the training data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model monitor.

                        • -
                        • target_value (str) – A target positive value for the label to compute bias and PR/AUC for performance page.

                        • -
                        • target_value_bias (str) – A target positive value for the label to compute bias.

                        • -
                        • target_value_performance (str) – A target positive value for the label to compute PR curve/AUC for performance page.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • model_id (str) – The unique ID of the model.

                        • -
                        • training_feature_mappings (dict) – A JSON map to override features for training_fature_group, where keys are column names and the values are feature data use types.

                        • -
                        • feature_group_base_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • -
                        • feature_group_comparison_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • -
                        • exclude_interactive_performance_analysis (bool) – Whether to exclude interactive performance analysis. Defaults to True if not provided.

                        • -
                        • exclude_bias_analysis (bool) – Whether to exclude bias analysis in the model monitor. For default value bias analysis is included.

                        • -
                        • exclude_performance_analysis (bool) – Whether to exclude performance analysis in the model monitor. For default value performance analysis is included.

                        • -
                        • exclude_feature_drift_analysis (bool) – Whether to exclude feature drift analysis in the model monitor. For default value feature drift analysis is included.

                        • -
                        • exclude_data_integrity_analysis (bool) – Whether to exclude data integrity analysis in the model monitor. For default value data integrity analysis is included.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • prediction_feature_group_id (str) – The unique ID of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – The unique ID of the training data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model monitor.

                        • +
                        • target_value (str) – A target positive value for the label to compute bias and PR/AUC for performance page.

                        • +
                        • target_value_bias (str) – A target positive value for the label to compute bias.

                        • +
                        • target_value_performance (str) – A target positive value for the label to compute PR curve/AUC for performance page.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • model_id (str) – The unique ID of the model.

                        • +
                        • training_feature_mappings (dict) – A JSON map to override features for training_fature_group, where keys are column names and the values are feature data use types.

                        • +
                        • feature_group_base_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • +
                        • feature_group_comparison_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • +
                        • exclude_interactive_performance_analysis (bool) – Whether to exclude interactive performance analysis. Defaults to True if not provided.

                        • +
                        • exclude_bias_analysis (bool) – Whether to exclude bias analysis in the model monitor. For default value bias analysis is included.

                        • +
                        • exclude_performance_analysis (bool) – Whether to exclude performance analysis in the model monitor. For default value performance analysis is included.

                        • +
                        • exclude_feature_drift_analysis (bool) – Whether to exclude feature drift analysis in the model monitor. For default value feature drift analysis is included.

                        • +
                        • exclude_data_integrity_analysis (bool) – Whether to exclude data integrity analysis in the model monitor. For default value data integrity analysis is included.

                        Returns:
                        @@ -25396,7 +28132,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – Unique string identifier of the model monitor to re-run.

                        +

                        model_monitor_id (str) – Unique string identifier of the model monitor to re-run.

                        Returns:

                        The model monitor that is being re-run.

                        @@ -25414,8 +28150,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_monitor_id (str) – Unique identifier of the model monitor to rename.

                        • -
                        • name (str) – The new name to apply to the model monitor.

                        • +
                        • model_monitor_id (str) – Unique identifier of the model monitor to rename.

                        • +
                        • name (str) – The new name to apply to the model monitor.

                        @@ -25427,7 +28163,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – Unique identifier of the Model Monitor to delete.

                        +

                        model_monitor_id (str) – Unique identifier of the Model Monitor to delete.

                        @@ -25438,7 +28174,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – Unique identifier of the model monitor version to delete.

                        +

                        model_monitor_version (str) – Unique identifier of the model monitor version to delete.

                        @@ -25450,14 +28186,14 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique string identifier of the project.

                        • -
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created vision drift monitor.

                        • +
                        • project_id (str) – Unique string identifier of the project.

                        • +
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created vision drift monitor.

                        Returns:
                        @@ -25476,14 +28212,14 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique string identifier of the project.

                        • -
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created nlp drift monitor.

                        • +
                        • project_id (str) – Unique string identifier of the project.

                        • +
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created nlp drift monitor.

                        Returns:
                        @@ -25502,14 +28238,14 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique string identifier of the project.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • +
                        • project_id (str) – Unique string identifier of the project.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • training_forecast_config (ForecastingMonitorConfig) – The configuration for the training data.

                        • prediction_forecast_config (ForecastingMonitorConfig) – The configuration for the prediction data.

                        • -
                        • forecast_frequency (str) – The frequency of the forecast. Defaults to the frequency of the prediction data.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created forecasting monitor.

                        • +
                        • forecast_frequency (str) – The frequency of the forecast. Defaults to the frequency of the prediction data.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created forecasting monitor.

                        Returns:
                        @@ -25528,18 +28264,18 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • feature_group_id (str) – The unique ID of the prediction data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> EDA”.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created EDA.

                        • -
                        • include_collinearity (bool) – Set to True if the EDA type is collinearity.

                        • -
                        • include_data_consistency (bool) – Set to True if the EDA type is data consistency.

                        • -
                        • collinearity_keys (list) – List of features to use for collinearity

                        • -
                        • primary_keys (list) – List of features that corresponds to the primary keys or item ids for the given feature group for Data Consistency analysis or Forecasting analysis respectively.

                        • -
                        • data_consistency_test_config (dict) – Test feature group version selection strategy for Data Consistency EDA type.

                        • -
                        • data_consistency_reference_config (dict) – Reference feature group version selection strategy for Data Consistency EDA type.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for the given feature_group, where keys are column names and the values are feature data use types. (In forecasting, used to set the timestamp column and target value)

                        • -
                        • forecast_frequency (str) – The frequency of the data. It can be either HOURLY, DAILY, WEEKLY, MONTHLY, QUARTERLY, YEARLY.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_id (str) – The unique ID of the prediction data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> EDA”.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created EDA.

                        • +
                        • include_collinearity (bool) – Set to True if the EDA type is collinearity.

                        • +
                        • include_data_consistency (bool) – Set to True if the EDA type is data consistency.

                        • +
                        • collinearity_keys (list) – List of features to use for collinearity

                        • +
                        • primary_keys (list) – List of features that corresponds to the primary keys or item ids for the given feature group for Data Consistency analysis or Forecasting analysis respectively.

                        • +
                        • data_consistency_test_config (dict) – Test feature group version selection strategy for Data Consistency EDA type.

                        • +
                        • data_consistency_reference_config (dict) – Reference feature group version selection strategy for Data Consistency EDA type.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for the given feature_group, where keys are column names and the values are feature data use types. (In forecasting, used to set the timestamp column and target value)

                        • +
                        • forecast_frequency (str) – The frequency of the data. It can be either HOURLY, DAILY, WEEKLY, MONTHLY, QUARTERLY, YEARLY.

                        Returns:
                        @@ -25557,7 +28293,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_id (str) – Unique string identifier of the EDA object to rerun.

                        +

                        eda_id (str) – Unique string identifier of the EDA object to rerun.

                        Returns:

                        The EDA object that is being rerun.

                        @@ -25575,8 +28311,8 @@

                        Package Contents
                        Parameters:
                          -
                        • eda_id (str) – Unique string identifier of the EDA to rename.

                        • -
                        • name (str) – The new name to apply to the model monitor.

                        • +
                        • eda_id (str) – Unique string identifier of the EDA to rename.

                        • +
                        • name (str) – The new name to apply to the model monitor.

                        @@ -25588,7 +28324,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_id (str) – Unique string identifier of the EDA to delete.

                        +

                        eda_id (str) – Unique string identifier of the EDA to delete.

                        @@ -25599,7 +28335,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier of the EDA version to delete.

                        +

                        eda_version (str) – Unique string identifier of the EDA version to delete.

                        @@ -25611,11 +28347,11 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the holdout analysis

                        • -
                        • model_id (str) – ID of the model to create a holdout analysis for

                        • +
                        • name (str) – Name of the holdout analysis

                        • +
                        • model_id (str) – ID of the model to create a holdout analysis for

                        • feature_group_ids (List) – List of feature group IDs to use for the holdout analysis

                        • -
                        • model_version (str) – (optional) Version of the model to use for the holdout analysis

                        • -
                        • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

                        • +
                        • model_version (str) – (optional) Version of the model to use for the holdout analysis

                        • +
                        • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

                        Returns:
                        @@ -25634,9 +28370,9 @@

                        Package Contents
                        Parameters:
                          -
                        • holdout_analysis_id (str) – ID of the holdout analysis to rerun

                        • -
                        • model_version (str) – (optional) Version of the model to use for the holdout analysis

                        • -
                        • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

                        • +
                        • holdout_analysis_id (str) – ID of the holdout analysis to rerun

                        • +
                        • model_version (str) – (optional) Version of the model to use for the holdout analysis

                        • +
                        • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

                        Returns:
                        @@ -25655,12 +28391,12 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique string identifier for the project.

                        • -
                        • alert_name (str) – Name of the alert.

                        • +
                        • project_id (str) – Unique string identifier for the project.

                        • +
                        • alert_name (str) – Name of the alert.

                        • condition_config (AlertConditionConfig) – Condition to run the actions for the alert.

                        • action_config (AlertActionConfig) – Configuration for the action of the alert.

                        • -
                        • model_monitor_id (str) – Unique string identifier for the model monitor created under the project.

                        • -
                        • realtime_monitor_id (str) – Unique string identifier for the real-time monitor for the deployment created under the project.

                        • +
                        • model_monitor_id (str) – Unique string identifier for the model monitor created under the project.

                        • +
                        • realtime_monitor_id (str) – Unique string identifier for the real-time monitor for the deployment created under the project.

                        Returns:
                        @@ -25679,8 +28415,8 @@

                        Package Contents
                        Parameters:
                          -
                        • monitor_alert_id (str) – Unique identifier of the monitor alert.

                        • -
                        • alert_name (str) – Name of the alert.

                        • +
                        • monitor_alert_id (str) – Unique identifier of the monitor alert.

                        • +
                        • alert_name (str) – Name of the alert.

                        • condition_config (AlertConditionConfig) – Condition to run the actions for the alert.

                        • action_config (AlertActionConfig) – Configuration for the action of the alert.

                        @@ -25700,7 +28436,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_id (str) – Unique identifier of a monitor alert.

                        +

                        monitor_alert_id (str) – Unique identifier of a monitor alert.

                        Returns:

                        Object describing the monitor alert.

                        @@ -25717,7 +28453,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_id (str) – The unique string identifier of the alert to delete.

                        +

                        monitor_alert_id (str) – The unique string identifier of the alert to delete.

                        @@ -25729,16 +28465,16 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the prediction operator.

                        • -
                        • project_id (str) – The unique ID of the associated project.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

                        • -
                        • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • +
                        • name (str) – Name of the prediction operator.

                        • +
                        • project_id (str) – The unique ID of the associated project.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

                        • +
                        • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • feature_group_ids (List) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes. The order should match the initialize function’s parameters.

                        • -
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • -
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_gpu (bool) – Whether this prediction operator needs gpu.

                        • +
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • +
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • +
                        • use_gpu (bool) – Whether this prediction operator needs gpu.

                        Returns:
                        @@ -25757,16 +28493,16 @@

                        Package Contents
                        Parameters:
                          -
                        • prediction_operator_id (str) – The unique ID of the prediction operator.

                        • -
                        • name (str) – Name of the prediction operator.

                        • +
                        • prediction_operator_id (str) – The unique ID of the prediction operator.

                        • +
                        • name (str) – Name of the prediction operator.

                        • feature_group_ids (List) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes. The order should match the initialize function’s parameters.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

                        • -
                        • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

                        • -
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • -
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_gpu (bool) – Whether this prediction operator needs gpu.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

                        • +
                        • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

                        • +
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • +
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • +
                        • use_gpu (bool) – Whether this prediction operator needs gpu.

                        Returns:
                        @@ -25784,7 +28520,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        @@ -25796,8 +28532,8 @@

                        Package Contents
                        Parameters:
                          -
                        • prediction_operator_id (str) – The unique ID of the prediction operator.

                        • -
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new prediction operator version is created.

                        • +
                        • prediction_operator_id (str) – The unique ID of the prediction operator.

                        • +
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new prediction operator version is created.

                        Returns:
                        @@ -25815,7 +28551,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        Returns:

                        The created prediction operator version object.

                        @@ -25832,7 +28568,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_version (str) – The unique ID of the prediction operator version.

                        +

                        prediction_operator_version (str) – The unique ID of the prediction operator version.

                        @@ -25845,19 +28581,19 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the deployment.

                        • -
                        • model_id (str) – The unique ID associated with the model.

                        • -
                        • model_version (str) – The unique ID associated with the model version to deploy.

                        • -
                        • algorithm (str) – The unique ID associated with the algorithm to deploy.

                        • -
                        • feature_group_id (str) – The unique ID associated with a feature group.

                        • -
                        • project_id (str) – The unique ID associated with a project.

                        • -
                        • description (str) – The description for the deployment.

                        • -
                        • calls_per_second (int) – The number of calls per second the deployment can handle.

                        • -
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

                        • -
                        • start (bool) – If true, will start the deployment; otherwise will create offline

                        • -
                        • enable_batch_streaming_updates (bool) – Flag to enable marking the feature group deployment to have a background process cache streamed in rows for quicker lookup.

                        • -
                        • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment

                        • -
                        • model_deployment_config (dict) – The deployment config for model to deploy

                        • +
                        • name (str) – The name of the deployment.

                        • +
                        • model_id (str) – The unique ID associated with the model.

                        • +
                        • model_version (str) – The unique ID associated with the model version to deploy.

                        • +
                        • algorithm (str) – The unique ID associated with the algorithm to deploy.

                        • +
                        • feature_group_id (str) – The unique ID associated with a feature group.

                        • +
                        • project_id (str) – The unique ID associated with a project.

                        • +
                        • description (str) – The description for the deployment.

                        • +
                        • calls_per_second (int) – The number of calls per second the deployment can handle.

                        • +
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

                        • +
                        • start (bool) – If true, will start the deployment; otherwise will create offline

                        • +
                        • enable_batch_streaming_updates (bool) – Flag to enable marking the feature group deployment to have a background process cache streamed in rows for quicker lookup.

                        • +
                        • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment

                        • +
                        • model_deployment_config (dict) – The deployment config for model to deploy

                        Returns:
                        @@ -25877,8 +28613,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique string identifier associated with the project.

                        • -
                        • name (str) – The name of the deployment token.

                        • +
                        • project_id (str) – The unique string identifier associated with the project.

                        • +
                        • name (str) – The name of the deployment token.

                        Returns:
                        @@ -25897,10 +28633,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique identifier of the deployment to update.

                        • -
                        • description (str) – The new description for the deployment.

                        • -
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

                        • -
                        • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

                        • +
                        • deployment_id (str) – Unique identifier of the deployment to update.

                        • +
                        • description (str) – The new description for the deployment.

                        • +
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

                        • +
                        • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

                        @@ -25913,8 +28649,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier for the deployment to update.

                        • -
                        • name (str) – The new deployment name.

                        • +
                        • deployment_id (str) – Unique string identifier for the deployment to update.

                        • +
                        • name (str) – The new deployment name.

                        @@ -25928,8 +28664,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The unique ID associated with the deployment.

                        • -
                        • enable (bool) – Enable or disable the autoDeploy property of the deployment.

                        • +
                        • deployment_id (str) – The unique ID associated with the deployment.

                        • +
                        • enable (bool) – Enable or disable the autoDeploy property of the deployment.

                        @@ -25942,10 +28678,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – A unique identifier for the deployment.

                        • -
                        • model_version (str) – A unique identifier for the model version.

                        • -
                        • algorithm (str) – The algorithm to use for the model version. If not specified, the algorithm will be inferred from the model version.

                        • -
                        • model_deployment_config (dict) – The deployment configuration for the model to deploy.

                        • +
                        • deployment_id (str) – A unique identifier for the deployment.

                        • +
                        • model_version (str) – A unique identifier for the model version.

                        • +
                        • algorithm (str) – The algorithm to use for the model version. If not specified, the algorithm will be inferred from the model version.

                        • +
                        • model_deployment_config (dict) – The deployment configuration for the model to deploy.

                        @@ -25958,8 +28694,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • -
                        • feature_group_version (str) – Unique string identifier for the feature group version.

                        • +
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • +
                        • feature_group_version (str) – Unique string identifier for the feature group version.

                        @@ -25972,8 +28708,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • -
                        • prediction_operator_version (str) – Unique string identifier for the prediction operator version.

                        • +
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • +
                        • prediction_operator_version (str) – Unique string identifier for the prediction operator version.

                        @@ -25985,7 +28721,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – A unique string identifier associated with the deployment.

                        +

                        deployment_id (str) – A unique string identifier associated with the deployment.

                        @@ -25996,7 +28732,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier of the deployment to be stopped.

                        +

                        deployment_id (str) – Unique string identifier of the deployment to be stopped.

                        @@ -26007,7 +28743,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier of the deployment to delete.

                        +

                        deployment_id (str) – Unique string identifier of the deployment to delete.

                        @@ -26018,7 +28754,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_token (str) – The deployment token to delete.

                        +

                        deployment_token (str) – The deployment token to delete.

                        @@ -26030,9 +28766,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The ID of the deployment for which the export type is set.

                        • -
                        • file_format (str) – The type of export output, either CSV or JSON.

                        • -
                        • output_location (str) – The file connector (cloud) location where the output should be exported.

                        • +
                        • deployment_id (str) – The ID of the deployment for which the export type is set.

                        • +
                        • file_format (str) – The type of export output, either CSV or JSON.

                        • +
                        • output_location (str) – The file connector (cloud) location where the output should be exported.

                        @@ -26045,13 +28781,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The ID of the deployment for which the export type is set.

                        • -
                        • database_connector_id (str) – The unique string identifier of the database connector used.

                        • -
                        • object_name (str) – The object of the database connector to write to.

                        • -
                        • write_mode (str) – The write mode to use when writing to the database connector, either UPSERT or INSERT.

                        • -
                        • database_feature_mapping (dict) – The column/feature pairs mapping the features to the database columns.

                        • -
                        • id_column (str) – The id column to use as the upsert key.

                        • -
                        • additional_id_columns (list) – For database connectors which support it, a list of additional ID columns to use as a complex key for upserting.

                        • +
                        • deployment_id (str) – The ID of the deployment for which the export type is set.

                        • +
                        • database_connector_id (str) – The unique string identifier of the database connector used.

                        • +
                        • object_name (str) – The object of the database connector to write to.

                        • +
                        • write_mode (str) – The write mode to use when writing to the database connector, either UPSERT or INSERT.

                        • +
                        • database_feature_mapping (dict) – The column/feature pairs mapping the features to the database columns.

                        • +
                        • id_column (str) – The id column to use as the upsert key.

                        • +
                        • additional_id_columns (list) – For database connectors which support it, a list of additional ID columns to use as a complex key for upserting.

                        @@ -26063,7 +28799,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – The ID of the deployment for which the export type is set.

                        +

                        deployment_id (str) – The ID of the deployment for which the export type is set.

                        @@ -26075,9 +28811,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • prediction_arguments (PredictionArguments) – The prediction arguments to set.

                        • -
                        • set_as_override (bool) – If True, use these arguments as overrides instead of defaults for predict calls

                        • +
                        • set_as_override (bool) – If True, use these arguments as overrides instead of defaults for predict calls

                        Returns:
                        @@ -26097,8 +28833,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • -
                        • alert_name (str) – Name of the alert.

                        • +
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • +
                        • alert_name (str) – Name of the alert.

                        • condition_config (AlertConditionConfig) – Condition to run the actions for the alert.

                        • action_config (AlertActionConfig) – Configuration for the action of the alert.

                        @@ -26119,9 +28855,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • -
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor.

                        • -
                        • lookback_time (int) – Lookback time (in seconds) for each monitor trigger

                        • +
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • +
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor.

                        • +
                        • lookback_time (int) – Lookback time (in seconds) for each monitor trigger

                        Returns:
                        @@ -26140,9 +28876,9 @@

                        Package Contents
                        Parameters:
                          -
                        • realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        • -
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor

                        • -
                        • lookback_time (float) – Lookback time (in seconds) for each monitor trigger

                        • +
                        • realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        • +
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor

                        • +
                        • lookback_time (float) – Lookback time (in seconds) for each monitor trigger

                        Returns:
                        @@ -26160,7 +28896,7 @@

                        Package Contents
                        Parameters:
                        -

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        +

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        @@ -26173,18 +28909,18 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the refresh policy.

                        • -
                        • cron (str) – A cron-like string specifying the frequency of the refresh policy in UTC time.

                        • -
                        • refresh_type (str) – The refresh type used to determine what is being refreshed, such as a single dataset, dataset and model, or more.

                        • -
                        • project_id (str) – Optionally, a project ID can be specified so that all datasets, models, deployments, batch predictions, prediction metrics, model monitrs, and notebooks are captured at the instant the policy was created.

                        • +
                        • name (str) – The name of the refresh policy.

                        • +
                        • cron (str) – A cron-like string specifying the frequency of the refresh policy in UTC time.

                        • +
                        • refresh_type (str) – The refresh type used to determine what is being refreshed, such as a single dataset, dataset and model, or more.

                        • +
                        • project_id (str) – Optionally, a project ID can be specified so that all datasets, models, deployments, batch predictions, prediction metrics, model monitrs, and notebooks are captured at the instant the policy was created.

                        • dataset_ids (List) – Comma-separated list of dataset IDs.

                        • -
                        • feature_group_id (str) – Feature Group ID associated with refresh policy.

                        • +
                        • feature_group_id (str) – Feature Group ID associated with refresh policy.

                        • model_ids (List) – Comma-separated list of model IDs.

                        • deployment_ids (List) – Comma-separated list of deployment IDs.

                        • batch_prediction_ids (List) – Comma-separated list of batch prediction IDs.

                        • model_monitor_ids (List) – Comma-separated list of model monitor IDs.

                        • -
                        • notebook_id (str) – Notebook ID associated with refresh policy.

                        • -
                        • prediction_operator_id (str) – Prediction Operator ID associated with refresh policy.

                        • +
                        • notebook_id (str) – Notebook ID associated with refresh policy.

                        • +
                        • prediction_operator_id (str) – Prediction Operator ID associated with refresh policy.

                        • feature_group_export_config (FeatureGroupExportConfig) – Feature group export configuration.

                        @@ -26203,7 +28939,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to delete.

                        +

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to delete.

                        @@ -26214,7 +28950,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy to be paused.

                        +

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy to be paused.

                        @@ -26225,7 +28961,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        +

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        @@ -26236,7 +28972,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to be run.

                        +

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to be run.

                        @@ -26248,9 +28984,9 @@

                        Package Contents
                        Parameters:
                          -
                        • refresh_policy_id (str) – Unique string identifier associated with the refresh policy.

                        • -
                        • name (str) – Name of the refresh policy to be updated.

                        • -
                        • cron (str) – Cron string describing the schedule from the refresh policy to be updated.

                        • +
                        • refresh_policy_id (str) – Unique string identifier associated with the refresh policy.

                        • +
                        • name (str) – Name of the refresh policy to be updated.

                        • +
                        • cron (str) – Cron string describing the schedule from the refresh policy to be updated.

                        • feature_group_export_config (FeatureGroupExportConfig) – Feature group export configuration to update a feature group refresh policy.

                        @@ -26270,11 +29006,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token only authorizes predictions on deployments in this project, so it can be safely embedded inside an application or website.

                        • -
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the value is the unique value of the same entity.

                        • -
                        • limit_results (int) – If provided, will limit the number of results to the value specified.

                        • -
                        • result_columns (list) – If provided, will limit the columns present in each result to the columns specified in this list.

                        • +
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token only authorizes predictions on deployments in this project, so it can be safely embedded inside an application or website.

                        • +
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the value is the unique value of the same entity.

                        • +
                        • limit_results (int) – If provided, will limit the number of results to the value specified.

                        • +
                        • result_columns (list) – If provided, will limit the columns present in each result to the columns specified in this list.

                        Return type:
                        @@ -26290,9 +29026,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the value is the unique value of the same entity.

                        • +
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the value is the unique value of the same entity.

                        Return type:
                        @@ -26308,9 +29044,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (list) – A list of dictionaries, where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the ‘value’ is the unique value of the same entity.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (list) – A list of dictionaries, where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the ‘value’ is the unique value of the same entity.

                        Return type:
                        @@ -26326,9 +29062,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the ‘key’ is the source dataset name, and the ‘value’ is a list of records corresponding to the dataset rows.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the ‘key’ is the source dataset name, and the ‘value’ is a list of records corresponding to the dataset rows.

                        Return type:
                        @@ -26344,11 +29080,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary containing user attributes and/or user’s interaction data with the product/service (e.g. number of clicks, items in cart, etc.).

                        • -
                        • explain_predictions (bool) – Will explain predictions for leads

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary containing user attributes and/or user’s interaction data with the product/service (e.g. number of clicks, items in cart, etc.).

                        • +
                        • explain_predictions (bool) – Will explain predictions for leads

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations

                        Return type:
                        @@ -26364,11 +29100,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ will be the unique value of the same entity.

                        • -
                        • explain_predictions (bool) – Will explain predictions for churn

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ will be the unique value of the same entity.

                        • +
                        • explain_predictions (bool) – Will explain predictions for churn

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations

                        Return type:
                        @@ -26384,9 +29120,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary containing account activity characteristics (e.g., login id, login duration, login type, IP address, etc.).

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary containing account activity characteristics (e.g., login id, login duration, login type, IP address, etc.).

                        Return type:
                        @@ -26402,9 +29138,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary containing transaction attributes (e.g. credit card type, transaction location, transaction amount, etc.).

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary containing transaction attributes (e.g. credit card type, transaction location, transaction amount, etc.).

                        Return type:
                        @@ -26420,16 +29156,16 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the ‘Key’ is the column name (e.g. a column with the name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘Value’ is the unique value of the same entity.

                        • -
                        • threshold (float) – A float value that is applied on the popular class label.

                        • -
                        • threshold_class (str) – The label upon which the threshold is added (binary labels only).

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the ‘Key’ is the column name (e.g. a column with the name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘Value’ is the unique value of the same entity.

                        • +
                        • threshold (float) – A float value that is applied on the popular class label.

                        • +
                        • threshold_class (str) – The label upon which the threshold is added (binary labels only).

                        • thresholds (Dict) – Maps labels to thresholds (multi-label classification only). Defaults to F1 optimal threshold if computed for the given class, else uses 0.5.

                        • -
                        • explain_predictions (bool) – If True, returns the SHAP explanations for all input features.

                        • -
                        • fixed_features (list) – A set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • -
                        • nested (str) – If specified generates prediction delta for each index of the specified nested feature.

                        • -
                        • explainer_type (str) – The type of explainer to use.

                        • +
                        • explain_predictions (bool) – If True, returns the SHAP explanations for all input features.

                        • +
                        • fixed_features (list) – A set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • +
                        • nested (str) – If specified generates prediction delta for each index of the specified nested feature.

                        • +
                        • explainer_type (str) – The type of explainer to use.

                        Return type:
                        @@ -26445,13 +29181,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ is the unique value of the same entity.

                        • -
                        • explain_predictions (bool) – If true, returns the SHAP explanations for all input features.

                        • -
                        • fixed_features (list) – Set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • -
                        • nested (str) – If specified, generates prediction delta for each index of the specified nested feature.

                        • -
                        • explainer_type (str) – The type of explainer to use.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ is the unique value of the same entity.

                        • +
                        • explain_predictions (bool) – If true, returns the SHAP explanations for all input features.

                        • +
                        • fixed_features (list) – Set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • +
                        • nested (str) – If specified, generates prediction delta for each index of the specified nested feature.

                        • +
                        • explainer_type (str) – The type of explainer to use.

                        Return type:
                        @@ -26467,14 +29203,14 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • threshold (float) – The threshold score of what is an anomaly. Valid values are between 0.8 and 0.99.

                        • -
                        • histogram (bool) – If True, will return a histogram of the distribution of all points.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • threshold (float) – The threshold score of what is an anomaly. Valid values are between 0.8 and 0.99.

                        • +
                        • histogram (bool) – If True, will return a histogram of the distribution of all points.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -26486,12 +29222,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • start_timestamp (str) – timestamp from which anomalies have to be detected in the training data

                        • -
                        • end_timestamp (str) – timestamp to which anomalies have to be detected in the training data

                        • -
                        • query_data (dict) – additional data on which anomaly detection has to be performed, it can either be a single record or list of records or a json string representing list of records

                        • -
                        • get_all_item_data (bool) – set this to true if anomaly detection has to be performed on all the data related to input ids

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • start_timestamp (str) – timestamp from which anomalies have to be detected in the training data

                        • +
                        • end_timestamp (str) – timestamp to which anomalies have to be detected in the training data

                        • +
                        • query_data (dict) – additional data on which anomaly detection has to be performed, it can either be a single record or list of records or a json string representing list of records

                        • +
                        • get_all_item_data (bool) – set this to true if anomaly detection has to be performed on all the data related to input ids

                        • series_ids (List) – list of series ids on which the anomaly detection has to be performed

                        @@ -26508,9 +29244,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – The input data for the prediction.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – The input data for the prediction.

                        Return type:
                        @@ -26526,9 +29262,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – The input data for the prediction.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – The input data for the prediction.

                        Return type:
                        @@ -26544,15 +29280,15 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘store_id’ in your dataset) mapped to the column mapping ITEM_ID that uniquely identifies the entity against which forecasting is performed and ‘Value’ will be the unique value of the same entity.

                        • -
                        • future_data (list) – This will be a list of values known ahead of time that are relevant for forecasting (e.g. State Holidays, National Holidays, etc.). Each element is a dictionary, where the key and the value both will be of type ‘str’. For example future data entered for a Store may be [{“Holiday”:”No”, “Promo”:”Yes”, “Date”: “2015-07-31 00:00:00”}].

                        • -
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • -
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • -
                        • explain_predictions (bool) – Will explain predictions for forecasting

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations

                        • -
                        • get_item_data (bool) – Will return the data corresponding to items in query

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘store_id’ in your dataset) mapped to the column mapping ITEM_ID that uniquely identifies the entity against which forecasting is performed and ‘Value’ will be the unique value of the same entity.

                        • +
                        • future_data (list) – This will be a list of values known ahead of time that are relevant for forecasting (e.g. State Holidays, National Holidays, etc.). Each element is a dictionary, where the key and the value both will be of type ‘str’. For example future data entered for a Store may be [{“Holiday”:”No”, “Promo”:”Yes”, “Date”: “2015-07-31 00:00:00”}].

                        • +
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • +
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • +
                        • explain_predictions (bool) – Will explain predictions for forecasting

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations

                        • +
                        • get_item_data (bool) – Will return the data corresponding to items in query

                        Return type:
                        @@ -26568,13 +29304,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • vector (list) – Input vector to perform the k nearest neighbors with.

                        • -
                        • k (int) – Overrideable number of items to return.

                        • -
                        • distance (str) – Specify the distance function to use. Options include “dot“, “cosine“, “euclidean“, and “manhattan“. Default = “dot“

                        • -
                        • include_score (bool) – If True, will return the score alongside the resulting embedding value.

                        • -
                        • catalog_id (str) – An optional parameter honored only for embeddings that provide a catalog id

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • vector (list) – Input vector to perform the k nearest neighbors with.

                        • +
                        • k (int) – Overrideable number of items to return.

                        • +
                        • distance (str) – Specify the distance function to use. Options include “dot“, “cosine“, “euclidean“, and “manhattan“. Default = “dot“

                        • +
                        • include_score (bool) – If True, will return the score alongside the resulting embedding value.

                        • +
                        • catalog_id (str) – An optional parameter honored only for embeddings that provide a catalog id

                        Return type:
                        @@ -26590,9 +29326,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • queries (list) – List of mappings of format {“catalogId”: “cat0”, “vectors”: […], “k”: 20, “distance”: “euclidean”}. See getKNearest for additional information about the supported parameters.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • queries (list) – List of mappings of format {“catalogId”: “cat0”, “vectors”: […], “k”: 20, “distance”: “euclidean”}. See getKNearest for additional information about the supported parameters.

                        @@ -26605,10 +29341,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – Dictionary where key is “Content” and value is the text from which entities are to be extracted.

                        • -
                        • return_extracted_entities (bool) – (Optional) If True, will return the extracted entities in simpler format

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – Dictionary where key is “Content” and value is the text from which entities are to be extracted.

                        • +
                        • return_extracted_entities (bool) – (Optional) If True, will return the extracted entities in simpler format

                        Return type:
                        @@ -26624,13 +29360,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • -
                        • doc_id (str) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • -
                        • return_extracted_features (bool) – (Optional) If True, will return all extracted features (e.g. all tokens in a page) from the PDF. Default is False.

                        • -
                        • verbose (bool) – (Optional) If True, will return all the extracted tokens probabilities for all the trained labels. Default is False.

                        • -
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • +
                        • doc_id (str) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • +
                        • return_extracted_features (bool) – (Optional) If True, will return all extracted features (e.g. all tokens in a page) from the PDF. Default is False.

                        • +
                        • verbose (bool) – (Optional) If True, will return all the extracted tokens probabilities for all the trained labels. Default is False.

                        • +
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        Return type:
                        @@ -26646,19 +29382,19 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which recommendations are made and ‘Value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • -
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • -
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • -
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • -
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • -
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is

                        • -
                        • explore_fraction (float) – Explore fraction.

                        • -
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • -
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        • -
                        • exclude_item_ids (list)

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which recommendations are made and ‘Value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • +
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • +
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • +
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • +
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • +
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is

                        • +
                        • explore_fraction (float) – Explore fraction.

                        • +
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • +
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        • +
                        • exclude_item_ids (list)

                        Return type:
                        @@ -26674,12 +29410,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This should be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • -
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • -
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This should be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • +
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • +
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        Return type:
                        @@ -26695,15 +29431,15 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • -
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • -
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved

                        • -
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there is a type of item that might be less popular but you want to promote it or there is an item that always comes up and you want to demote it.

                        • -
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • -
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • +
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • +
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved

                        • +
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there is a type of item that might be less popular but you want to promote it or there is an item that always comes up and you want to demote it.

                        • +
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • +
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        Return type:
                        @@ -26719,14 +29455,14 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which related items are determined and the ‘value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • -
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • -
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • -
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • -
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is particularly useful if there’s a list of items that you know is of no use in some particular scenario and you don’t want to show those items present in that list.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which related items are determined and the ‘value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • +
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • +
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • +
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • +
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is particularly useful if there’s a list of items that you know is of no use in some particular scenario and you don’t want to show those items present in that list.

                        Return type:
                        @@ -26737,21 +29473,22 @@

                        Package Contents
                        -get_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None)
                        +get_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, user_info=None)

                        Return a chat response which continues the conversation based on the input messages and search results.

                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • user_info (dict)

                        Return type:
                        @@ -26767,16 +29504,16 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • attachments (None) – A dictionary of binary data to use to answer the queries.

                        @@ -26788,24 +29525,26 @@

                        Package Contents
                        -get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None)
                        +get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None, user_info=None, execute_usercode_tool=False)

                        Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists).

                        Parameters:
                          -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • message (str) – A message from the user

                        • -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • -
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • message (str) – A message from the user

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • +
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • execute_usercode_tool (bool) – If True, will return the tool output in the response.

                        • +
                        • user_info (dict)

                        Return type:
                        @@ -26821,18 +29560,18 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • message (str) – A message from the user

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • message (str) – A message from the user

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • attachments (None) – A dictionary of binary data to use to answer the queries.

                        @@ -26842,6 +29581,23 @@

                        Package Contents +
                        +get_deep_agent_response(message, deployment_conversation_id=None)
                        +

                        Return a DeepAgent response with generated files if any, based on the input message.

                        +
                        +
                        Parameters:
                        +
                          +
                        • message (str) – The user’s message/task for DeepAgent to complete

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +
                        +

                        +
                        get_search_results(deployment_token, deployment_id, query_data, num=15)
                        @@ -26849,10 +29605,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be securely embedded in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the key is “Content” and the value is the text from which entities are to be extracted.

                        • -
                        • num (int) – Number of search results to return.

                        • +
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be securely embedded in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the key is “Content” and the value is the text from which entities are to be extracted.

                        • +
                        • num (int) – Number of search results to return.

                        Return type:
                        @@ -26868,9 +29624,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for a deployment created under this project.

                        • -
                        • document (str) – The document to be analyzed for sentiment.

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for a deployment created under this project.

                        • +
                        • document (str) – The document to be analyzed for sentiment.

                        Return type:
                        @@ -26886,9 +29642,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • document (str) – The document to be classified.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • document (str) – The document to be classified.

                        Return type:
                        @@ -26904,9 +29660,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • document (str) – The document to be classified.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • document (str) – The document to be classified.

                        Return type:
                        @@ -26922,9 +29678,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – Raw data dictionary containing the required document data - must have a key ‘document’ corresponding to a DOCUMENT type text as value.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – Raw data dictionary containing the required document data - must have a key ‘document’ corresponding to a DOCUMENT type text as value.

                        Return type:
                        @@ -26940,9 +29696,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for a deployment created under the project.

                        • -
                        • query_data (str) – The input string to detect.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for a deployment created under the project.

                        • +
                        • query_data (str) – The input string to detect.

                        Return type:
                        @@ -26958,12 +29714,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • -
                        • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

                        • -
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • -
                        • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • +
                        • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

                        Return type:
                        @@ -26979,12 +29735,50 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • -
                        • add_constraints (list) – List of constraints dict to apply to the query. The constraint dict should have the following keys: 1. query (dict): Specifies the set of assignment variables involved in the constraint. The format is same as query_data. 2. operator (str): Constraint operator ‘=’ or ‘<=’ or ‘>=’. 3. constant (int): Constraint RHS constant value. 4. coefficient_column (str): Column in Assignment feature group to be used as coefficient for the assignment variables, optional and defaults to 1

                        • -
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • -
                        • best_alternate_only (bool) – When True only the best alternate will be returned, when False multiple alternates are returned

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • +
                        • add_constraints (list) – List of constraints dict to apply to the query. The constraint dict should have the following keys: 1. query (dict): Specifies the set of assignment variables involved in the constraint. The format is same as query_data. 2. operator (str): Constraint operator ‘=’ or ‘<=’ or ‘>=’. 3. constant (int): Constraint RHS constant value. 4. coefficient_column (str): Column in Assignment feature group to be used as coefficient for the assignment variables, optional and defaults to 1

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • best_alternate_only (bool) – When True only the best alternate will be returned, when False multiple alternates are returned

                        • +
                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +

                        +

                        + +
                        +
                        +get_optimization_inputs_from_serialized(deployment_token, deployment_id, query_data=None)
                        +

                        Get assignments for given query, with new inputs

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes)

                        • +
                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +
                        +
                        + +
                        +
                        +get_assignments_online_with_new_serialized_inputs(deployment_token, deployment_id, query_data=None, solve_time_limit_seconds=None, optimality_gap_limit=None)
                        +

                        Get assignments for given query, with new inputs

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – a dictionary with assignment, constraint and constraint_equations_df (under these specific keys)

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • optimality_gap_limit (float) – Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found)

                        Return type:
                        @@ -27000,9 +29794,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – Assignment overrides to the solution.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – Assignment overrides to the solution.

                        Return type:
                        @@ -27018,9 +29812,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • blob (io.TextIOBase) – The multipart/form-data of the data.

                        • +
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • +
                        • blob (io.TextIOBase) – The multipart/form-data of the data.

                        Return type:
                        @@ -27036,11 +29830,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – Image to describe.

                        • -
                        • categories (list) – List of candidate categories to compare with the image.

                        • -
                        • top_n (int) – Return the N most similar categories.

                        • +
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – Image to describe.

                        • +
                        • categories (list) – List of candidate categories to compare with the image.

                        • +
                        • top_n (int) – Return the N most similar categories.

                        Return type:
                        @@ -27056,12 +29850,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • -
                        • document (io.TextIOBase) – Input document which can be an image, pdf, or word document (Some formats might not be supported yet)

                        • -
                        • adjust_doc_orientation (bool) – (Optional) whether to detect the document page orientation and rotate it if needed.

                        • -
                        • save_predicted_pdf (bool) – (Optional) If True, will save the predicted pdf bytes so that they can be fetched using the prediction docId. Default is False.

                        • -
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        • +
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • +
                        • document (io.TextIOBase) – Input document which can be an image, pdf, or word document (Some formats might not be supported yet)

                        • +
                        • adjust_doc_orientation (bool) – (Optional) whether to detect the document page orientation and rotate it if needed.

                        • +
                        • save_predicted_pdf (bool) – (Optional) If True, will save the predicted pdf bytes so that they can be fetched using the prediction docId. Default is False.

                        • +
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        Return type:
                        @@ -27077,9 +29871,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to make predictions on deployments in this project, so it can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • audio (io.TextIOBase) – The audio to transcribe.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to make predictions on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • audio (io.TextIOBase) – The audio to transcribe.

                        Return type:
                        @@ -27095,10 +29889,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – The binary data of the image to classify. One of image or doc_id must be specified.

                        • -
                        • doc_id (str) – The document ID of the image. One of image or doc_id must be specified.

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – The binary data of the image to classify. One of image or doc_id must be specified.

                        • +
                        • doc_id (str) – The document ID of the image. One of image or doc_id must be specified.

                        Return type:
                        @@ -27114,9 +29908,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        Return type:
                        @@ -27132,9 +29926,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where each ‘key’ represents a column name and its corresponding ‘value’ represents the value of that column. For Timeseries Clustering, the ‘key’ should be ITEM_ID, and its value should represent a unique item ID that needs clustering.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where each ‘key’ represents a column name and its corresponding ‘value’ represents the value of that column. For Timeseries Clustering, the ‘key’ should be ITEM_ID, and its value should represent a unique item ID that needs clustering.

                        Return type:
                        @@ -27150,9 +29944,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – The binary data of the image to detect objects from.

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – The binary data of the image to detect objects from.

                        Return type:
                        @@ -27168,9 +29962,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – The binary data of the image to get the score.

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – The binary data of the image to get the score.

                        Return type:
                        @@ -27186,32 +29980,14 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • source_image (io.TextIOBase) – The source image to apply the makeup.

                        • -
                        • style_image (io.TextIOBase) – The image that has the style as a reference.

                        • +
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • +
                        • source_image (io.TextIOBase) – The source image to apply the makeup.

                        • +
                        • style_image (io.TextIOBase) – The image that has the style as a reference.

                        Return type:
                        -

                        io.BytesIO

                        -
                        -

                        -
                        - -
                        -
                        -generate_image(deployment_token, deployment_id, query_data)
                        -

                        Generate an image from text prompt.

                        -
                        -
                        Parameters:
                        -
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – Specifies the text prompt. For example, {‘prompt’: ‘a cat’}

                        • -
                        -
                        -
                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -27223,10 +29999,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • arguments (list) – Positional arguments to the agent execute function.

                        • +
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        Return type:
                        @@ -27242,12 +30018,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • query (str) – User input query to initialize the matrix computation.

                        • -
                        • doc_infos (list) – An optional list of documents use for constructing the matrix. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • -
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • query (str) – User input query to initialize the matrix computation.

                        • +
                        • doc_infos (list) – An optional list of documents use for constructing the matrix. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • +
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        Return type:
                        @@ -27263,15 +30039,15 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • -
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • -
                        • regenerate (bool) – If True, will regenerate the response from the last query.

                        • -
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • -
                        • agent_workflow_node_id (str) – An optional agent workflow node id to trigger agent execution from an intermediate node.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • arguments (list) – Positional arguments to the agent execute function.

                        • +
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • +
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • +
                        • regenerate (bool) – If True, will regenerate the response from the last query.

                        • +
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • agent_workflow_node_id (str) – An optional agent workflow node id to trigger agent execution from an intermediate node.

                        Return type:
                        @@ -27290,28 +30066,28 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • data (str) – The query to search for.

                        • -
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • num (int) – If provided, will limit the number of results to the value specified.

                        • -
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • -
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • -
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • -
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • -
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • -
                        • min_score (float) – If provided, will filter out the results with score less than the value specified.

                        • -
                        • required_phrases (list) – If provided, each result will contain at least one of the phrases in the given list. The matching is whitespace and case insensitive.

                        • -
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • -
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set. An entry in the map can also be a map specifying the limit per attribute value rather than a single limit for all values. This allows a per value limit for attributes. If an attribute value is not present in the map its limit defaults to zero.

                        • -
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • data (str) – The query to search for.

                        • +
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • num (int) – If provided, will limit the number of results to the value specified.

                        • +
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • +
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • +
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • +
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • +
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • +
                        • min_score (float) – If provided, will filter out the results with score less than the value specified.

                        • +
                        • required_phrases (list) – If provided, each result will contain at least one of the phrases in the given list. The matching is whitespace and case insensitive.

                        • +
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • +
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set. An entry in the map can also be a map specifying the limit per attribute value rather than a single limit for all values. This allows a per value limit for attributes. If an attribute value is not present in the map its limit defaults to zero.

                        • +
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        Returns:

                        The relevant documentation results found from the document retriever.

                        Return type:
                        -

                        list[DocumentRetrieverLookupResult]

                        +

                        list[DocumentRetrieverLookupResult]

                        @@ -27323,9 +30099,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • prompt (str) – The prompt given to the finetuned LLM to generate the completion.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • prompt (str) – The prompt given to the finetuned LLM to generate the completion.

                        Return type:
                        @@ -27334,31 +30110,6 @@

                        Package Contents -
                        -execute_agent_with_binary_data(deployment_token, deployment_id, arguments=None, keyword_arguments=None, deployment_conversation_id=None, external_session_id=None, blobs=None)
                        -

                        Executes a deployed AI agent function with binary data as inputs.

                        -
                        -
                        Parameters:
                        -
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • -
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • -
                        • blobs (None) – A dictionary of binary data to use as inputs to the agent execute function.

                        • -
                        -
                        -
                        Returns:
                        -

                        The result of the agent execution

                        -
                        -
                        Return type:
                        -

                        AgentDataExecutionResult

                        -
                        -
                        -
                        -
                        start_autonomous_agent(deployment_token, deployment_id, arguments=None, keyword_arguments=None, save_conversations=True)
                        @@ -27366,11 +30117,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • -
                        • save_conversations (bool) – If true then a new conversation will be created for every run of the workflow associated with the agent.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • arguments (list) – Positional arguments to the agent execute function.

                        • +
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • +
                        • save_conversations (bool) – If true then a new conversation will be created for every run of the workflow associated with the agent.

                        Return type:
                        @@ -27386,9 +30137,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        Return type:
                        @@ -27404,23 +30155,23 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • -
                        • table_name (str) – Name of the feature group table to write the results of the batch prediction. Can only be specified if outputLocation and databaseConnectorId are not specified. If tableName is specified, the outputType will be enforced as CSV.

                        • -
                        • name (str) – Name of the batch prediction job.

                        • +
                        • deployment_id (str) – Unique string identifier for the deployment.

                        • +
                        • table_name (str) – Name of the feature group table to write the results of the batch prediction. Can only be specified if outputLocation and databaseConnectorId are not specified. If tableName is specified, the outputType will be enforced as CSV.

                        • +
                        • name (str) – Name of the batch prediction job.

                        • batch_prediction_args (BatchPredictionArgs) – Batch Prediction args specific to problem type.

                        • -
                        • output_format (str) – Format of the batch prediction output (CSV or JSON).

                        • -
                        • output_location (str) – Location to write the prediction results. Otherwise, results will be stored in Abacus.AI.

                        • -
                        • database_connector_id (str) – Unique identifier of a Database Connection to write predictions to. Cannot be specified in conjunction with outputLocation.

                        • -
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector. Only available if databaseConnectorId is specified.

                        • -
                        • refresh_schedule (str) – Cron-style string that describes a schedule in UTC to automatically run the batch prediction.

                        • -
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • -
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • -
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • -
                        • output_includes_metadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

                        • -
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • -
                        • input_feature_groups (dict) – A dict of {‘<feature_group_type>’: ‘<feature_group_id>’} which overrides the default input data of that type for the Batch Prediction. Default input data is the training data that was used for training the deployed model.

                        • -
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • -
                        • explanations (bool)

                        • +
                        • output_format (str) – Format of the batch prediction output (CSV or JSON).

                        • +
                        • output_location (str) – Location to write the prediction results. Otherwise, results will be stored in Abacus.AI.

                        • +
                        • database_connector_id (str) – Unique identifier of a Database Connection to write predictions to. Cannot be specified in conjunction with outputLocation.

                        • +
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector. Only available if databaseConnectorId is specified.

                        • +
                        • refresh_schedule (str) – Cron-style string that describes a schedule in UTC to automatically run the batch prediction.

                        • +
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • +
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • +
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • +
                        • output_includes_metadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

                        • +
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • +
                        • input_feature_groups (dict) – A dict of {‘<feature_group_type>’: ‘<feature_group_id>’} which overrides the default input data of that type for the Batch Prediction. Default input data is the training data that was used for training the deployed model.

                        • +
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • +
                        • explanations (bool)

                        Returns:
                        @@ -27438,7 +30189,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – The unique identifier of the batch prediction to create a new version of.

                        +

                        batch_prediction_id (str) – The unique identifier of the batch prediction to create a new version of.

                        Returns:

                        The batch prediction version started by this method call.

                        @@ -27456,18 +30207,18 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_id (str) – Unique identifier of the batch prediction.

                        • -
                        • deployment_id (str) – Unique identifier of the deployment.

                        • +
                        • batch_prediction_id (str) – Unique identifier of the batch prediction.

                        • +
                        • deployment_id (str) – Unique identifier of the deployment.

                        • batch_prediction_args (BatchPredictionArgs) – Batch Prediction args specific to problem type.

                        • -
                        • output_format (str) – If specified, sets the format of the batch prediction output (CSV or JSON).

                        • -
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • -
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • -
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • -
                        • output_includes_metadata (bool) – If True, output will contain columns including prediction start time, batch prediction version, and model version.

                        • -
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • -
                        • name (str) – If present, will rename the batch prediction.

                        • -
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • -
                        • explanations (bool)

                        • +
                        • output_format (str) – If specified, sets the format of the batch prediction output (CSV or JSON).

                        • +
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • +
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • +
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • +
                        • output_includes_metadata (bool) – If True, output will contain columns including prediction start time, batch prediction version, and model version.

                        • +
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • +
                        • name (str) – If present, will rename the batch prediction.

                        • +
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • +
                        • explanations (bool)

                        Returns:
                        @@ -27486,9 +30237,9 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_id (str) – The unique identifier of the batch prediction.

                        • -
                        • output_format (str) – The format of the batch prediction output (CSV or JSON). If not specified, the default format will be used.

                        • -
                        • output_location (str) – The location to write the prediction results. If not specified, results will be stored in Abacus.AI.

                        • +
                        • batch_prediction_id (str) – The unique identifier of the batch prediction.

                        • +
                        • output_format (str) – The format of the batch prediction output (CSV or JSON). If not specified, the default format will be used.

                        • +
                        • output_location (str) – The location to write the prediction results. If not specified, results will be stored in Abacus.AI.

                        Returns:
                        @@ -27507,9 +30258,9 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        • -
                        • database_connector_id (str) – Unique string identifier of an Database Connection to write predictions to.

                        • -
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector.

                        • +
                        • batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        • +
                        • database_connector_id (str) – Unique string identifier of an Database Connection to write predictions to.

                        • +
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector.

                        Returns:
                        @@ -27528,8 +30279,8 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        • -
                        • table_name (str) – Name of the feature group table to create.

                        • +
                        • batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        • +
                        • table_name (str) – Name of the feature group table to create.

                        Returns:
                        @@ -27547,7 +30298,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – The unique identifier of the batch prediction.

                        +

                        batch_prediction_id (str) – The unique identifier of the batch prediction.

                        Returns:

                        The batch prediction description.

                        @@ -27565,9 +30316,9 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_id (str) – Unique identifier of the batch prediction.

                        • -
                        • feature_group_type (str) – Enum string representing the feature group type to set. The type is based on the use case under which the feature group is being created (e.g. Catalog Attributes for personalized recommendation use case).

                        • -
                        • feature_group_id (str) – Unique identifier of the feature group to set as input to the batch prediction.

                        • +
                        • batch_prediction_id (str) – Unique identifier of the batch prediction.

                        • +
                        • feature_group_type (str) – Enum string representing the feature group type to set. The type is based on the use case under which the feature group is being created (e.g. Catalog Attributes for personalized recommendation use case).

                        • +
                        • feature_group_id (str) – Unique identifier of the feature group to set as input to the batch prediction.

                        Returns:
                        @@ -27586,8 +30337,8 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        • -
                        • dataset_id_remap (dict) – Key/value pairs of dataset ids to be replaced during the batch prediction.

                        • +
                        • batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        • +
                        • dataset_id_remap (dict) – Key/value pairs of dataset ids to be replaced during the batch prediction.

                        Returns:
                        @@ -27605,7 +30356,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        +

                        batch_prediction_id (str) – Unique string identifier of the batch prediction.

                        @@ -27617,11 +30368,11 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • -
                        • model_id (str) – A unique string identifier for the model to upsert item embeddings to.

                        • -
                        • item_id (str) – The item id for which its embeddings will be upserted.

                        • -
                        • vector (list) – The embedding vector.

                        • -
                        • catalog_id (str) – The name of the catalog in the model to update.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • +
                        • model_id (str) – A unique string identifier for the model to upsert item embeddings to.

                        • +
                        • item_id (str) – The item id for which its embeddings will be upserted.

                        • +
                        • vector (list) – The embedding vector.

                        • +
                        • catalog_id (str) – The name of the catalog in the model to update.

                        @@ -27634,10 +30385,10 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • -
                        • model_id (str) – A unique string identifier for the model from which to delete item embeddings.

                        • -
                        • item_ids (list) – A list of item IDs whose embeddings will be deleted.

                        • -
                        • catalog_id (str) – An optional name to specify which catalog in a model to update.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • +
                        • model_id (str) – A unique string identifier for the model from which to delete item embeddings.

                        • +
                        • item_ids (list) – A list of item IDs whose embeddings will be deleted.

                        • +
                        • catalog_id (str) – An optional name to specify which catalog in a model to update.

                        @@ -27650,10 +30401,10 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • -
                        • model_id (str) – The unique string identifier of the model to upsert item embeddings to.

                        • -
                        • upserts (list) – A list of dictionaries of the form {‘itemId’: …, ‘vector’: […]} for each upsert.

                        • -
                        • catalog_id (str) – Name of the catalog in the model to update.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • +
                        • model_id (str) – The unique string identifier of the model to upsert item embeddings to.

                        • +
                        • upserts (list) – A list of dictionaries of the form {‘itemId’: …, ‘vector’: […]} for each upsert.

                        • +
                        • catalog_id (str) – Name of the catalog in the model to update.

                        @@ -27666,9 +30417,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier for the streaming feature group to record data to.

                        • -
                        • streaming_token (str) – The streaming token for authenticating requests.

                        • -
                        • data (dict) – The data to record as a JSON object.

                        • +
                        • feature_group_id (str) – Unique string identifier for the streaming feature group to record data to.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests.

                        • +
                        • data (dict) – The data to record as a JSON object.

                        @@ -27681,9 +30432,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier of the streaming feature group to record data to.

                        • -
                        • streaming_token (str) – Streaming token for authenticating requests.

                        • -
                        • data (list) – Data to record, as a list of JSON objects.

                        • +
                        • feature_group_id (str) – Unique string identifier of the streaming feature group to record data to.

                        • +
                        • streaming_token (str) – Streaming token for authenticating requests.

                        • +
                        • data (list) – Data to record, as a list of JSON objects.

                        @@ -27696,9 +30447,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – A unique string identifier of the online feature group to record data to.

                        • -
                        • data (dict) – The data to record, in JSON format.

                        • -
                        • streaming_token (str) – Optional streaming token for authenticating requests if upserting to streaming FG.

                        • +
                        • feature_group_id (str) – A unique string identifier of the online feature group to record data to.

                        • +
                        • data (dict) – The data to record, in JSON format.

                        • +
                        • streaming_token (str) – Optional streaming token for authenticating requests if upserting to streaming FG.

                        • blobs (None) – A dictionary of binary data to populate file fields’ in data to upsert to the streaming FG.

                        @@ -27718,8 +30469,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • primary_key (str) – The primary key value for which to delete the feature group row

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • primary_key (str) – The primary key value for which to delete the feature group row

                        @@ -27732,8 +30483,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The deployment id

                        • -
                        • primary_key_value (str) – The primary key value

                        • +
                        • deployment_id (str) – The deployment id

                        • +
                        • primary_key_value (str) – The primary key value

                        Returns:
                        @@ -27752,16 +30503,16 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The deployment id for the process

                        • -
                        • limit (int) – The maximum number of processes to return. Defaults to None.

                        • -
                        • status (str) – The status of the processes to return. Defaults to None.

                        • +
                        • deployment_id (str) – The deployment id for the process

                        • +
                        • limit (int) – The maximum number of processes to return. Defaults to None.

                        • +
                        • status (str) – The status of the processes to return. Defaults to None.

                        Returns:

                        A list of object representing the feature group row process

                        Return type:
                        -

                        list[FeatureGroupRowProcess]

                        +

                        list[FeatureGroupRowProcess]

                        @@ -27772,7 +30523,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – The deployment id for the process

                        +

                        deployment_id (str) – The deployment id for the process

                        Returns:

                        An object representing the summary of the statuses of the individual feature group processes

                        @@ -27790,8 +30541,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The deployment id

                        • -
                        • primary_key_value (str) – The primary key value

                        • +
                        • deployment_id (str) – The deployment id

                        • +
                        • primary_key_value (str) – The primary key value

                        Returns:
                        @@ -27810,8 +30561,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The deployment id

                        • -
                        • primary_key_value (str) – The primary key value

                        • +
                        • deployment_id (str) – The deployment id

                        • +
                        • primary_key_value (str) – The primary key value

                        Returns:
                        @@ -27825,19 +30576,22 @@

                        Package Contents
                        -create_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, function_type='FEATURE_GROUP', description=None, examples=None)
                        +create_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, function_type='FEATURE_GROUP', description=None, examples=None, user_level_connectors=None, org_level_connectors=None, output_variable_mappings=None)

                        Creates a custom Python function that is reusable.

                        Parameters:
                          -
                        • name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • function_name (str) – The name of the Python function.

                        • +
                        • name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • function_name (str) – The name of the Python function.

                        • function_variable_mappings (List) – List of Python function arguments.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • function_type (str) – Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG.

                        • -
                        • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

                        • -
                        • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • function_type (str) – Type of Python function to create. Default is FEATURE_GROUP, but can also be PLOTLY_FIG.

                        • +
                        • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

                        • +
                        • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.])

                        • +
                        • user_level_connectors (Dict) – Dictionary containing user level connectors.

                        • +
                        • org_level_connectors (List) – List containing organization level connectors.

                        • +
                        • output_variable_mappings (List) – List of output variable mappings that defines the elements of the function’s return value.

                        Returns:
                        @@ -27851,18 +30605,21 @@

                        Package Contents
                        -update_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, description=None, examples=None)
                        +update_python_function(name, source_code=None, function_name=None, function_variable_mappings=None, package_requirements=None, description=None, examples=None, user_level_connectors=None, org_level_connectors=None, output_variable_mappings=None)

                        Update custom python function with user inputs for the given python function.

                        Parameters:
                          -
                        • name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • function_name (str) – The name of the Python function within source_code.

                        • +
                        • name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • function_name (str) – The name of the Python function within source_code.

                        • function_variable_mappings (List) – List of arguments required by function_name.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

                        • -
                        • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • description (str) – Description of the Python function. This should include details about the function’s purpose, expected inputs and outputs, and any important usage considerations or limitations.

                        • +
                        • examples (dict) – Dictionary containing example use cases and anti-patterns. Should include ‘positive_examples’ showing recommended usage and ‘negative_examples’ showing cases to avoid.

                        • +
                        • user_level_connectors (Dict) – Dictionary containing user level connectors.

                        • +
                        • org_level_connectors (List) – List of organization level connectors.

                        • +
                        • output_variable_mappings (List) – List of output variable mappings that defines the elements of the function’s return value.

                        Returns:
                        @@ -27880,7 +30637,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        +

                        name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        @@ -27892,10 +30649,10 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_name (str) – The name of the pipeline, which should be unique to the organization.

                        • -
                        • project_id (str) – A unique string identifier for the pipeline.

                        • -
                        • cron (str) – A cron-like string specifying the frequency of pipeline reruns.

                        • -
                        • is_prod (bool) – Whether the pipeline is a production pipeline or not.

                        • +
                        • pipeline_name (str) – The name of the pipeline, which should be unique to the organization.

                        • +
                        • project_id (str) – A unique string identifier for the pipeline.

                        • +
                        • cron (str) – A cron-like string specifying the frequency of pipeline reruns.

                        • +
                        • is_prod (bool) – Whether the pipeline is a production pipeline or not.

                        Returns:
                        @@ -27913,7 +30670,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The ID of the pipeline to describe.

                        +

                        pipeline_id (str) – The ID of the pipeline to describe.

                        Returns:

                        An object describing a Pipeline

                        @@ -27930,7 +30687,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_name (str) – The name of the pipeline to describe.

                        +

                        pipeline_name (str) – The name of the pipeline to describe.

                        Returns:

                        An object describing a Pipeline

                        @@ -27948,11 +30705,11 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_id (str) – The ID of the pipeline to update.

                        • -
                        • project_id (str) – A unique string identifier for the pipeline.

                        • +
                        • pipeline_id (str) – The ID of the pipeline to update.

                        • +
                        • project_id (str) – A unique string identifier for the pipeline.

                        • pipeline_variable_mappings (List) – List of Python function arguments for the pipeline.

                        • -
                        • cron (str) – A cron-like string specifying the frequency of the scheduled pipeline runs.

                        • -
                        • is_prod (bool) – Whether the pipeline is a production pipeline or not.

                        • +
                        • cron (str) – A cron-like string specifying the frequency of the scheduled pipeline runs.

                        • +
                        • is_prod (bool) – Whether the pipeline is a production pipeline or not.

                        Returns:
                        @@ -27971,8 +30728,8 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_id (str) – The ID of the pipeline to rename.

                        • -
                        • pipeline_name (str) – The new name of the pipeline.

                        • +
                        • pipeline_id (str) – The ID of the pipeline to rename.

                        • +
                        • pipeline_name (str) – The new name of the pipeline.

                        Returns:
                        @@ -27990,7 +30747,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The ID of the pipeline to delete.

                        +

                        pipeline_id (str) – The ID of the pipeline to delete.

                        @@ -28002,15 +30759,15 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_id (str) – The ID of the pipeline to list versions for.

                        • -
                        • limit (int) – The maximum number of pipeline versions to return.

                        • +
                        • pipeline_id (str) – The ID of the pipeline to list versions for.

                        • +
                        • limit (int) – The maximum number of pipeline versions to return.

                        Returns:

                        A list of pipeline versions.

                        Return type:
                        -

                        list[PipelineVersion]

                        +

                        list[PipelineVersion]

                        @@ -28022,7 +30779,7 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_id (str) – The ID of the pipeline to run.

                        • +
                        • pipeline_id (str) – The ID of the pipeline to run.

                        • pipeline_variable_mappings (List) – List of Python function arguments for the pipeline.

                        @@ -28042,9 +30799,9 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_version (str) – The id of the pipeline version.

                        • -
                        • steps (list) – List of pipeline step names to rerun.

                        • -
                        • include_downstream_steps (bool) – Whether to rerun downstream steps from the steps you have passed

                        • +
                        • pipeline_version (str) – The id of the pipeline version.

                        • +
                        • steps (list) – List of pipeline step names to rerun.

                        • +
                        • include_downstream_steps (bool) – Whether to rerun downstream steps from the steps you have passed

                        Returns:
                        @@ -28063,17 +30820,17 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_id (str) – The ID of the pipeline to run.

                        • -
                        • step_name (str) – The name of the step.

                        • -
                        • function_name (str) – The name of the Python function.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • pipeline_id (str) – The ID of the pipeline to run.

                        • +
                        • step_name (str) – The name of the step.

                        • +
                        • function_name (str) – The name of the Python function.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • step_input_mappings (List) – List of Python function arguments.

                        • output_variable_mappings (List) – List of Python function outputs.

                        • -
                        • step_dependencies (list) – List of step names this step depends on.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • cpu_size (str) – Size of the CPU for the step function.

                        • -
                        • memory (int) – Memory (in GB) for the step function.

                        • -
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        • +
                        • step_dependencies (list) – List of step names this step depends on.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • cpu_size (str) – Size of the CPU for the step function.

                        • +
                        • memory (int) – Memory (in GB) for the step function.

                        • +
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        Returns:
                        @@ -28091,7 +30848,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_id (str) – The ID of the pipeline step.

                        +

                        pipeline_step_id (str) – The ID of the pipeline step.

                        @@ -28103,16 +30860,16 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_step_id (str) – The ID of the pipeline_step to update.

                        • -
                        • function_name (str) – The name of the Python function.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • pipeline_step_id (str) – The ID of the pipeline_step to update.

                        • +
                        • function_name (str) – The name of the Python function.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • step_input_mappings (List) – List of Python function arguments.

                        • output_variable_mappings (List) – List of Python function outputs.

                        • -
                        • step_dependencies (list) – List of step names this step depends on.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • cpu_size (str) – Size of the CPU for the step function.

                        • -
                        • memory (int) – Memory (in GB) for the step function.

                        • -
                        • timeout (int) – Timeout for the pipeline step, default is 300 minutes.

                        • +
                        • step_dependencies (list) – List of step names this step depends on.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • cpu_size (str) – Size of the CPU for the step function.

                        • +
                        • memory (int) – Memory (in GB) for the step function.

                        • +
                        • timeout (int) – Timeout for the pipeline step, default is 300 minutes.

                        Returns:
                        @@ -28131,8 +30888,8 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_step_id (str) – The ID of the pipeline_step to update.

                        • -
                        • step_name (str) – The name of the step.

                        • +
                        • pipeline_step_id (str) – The ID of the pipeline_step to update.

                        • +
                        • step_name (str) – The name of the step.

                        Returns:
                        @@ -28150,7 +30907,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The id of the pipeline.

                        +

                        pipeline_id (str) – The id of the pipeline.

                        Returns:

                        Object describing the pipeline.

                        @@ -28167,7 +30924,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The id of the pipeline.

                        +

                        pipeline_id (str) – The id of the pipeline.

                        Returns:

                        Object describing the pipeline.

                        @@ -28184,7 +30941,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The id of the pipeline.

                        +

                        pipeline_id (str) – The id of the pipeline.

                        Returns:

                        Object describing the pipeline.

                        @@ -28201,7 +30958,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_version (str) – The id of the pipeline version.

                        +

                        pipeline_version (str) – The id of the pipeline version.

                        Returns:

                        Object describing the pipeline version

                        @@ -28219,8 +30976,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – A unique string identifier for the plot dashboard.

                        • -
                        • name (str) – The name of the dashboard.

                        • +
                        • project_id (str) – A unique string identifier for the plot dashboard.

                        • +
                        • name (str) – The name of the dashboard.

                        • python_function_ids (List) – A list of unique string identifiers for the python functions to be used in the graph dashboard.

                        @@ -28239,7 +30996,7 @@

                        Package Contents
                        Parameters:
                        -

                        graph_dashboard_id (str) – Unique string identifier for the graph dashboard to be deleted.

                        +

                        graph_dashboard_id (str) – Unique string identifier for the graph dashboard to be deleted.

                        @@ -28251,8 +31008,8 @@

                        Package Contents
                        Parameters:
                          -
                        • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

                        • -
                        • name (str) – Name of the dashboard.

                        • +
                        • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

                        • +
                        • name (str) – Name of the dashboard.

                        • python_function_ids (List) – List of unique string identifiers for the Python functions to be used in the graph dashboard.

                        @@ -28272,10 +31029,10 @@

                        Package Contents
                        Parameters:
                          -
                        • python_function_id (str) – Unique string identifier for the Python function.

                        • -
                        • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

                        • +
                        • python_function_id (str) – Unique string identifier for the Python function.

                        • +
                        • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

                        • function_variable_mappings (List) – List of arguments to be supplied to the function as parameters, in the format [{‘name’: ‘function_argument’, ‘variable_type’: ‘FEATURE_GROUP’, ‘value’: ‘name_of_feature_group’}].

                        • -
                        • name (str) – Name of the added python plot

                        • +
                        • name (str) – Name of the added python plot

                        Returns:
                        @@ -28294,9 +31051,9 @@

                        Package Contents
                        Parameters:
                          -
                        • graph_reference_id (str) – A unique string identifier for the graph reference.

                        • +
                        • graph_reference_id (str) – A unique string identifier for the graph reference.

                        • function_variable_mappings (List) – A list of arguments to be supplied to the Python function as parameters in the format [{‘name’: ‘function_argument’, ‘variable_type’: ‘FEATURE_GROUP’, ‘value’: ‘name_of_feature_group’}].

                        • -
                        • name (str) – The updated name for the graph

                        • +
                        • name (str) – The updated name for the graph

                        Returns:
                        @@ -28314,7 +31071,7 @@

                        Package Contents
                        Parameters:
                        -

                        graph_reference_id (str) – Unique String Identifier for the graph

                        +

                        graph_reference_id (str) – Unique String Identifier for the graph

                        @@ -28326,20 +31083,20 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name to identify the algorithm; only uppercase letters, numbers, and underscores are allowed.

                        • -
                        • problem_type (str) – The type of problem this algorithm will work on.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

                        • -
                        • training_config_parameter_name (str) – The train config parameter name in the train function.

                        • -
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • -
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • -
                        • config_options (dict) – Map dataset types and configs to train function parameter names.

                        • -
                        • is_default_enabled (bool) – Whether to train with the algorithm by default.

                        • -
                        • project_id (str) – The unique version ID of the project.

                        • -
                        • use_gpu (bool) – Whether this algorithm needs to run on GPU.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • name (str) – The name to identify the algorithm; only uppercase letters, numbers, and underscores are allowed.

                        • +
                        • problem_type (str) – The type of problem this algorithm will work on.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

                        • +
                        • training_config_parameter_name (str) – The train config parameter name in the train function.

                        • +
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • +
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • +
                        • config_options (dict) – Map dataset types and configs to train function parameter names.

                        • +
                        • is_default_enabled (bool) – Whether to train with the algorithm by default.

                        • +
                        • project_id (str) – The unique version ID of the project.

                        • +
                        • use_gpu (bool) – Whether this algorithm needs to run on GPU.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        Returns:
                        @@ -28357,7 +31114,7 @@

                        Package Contents
                        Parameters:
                        -

                        algorithm (str) – The name of the algorithm to delete.

                        +

                        algorithm (str) – The name of the algorithm to delete.

                        @@ -28369,18 +31126,18 @@

                        Package Contents
                        Parameters:
                          -
                        • algorithm (str) – The name to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

                        • -
                        • training_config_parameter_name (str) – The train config parameter name in the train function.

                        • -
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • -
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • -
                        • config_options (dict) – Map dataset types and configs to train function parameter names.

                        • -
                        • is_default_enabled (bool) – Whether to train with the algorithm by default.

                        • -
                        • use_gpu (bool) – Whether this algorithm needs to run on GPU.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • algorithm (str) – The name to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the train/predict/predict_many/initialize functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • training_data_parameter_names_mapping (dict) – The mapping from feature group types to training data parameter names in the train function.

                        • +
                        • training_config_parameter_name (str) – The train config parameter name in the train function.

                        • +
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • +
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • +
                        • config_options (dict) – Map dataset types and configs to train function parameter names.

                        • +
                        • is_default_enabled (bool) – Whether to train with the algorithm by default.

                        • +
                        • use_gpu (bool) – Whether this algorithm needs to run on GPU.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        Returns:
                        @@ -28399,7 +31156,7 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique string identifier associated with the project.

                        • +
                        • project_id (str) – Unique string identifier associated with the project.

                        • feature_group_ids (List) – List of feature group IDs specifying input data.

                        • training_config (TrainingConfig) – The training config to be used for model training.

                        @@ -28408,7 +31165,7 @@

                        Package Contents

                        List of applicable builtin algorithms.

                        Return type:
                        -

                        list[Algorithm]

                        +

                        list[Algorithm]

                        @@ -28420,10 +31177,10 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – A name for the loss, unique per organization. Must be 50 characters or fewer, and can contain only underscores, numbers, and uppercase alphabets.

                        • -
                        • loss_function_type (str) – The category of problems that this loss would be applicable to, e.g. REGRESSION_DL_TF, CLASSIFICATION_DL_TF, etc.

                        • -
                        • loss_function_name (str) – The name of the function whose full source code is passed in loss_function_source_code.

                        • -
                        • loss_function_source_code (str) – Python source code string of the function.

                        • +
                        • name (str) – A name for the loss, unique per organization. Must be 50 characters or fewer, and can contain only underscores, numbers, and uppercase alphabets.

                        • +
                        • loss_function_type (str) – The category of problems that this loss would be applicable to, e.g. REGRESSION_DL_TF, CLASSIFICATION_DL_TF, etc.

                        • +
                        • loss_function_name (str) – The name of the function whose full source code is passed in loss_function_source_code.

                        • +
                        • loss_function_source_code (str) – Python source code string of the function.

                        Returns:
                        @@ -28442,9 +31199,9 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the registered custom loss.

                        • -
                        • loss_function_name (str) – Name of the function whose full source code is passed in loss_function_source_code.

                        • -
                        • loss_function_source_code (str) – Python source code string of the function.

                        • +
                        • name (str) – Name of the registered custom loss.

                        • +
                        • loss_function_name (str) – Name of the function whose full source code is passed in loss_function_source_code.

                        • +
                        • loss_function_source_code (str) – Python source code string of the function.

                        Returns:
                        @@ -28462,7 +31219,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name of the custom loss function to be deleted.

                        +

                        name (str) – The name of the custom loss function to be deleted.

                        @@ -28474,10 +31231,10 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – A unique name for the metric, with a limit of 50 characters. Only underscores, numbers, and uppercase alphabets are allowed.

                        • -
                        • problem_type (str) – The problem type that this metric would be applicable to, e.g. REGRESSION, FORECASTING, etc.

                        • -
                        • custom_metric_function_name (str) – The name of the function whose full source code is passed in source_code.

                        • -
                        • source_code (str) – The full source code of the custom metric function. This is required if custom_metric_function_name is passed.

                        • +
                        • name (str) – A unique name for the metric, with a limit of 50 characters. Only underscores, numbers, and uppercase alphabets are allowed.

                        • +
                        • problem_type (str) – The problem type that this metric would be applicable to, e.g. REGRESSION, FORECASTING, etc.

                        • +
                        • custom_metric_function_name (str) – The name of the function whose full source code is passed in source_code.

                        • +
                        • source_code (str) – The full source code of the custom metric function. This is required if custom_metric_function_name is passed.

                        Returns:
                        @@ -28496,9 +31253,9 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the registered custom metric.

                        • -
                        • custom_metric_function_name (str) – Name of the function whose full source code is passed in source_code.

                        • -
                        • source_code (str) – Python source code string of the function.

                        • +
                        • name (str) – Name of the registered custom metric.

                        • +
                        • custom_metric_function_name (str) – Name of the function whose full source code is passed in source_code.

                        • +
                        • source_code (str) – Python source code string of the function.

                        Returns:
                        @@ -28516,7 +31273,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name of the custom metric to be deleted.

                        +

                        name (str) – The name of the custom metric to be deleted.

                        @@ -28528,8 +31285,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name to identify the module, only lower case letters and underscore allowed.

                        • -
                        • source_code (str) – Contents of a valid python source code file.

                        • +
                        • name (str) – The name to identify the module, only lower case letters and underscore allowed.

                        • +
                        • source_code (str) – Contents of a valid python source code file.

                        Returns:
                        @@ -28547,7 +31304,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name of the custom module to delete.

                        +

                        name (str) – The name of the custom module to delete.

                        @@ -28559,8 +31316,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name to identify the module.

                        • -
                        • source_code (str) – Contents of a valid python source code file.

                        • +
                        • name (str) – The name to identify the module.

                        • +
                        • source_code (str) – Contents of a valid python source code file.

                        Returns:
                        @@ -28574,13 +31331,15 @@

                        Package Contents
                        -create_organization_secret(secret_key, value)
                        +create_organization_secret(secret_key, value, secret_type=OrganizationSecretType.ORG_SECRET, metadata=None)

                        Creates a secret which can be accessed in functions and notebooks.

                        Parameters:
                          -
                        • secret_key (str) – The secret key.

                        • -
                        • value (str) – The secret value.

                        • +
                        • secret_key (str) – The secret key.

                        • +
                        • value (str) – The secret value.

                        • +
                        • secret_type (OrganizationSecretType) – The type of secret. Use OrganizationSecretType enum values.

                        • +
                        • metadata (dict) – Additional metadata for the secret.

                        Returns:
                        @@ -28598,7 +31357,7 @@

                        Package Contents
                        Parameters:
                        -

                        secret_key (str) – The secret key.

                        +

                        secret_key (str) – The secret key.

                        @@ -28610,8 +31369,8 @@

                        Package Contents
                        Parameters:
                          -
                        • secret_key (str) – The secret key.

                        • -
                        • value (str) – The secret value.

                        • +
                        • secret_key (str) – The secret key.

                        • +
                        • value (str) – The secret value.

                        Returns:
                        @@ -28630,11 +31389,11 @@

                        Package Contents
                        Parameters:
                          -
                        • short_explanation (str) – succinct explanation of the artifact with given ID

                        • -
                        • long_explanation (str) – verbose explanation of the artifact with given ID

                        • -
                        • feature_group_id (str) – A unique string identifier associated with the Feature Group.

                        • -
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • -
                        • model_id (str) – A unique string identifier associated with the Model.

                        • +
                        • short_explanation (str) – succinct explanation of the artifact with given ID

                        • +
                        • long_explanation (str) – verbose explanation of the artifact with given ID

                        • +
                        • feature_group_id (str) – A unique string identifier associated with the Feature Group.

                        • +
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • +
                        • model_id (str) – A unique string identifier associated with the Model.

                        @@ -28647,8 +31406,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique project identifier this chat session belongs to

                        • -
                        • name (str) – The name of the chat session. Defaults to the project name.

                        • +
                        • project_id (str) – The unique project identifier this chat session belongs to

                        • +
                        • name (str) – The name of the chat session. Defaults to the project name.

                        Returns:
                        @@ -28667,8 +31426,8 @@

                        Package Contents
                        Parameters:
                          -
                        • chat_session_id (str) – Unique ID of the chat session.

                        • -
                        • message_index (int) – The index of the chat message within the UI.

                        • +
                        • chat_session_id (str) – Unique ID of the chat session.

                        • +
                        • message_index (int) – The index of the chat message within the UI.

                        @@ -28680,7 +31439,7 @@

                        Package Contents
                        Parameters:
                        -

                        chat_session_id (str) – Unique ID of the chat session.

                        +

                        chat_session_id (str) – Unique ID of the chat session.

                        @@ -28692,8 +31451,8 @@

                        Package Contents
                        Parameters:
                          -
                        • chat_session_id (str) – Unique ID of the chat session.

                        • -
                        • name (str) – The new name of the chat session.

                        • +
                        • chat_session_id (str) – Unique ID of the chat session.

                        • +
                        • name (str) – The new name of the chat session.

                        @@ -28706,17 +31465,17 @@

                        Package Contents
                        Parameters:
                          -
                        • query (str) – The natural language query to find Abacus APIs for

                        • -
                        • verbosity (int) – The verbosity level of the suggested Abacus APIs. Ranges from 0 to 2, with 0 being the least verbose and 2 being the most verbose.

                        • -
                        • limit (int) – The maximum number of APIs to return

                        • -
                        • include_scores (bool) – Whether to include the relevance scores of the suggested APIs

                        • +
                        • query (str) – The natural language query to find Abacus APIs for

                        • +
                        • verbosity (int) – The verbosity level of the suggested Abacus APIs. Ranges from 0 to 2, with 0 being the least verbose and 2 being the most verbose.

                        • +
                        • limit (int) – The maximum number of APIs to return

                        • +
                        • include_scores (bool) – Whether to include the relevance scores of the suggested APIs

                        Returns:

                        A list of suggested Abacus APIs

                        Return type:
                        -

                        list[AbacusApi]

                        +

                        list[AbacusApi]

                        @@ -28728,9 +31487,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The deployment this conversation belongs to.

                        • -
                        • name (str) – The name of the conversation.

                        • -
                        • external_application_id (str) – The external application id associated with the deployment conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to.

                        • +
                        • name (str) – The name of the conversation.

                        • +
                        • external_application_id (str) – The external application id associated with the deployment conversation.

                        Returns:
                        @@ -28749,8 +31508,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        @@ -28763,10 +31522,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • -
                        • external_session_id (str) – The external session id associated with the deployment conversation.

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • -
                        • user_message_indices (list) – Optional list of user message indices to clear. The associated bot response will also be cleared. If not provided, all messages will be cleared.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • +
                        • external_session_id (str) – The external session id associated with the deployment conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • user_message_indices (list) – Optional list of user message indices to clear. The associated bot response will also be cleared. If not provided, all messages will be cleared.

                        @@ -28779,13 +31538,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • -
                        • message_index (int) – The index of the deployment conversation message

                        • -
                        • is_useful (bool) – If the message is useful. If true, the message is useful. If false, clear the useful flag.

                        • -
                        • is_not_useful (bool) – If the message is not useful. If true, the message is not useful. If set to false, clear the useful flag.

                        • -
                        • feedback (str) – Optional feedback on why the message is useful or not useful

                        • -
                        • feedback_type (str) – Optional feedback type

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • +
                        • message_index (int) – The index of the deployment conversation message

                        • +
                        • is_useful (bool) – If the message is useful. If true, the message is useful. If false, clear the useful flag.

                        • +
                        • is_not_useful (bool) – If the message is not useful. If true, the message is not useful. If set to false, clear the useful flag.

                        • +
                        • feedback (str) – Optional feedback on why the message is useful or not useful

                        • +
                        • feedback_type (str) – Optional feedback type

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        @@ -28798,9 +31557,56 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • -
                        • name (str) – The new name of the conversation.

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • +
                        • name (str) – The new name of the conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        +
                        + + + +
                        +
                        +add_user_group_object_permission(object_id, user_group_id, object_type, permission='ALL')
                        +

                        Add user group object permission for any object type.

                        +
                        +
                        Parameters:
                        +
                          +
                        • object_id (str) – The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.)

                        • +
                        • user_group_id (str) – The ID of the user group

                        • +
                        • object_type (str) – The type of object (‘dataset’, ‘project’, ‘external_connection’, ‘feature_group’)

                        • +
                        • permission (str) – The permission to grant (default: ‘ALL’)

                        • +
                        +
                        +
                        +
                        + +
                        +
                        +update_user_group_object_permission(object_id, user_group_id, object_type, permission='ALL')
                        +

                        Update user group object permission for any object type.

                        +
                        +
                        Parameters:
                        +
                          +
                        • object_id (str) – The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.)

                        • +
                        • user_group_id (str) – The ID of the user group

                        • +
                        • object_type (str) – The type of object (‘dataset’, ‘project’, ‘external_connection’, ‘feature_group’)

                        • +
                        • permission (str) – The permission to grant (default: ‘ALL’)

                        • +
                        +
                        +
                        +
                        + +
                        +
                        +remove_user_group_object_permission(object_id, user_group_id, object_type)
                        +

                        Remove user group object permission for any object type.

                        +
                        +
                        Parameters:
                        +
                          +
                        • object_id (str) – The ID of the object (dataset_id, project_id, external_connection_id, feature_group_id, etc.)

                        • +
                        • user_group_id (str) – The ID of the user group

                        • +
                        • object_type (str) – The type of object (‘dataset’, ‘project’, ‘external_connection’, ‘feature_group’)

                        @@ -28812,7 +31618,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name of the App User Group.

                        +

                        name (str) – The name of the App User Group.

                        Returns:

                        The App User Group.

                        @@ -28829,7 +31635,7 @@

                        Package Contents
                        Parameters:
                        -

                        user_group_id (str) – The ID of the App User Group.

                        +

                        user_group_id (str) – The ID of the App User Group.

                        @@ -28842,7 +31648,7 @@

                        Package Contents
                        Parameters:
                          -
                        • user_group_id (str) – The ID of the App User Group to invite the user to.

                        • +
                        • user_group_id (str) – The ID of the App User Group to invite the user to.

                        • emails (List) – The email addresses to invite to your user group.

                        @@ -28862,8 +31668,8 @@

                        Package Contents
                        Parameters:
                          -
                        • user_group_id (str) – The ID of the App User Group.

                        • -
                        • user_emails (list) – The emails of the users to add to the App User Group.

                        • +
                        • user_group_id (str) – The ID of the App User Group.

                        • +
                        • user_emails (list) – The emails of the users to add to the App User Group.

                        @@ -28876,8 +31682,8 @@

                        Package Contents
                        Parameters:
                          -
                        • user_group_id (str) – The ID of the App User Group.

                        • -
                        • user_emails (list) – The emails of the users to remove from the App User Group.

                        • +
                        • user_group_id (str) – The ID of the App User Group.

                        • +
                        • user_emails (list) – The emails of the users to remove from the App User Group.

                        @@ -28889,7 +31695,7 @@

                        Package Contents
                        Parameters:
                        -

                        user_group_id (str) – The ID of the App User Group.

                        +

                        user_group_id (str) – The ID of the App User Group.

                        @@ -28900,7 +31706,7 @@

                        Package Contents
                        Parameters:
                        -

                        user_group_id (str) – The ID of the App User Group.

                        +

                        user_group_id (str) – The ID of the App User Group.

                        @@ -28912,8 +31718,8 @@

                        Package Contents
                        Parameters:
                          -
                        • user_group_id (str) – The ID of the App User Group.

                        • -
                        • external_application_id (str) – The ID of the External Application.

                        • +
                        • user_group_id (str) – The ID of the App User Group.

                        • +
                        • external_application_id (str) – The ID of the External Application.

                        @@ -28926,13 +31732,35 @@

                        Package Contents
                        Parameters:
                          -
                        • user_group_id (str) – The ID of the App User Group.

                        • -
                        • external_application_id (str) – The ID of the External Application.

                        • +
                        • user_group_id (str) – The ID of the App User Group.

                        • +
                        • external_application_id (str) – The ID of the External Application.

                        +
                        +
                        +add_developers_to_external_application(external_application_id)
                        +

                        Adds a permission for the platform App User Group to access an External Application.

                        +
                        +
                        Parameters:
                        +

                        external_application_id (str) – The ID of the External Application.

                        +
                        +
                        +
                        + +
                        +
                        +remove_developers_from_external_application(external_application_id)
                        +

                        Removes a permission for the platform App User Group to access an External Application.

                        +
                        +
                        Parameters:
                        +

                        external_application_id (str) – The ID of the External Application.

                        +
                        +
                        +
                        +
                        create_external_application(deployment_id, name=None, description=None, logo=None, theme=None)
                        @@ -28940,11 +31768,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The ID of the deployment to use.

                        • -
                        • name (str) – The name of the External Application. If not provided, the name of the deployment will be used.

                        • -
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application. If not provided, the description of the deployment will be used.

                        • -
                        • logo (str) – The logo to be displayed.

                        • -
                        • theme (dict) – The visual theme of the External Application.

                        • +
                        • deployment_id (str) – The ID of the deployment to use.

                        • +
                        • name (str) – The name of the External Application. If not provided, the name of the deployment will be used.

                        • +
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application. If not provided, the description of the deployment will be used.

                        • +
                        • logo (str) – The logo to be displayed.

                        • +
                        • theme (dict) – The visual theme of the External Application.

                        Returns:
                        @@ -28963,13 +31791,13 @@

                        Package Contents
                        Parameters:
                          -
                        • external_application_id (str) – The ID of the External Application.

                        • -
                        • name (str) – The name of the External Application.

                        • -
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application.

                        • -
                        • theme (dict) – The visual theme of the External Application.

                        • -
                        • deployment_id (str) – The ID of the deployment to use.

                        • -
                        • deployment_conversation_retention_hours (int) – The number of hours to retain the conversations for.

                        • -
                        • reset_retention_policy (bool) – If true, the retention policy will be removed.

                        • +
                        • external_application_id (str) – The ID of the External Application.

                        • +
                        • name (str) – The name of the External Application.

                        • +
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application.

                        • +
                        • theme (dict) – The visual theme of the External Application.

                        • +
                        • deployment_id (str) – The ID of the deployment to use.

                        • +
                        • deployment_conversation_retention_hours (int) – The number of hours to retain the conversations for.

                        • +
                        • reset_retention_policy (bool) – If true, the retention policy will be removed.

                        Returns:
                        @@ -28987,7 +31815,7 @@

                        Package Contents
                        Parameters:
                        -

                        external_application_id (str) – The ID of the External Application.

                        +

                        external_application_id (str) – The ID of the External Application.

                        @@ -28999,24 +31827,24 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • name (str) – The name you want your agent to have, defaults to “<Project Name> Agent”.

                        • -
                        • memory (int) – Overrides the default memory allocation (in GB) for the agent.

                        • -
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • -
                        • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • name (str) – The name you want your agent to have, defaults to “<Project Name> Agent”.

                        • +
                        • memory (int) – Overrides the default memory allocation (in GB) for the agent.

                        • +
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • +
                        • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

                        • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • included_modules (List) – A list of user created custom modules to include in the agent’s environment.

                        • org_level_connectors (List) – A list of org level connector ids to be used by the agent.

                        • user_level_connectors (Dict) – A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific user level application connector, while the value is a list of scopes that define the permissions granted to the application.

                        • -
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • -
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • -
                        • function_source_code (str)

                        • -
                        • agent_function_name (str)

                        • -
                        • enable_binary_input (bool)

                        • -
                        • agent_input_schema (dict)

                        • -
                        • agent_output_schema (dict)

                        • +
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • +
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • +
                        • function_source_code (str)

                        • +
                        • agent_function_name (str)

                        • +
                        • enable_binary_input (bool)

                        • +
                        • agent_input_schema (dict)

                        • +
                        • agent_output_schema (dict)

                        Returns:
                        @@ -29035,22 +31863,22 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – The unique ID associated with the AI Agent to be changed.

                        • -
                        • memory (int) – Memory (in GB) for the agent.

                        • -
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • +
                        • model_id (str) – The unique ID associated with the AI Agent to be changed.

                        • +
                        • memory (int) – Memory (in GB) for the agent.

                        • +
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • included_modules (List) – A list of user created custom modules to include in the agent’s environment.

                        • org_level_connectors (List) – A list of org level connector ids to be used by the agent.

                        • user_level_connectors (Dict) – A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific user level application connector, while the value is a list of scopes that define the permissions granted to the application.

                        • -
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • -
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • -
                        • function_source_code (str)

                        • -
                        • agent_function_name (str)

                        • -
                        • enable_binary_input (bool)

                        • -
                        • agent_input_schema (dict)

                        • -
                        • agent_output_schema (dict)

                        • +
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • +
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • +
                        • function_source_code (str)

                        • +
                        • agent_function_name (str)

                        • +
                        • enable_binary_input (bool)

                        • +
                        • agent_input_schema (dict)

                        • +
                        • agent_output_schema (dict)

                        Returns:
                        @@ -29069,13 +31897,13 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • prompt (str) – A natural language prompt which describes agent specification. Describe what the agent will do, what inputs it will expect, and what outputs it will give out

                        • -
                        • fast_mode (bool) – If True, runs a faster but slightly less accurate code generation pipeline

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • prompt (str) – A natural language prompt which describes agent specification. Describe what the agent will do, what inputs it will expect, and what outputs it will give out

                        • +
                        • fast_mode (bool) – If True, runs a faster but slightly less accurate code generation pipeline

                        Return type:
                        -

                        list

                        +

                        list

                        @@ -29087,16 +31915,16 @@

                        Package Contents
                        Parameters:
                          -
                        • prompt (str) – Prompt to use for generation.

                        • -
                        • system_message (str) – System prompt for models that support it.

                        • +
                        • prompt (str) – Prompt to use for generation.

                        • +
                        • system_message (str) – System prompt for models that support it.

                        • llm_name (LLMName) – Name of the underlying LLM to be used for generation. Default is auto selection.

                        • -
                        • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

                        • -
                        • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

                        • -
                        • messages (list) – A list of messages to use as conversation history. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text. attachments (list): The files attached to the message represented as a list of dictionaries [{“doc_id”: <doc_id1>}, {“doc_id”: <doc_id2>}]

                        • -
                        • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

                        • -
                        • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter. description (str) (required): Description of the parameter. is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema = {‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}}

                        • +
                        • max_tokens (int) – Maximum number of tokens to generate. If set, the model will just stop generating after this token limit is reached.

                        • +
                        • temperature (float) – Temperature to use for generation. Higher temperature makes more non-deterministic responses, a value of zero makes mostly deterministic reponses. Default is 0.0. A range of 0.0 - 2.0 is allowed.

                        • +
                        • messages (list) – A list of messages to use as conversation history. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text. attachments (list): The files attached to the message represented as a list of dictionaries [{“doc_id”: <doc_id1>}, {“doc_id”: <doc_id2>}]

                        • +
                        • response_type (str) – Specifies the type of response to request from the LLM. One of ‘text’ and ‘json’. If set to ‘json’, the LLM will respond with a json formatted string whose schema can be specified json_response_schema. Defaults to ‘text’

                        • +
                        • json_response_schema (dict) – A dictionary specifying the keys/schema/parameters which LLM should adhere to in its response when response_type is ‘json’. Each parameter is mapped to a dict with the following info - type (str) (required): Data type of the parameter. description (str) (required): Description of the parameter. is_required (bool) (optional): Whether the parameter is required or not. Example: json_response_schema = {‘title’: {‘type’: ‘string’, ‘description’: ‘Article title’, ‘is_required’: true}, ‘body’: {‘type’: ‘string’, ‘description’: ‘Article body’}}

                        • stop_sequences (List) – Specifies the strings on which the LLM will stop generation.

                        • -
                        • top_p (float) – The nucleus sampling value used for this run. If set, the model will sample from the smallest set of tokens whose cumulative probability exceeds the probability top_p. Default is 1.0. A range of 0.0 - 1.0 is allowed. It is generally recommended to use either temperature sampling or nucleus sampling, but not both.

                        • +
                        • top_p (float) – The nucleus sampling value used for this run. If set, the model will sample from the smallest set of tokens whose cumulative probability exceeds the probability top_p. Default is 1.0. A range of 0.0 - 1.0 is allowed. It is generally recommended to use either temperature sampling or nucleus sampling, but not both.

                        Returns:
                        @@ -29116,15 +31944,15 @@

                        Package ContentsParameters:
                        Returns:

                        LLM input object comprising of information about the feature groups with given IDs.

                        Return type:
                        -

                        list[LlmInput]

                        +

                        list[LlmInput]

                        @@ -29136,13 +31964,13 @@

                        Package Contents
                        Parameters:
                          -
                        • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

                        • +
                        • query (str) – The natural language query to execute. The query is converted to a SQL query using the language model.

                        • feature_group_ids (List) – A list of feature group IDs that the query should be executed against.

                        • external_database_schemas (List) – A list of schmeas from external database that the query should be executed against.

                        • -
                        • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

                        • +
                        • prompt_context (str) – The context message used to construct the prompt for the language model. If not provide, a default context message is used.

                        • llm_name (LLMName) – The name of the language model to use. If not provided, the default language model is used.

                        • -
                        • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

                        • -
                        • sql_dialect (str) – The dialect of sql to generate sql for. The default is Spark.

                        • +
                        • temperature (float) – The temperature to use for the language model if supported. If not provided, the default temperature is used.

                        • +
                        • sql_dialect (str) – The dialect of sql to generate sql for. The default is Spark.

                        Returns:
                        @@ -29162,8 +31990,8 @@

                        Package ContentsParameters:
                        @@ -29189,11 +32017,11 @@

                        Package Contents
                        Returns:
                        @@ -29212,8 +32040,8 @@

                        Package Contents
                        Parameters:
                          -
                        • url (str) – The url of the web page to scrape.

                        • -
                        • convert_to_markdown (bool) – Whether content should be converted to markdown.

                        • +
                        • url (str) – The url of the web page to scrape.

                        • +
                        • convert_to_markdown (bool) – Whether content should be converted to markdown.

                        Returns:
                        @@ -29232,9 +32060,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_conversation_id (str) – Unique ID of the conversation. One of deployment_conversation_id or external_session_id must be provided.

                        • -
                        • external_session_id (str) – External session ID of the conversation.

                        • -
                        • include_document_contents (bool) – If true, include contents from uploaded documents in the generated messages.

                        • +
                        • deployment_conversation_id (str) – Unique ID of the conversation. One of deployment_conversation_id or external_session_id must be provided.

                        • +
                        • external_session_id (str) – External session ID of the conversation.

                        • +
                        • include_document_contents (bool) – If true, include contents from uploaded documents in the generated messages.

                        Returns:
                        @@ -29255,11 +32083,11 @@

                        Package Contents
                        • workflow_graph (WorkflowGraph) – The workflow graph to validate.

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • -
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -29273,11 +32101,11 @@

                        Package Contents
                        • workflow_graph (WorkflowGraph) – The workflow graph to validate.

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • -
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -29289,8 +32117,8 @@

                        Package Contents
                        Parameters:
                          -
                        • llm_app_name (str) – The name of the LLM App to use for generation.

                        • -
                        • prompt (str) – The prompt to use for generation.

                        • +
                        • llm_app_name (str) – The name of the LLM App to use for generation.

                        • +
                        • prompt (str) – The prompt to use for generation.

                        Returns:
                        @@ -29310,9 +32138,9 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The ID of project that the Document Retriever is created in.

                        • -
                        • name (str) – The name of the Document Retriever. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • feature_group_id (str) – The ID of the feature group that the Document Retriever is associated with.

                        • +
                        • project_id (str) – The ID of project that the Document Retriever is created in.

                        • +
                        • name (str) – The name of the Document Retriever. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • feature_group_id (str) – The ID of the feature group that the Document Retriever is associated with.

                        • document_retriever_config (VectorStoreConfig) – The configuration, including chunk_size and chunk_overlap_fraction, for document retrieval.

                        @@ -29332,8 +32160,8 @@

                        Package Contents
                        Parameters:
                          -
                        • document_retriever_id (str) – The unique ID associated with the document retriever.

                        • -
                        • name (str) – The name to update the document retriever with.

                        • +
                        • document_retriever_id (str) – The unique ID associated with the document retriever.

                        • +
                        • name (str) – The name to update the document retriever with.

                        Returns:
                        @@ -29352,8 +32180,8 @@

                        Package Contents
                        Parameters:
                          -
                        • document_retriever_id (str) – The unique ID associated with the document retriever to create version with.

                        • -
                        • feature_group_id (str) – The ID of the feature group to update the document retriever with.

                        • +
                        • document_retriever_id (str) – The unique ID associated with the document retriever to create version with.

                        • +
                        • feature_group_id (str) – The ID of the feature group to update the document retriever with.

                        • document_retriever_config (VectorStoreConfig) – The configuration, including chunk_size and chunk_overlap_fraction, for document retrieval.

                        @@ -29372,7 +32200,7 @@

                        Package Contents
                        Parameters:
                        -

                        vector_store_id (str) – A unique string identifier associated with the document retriever.

                        +

                        vector_store_id (str) – A unique string identifier associated with the document retriever.

                        @@ -29383,7 +32211,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        +

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        @@ -29395,10 +32223,10 @@

                        Package Contents
                        Parameters:
                          -
                        • document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        • -
                        • document_id (str) – The ID of the document to retrieve the snippet from.

                        • -
                        • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

                        • -
                        • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

                        • +
                        • document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        • +
                        • document_id (str) – The ID of the document to retrieve the snippet from.

                        • +
                        • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

                        • +
                        • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

                        Returns:
                        @@ -29417,7 +32245,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        +

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        @@ -29432,25 +32260,47 @@

                        Package ContentsParameters:
                        • doc_ids (List) – A list of document store IDs to retrieve the snippets from.

                        • -
                        • blobs (io.TextIOBase) – A dictionary mapping document names to the blob data.

                        • -
                        • query (str) – Query string to find relevant snippets in the documents.

                        • +
                        • blobs (io.TextIOBase) – A dictionary mapping document names to the blob data.

                        • +
                        • query (str) – Query string to find relevant snippets in the documents.

                        • document_retriever_config (VectorStoreConfig) – If provided, used to configure the retrieval steps like chunking for embeddings.

                        • -
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned snippets.

                        • -
                        • max_words_per_snippet (int) – If provided, will limit the number of words in each snippet to the value specified.

                        • -
                        • max_snippets_per_document (int) – If provided, will limit the number of snippets retrieved from each document to the value specified.

                        • -
                        • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

                        • -
                        • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

                        • -
                        • including_bounding_boxes (bool) – If true, will include the bounding boxes of the snippets if they are available.

                        • -
                        • text (str) – Plain text from which to retrieve snippets.

                        • +
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned snippets.

                        • +
                        • max_words_per_snippet (int) – If provided, will limit the number of words in each snippet to the value specified.

                        • +
                        • max_snippets_per_document (int) – If provided, will limit the number of snippets retrieved from each document to the value specified.

                        • +
                        • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

                        • +
                        • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

                        • +
                        • including_bounding_boxes (bool) – If true, will include the bounding boxes of the snippets if they are available.

                        • +
                        • text (str) – Plain text from which to retrieve snippets.

                        • document_processing_config (DocumentProcessingConfig) – The document processing configuration used to extract text when doc_ids or blobs are provided. If provided, this will override including_bounding_boxes parameter.

                        • -
                        • honor_sentence_boundary (bool)

                        • +
                        • honor_sentence_boundary (bool)

                        Returns:

                        The snippets found from the documents.

                        Return type:
                        -

                        list[DocumentRetrieverLookupResult]

                        +

                        list[DocumentRetrieverLookupResult]

                        +
                        + + + +
                        +
                        +query_mcp_server(task, server_name=None, mcp_server_connection_id=None)
                        +

                        Query a Remote MCP server. For a given task, it runs the required tools of the MCP

                        +

                        server with appropriate arguments and returns the output.

                        +
                        +
                        Parameters:
                        +
                          +
                        • task (str) – a comprehensive description of the task to perform using the MCP server tools.

                        • +
                        • server_name (str) – The name of the MCP server.

                        • +
                        • mcp_server_connection_id (str) – connection id of the MCP server to query.

                        • +
                        +
                        +
                        Returns:
                        +

                        The execution logs as well as the final output of the task execution.

                        +
                        +
                        Return type:
                        +

                        McpServerQueryResult

                        @@ -29460,15 +32310,15 @@

                        Package Contents
                        exception abacusai.ApiException(message, http_status, exception=None, request_id=None)
                        -

                        Bases: Exception

                        +

                        Bases: Exception

                        Default ApiException raised by APIs

                        Parameters:
                          -
                        • message (str) – The error message

                        • -
                        • http_status (int) – The https status code raised by the server

                        • -
                        • exception (str) – The exception class raised by the server

                        • -
                        • request_id (str) – The request id

                        • +
                        • message (str) – The error message

                        • +
                        • http_status (int) – The https status code raised by the server

                        • +
                        • exception (str) – The exception class raised by the server

                        • +
                        • request_id (str) – The request id

                        @@ -29507,8 +32357,8 @@

                        Package Contents
                        Parameters:
                          -
                        • exception_on_404 (bool) – If true, will raise an exception on a 404 from the server, else will return None.

                        • -
                        • server (str) – The default server endpoint to use for API requests

                        • +
                        • exception_on_404 (bool) – If true, will raise an exception on a 404 from the server, else will return None.

                        • +
                        • server (str) – The default server endpoint to use for API requests

                        @@ -29532,24 +32382,27 @@

                        Package Contents
                        Parameters:
                          -
                        • api_key (str) – The api key to use as authentication to the server

                        • -
                        • server (str) – The base server url to use to send API requets to

                        • +
                        • api_key (str) – The api key to use as authentication to the server

                        • +
                        • server (str) – The base server url to use to send API requets to

                        • client_options (ClientOptions) – Optional API client configurations

                        • -
                        • skip_version_check (bool) – If true, will skip checking the server’s current API version on initializing the client

                        • -
                        • include_tb (bool)

                        • +
                        • skip_version_check (bool) – If true, will skip checking the server’s current API version on initializing the client

                        • +
                        • include_tb (bool)

                        -list_api_keys()
                        +list_api_keys(type='default')

                        Lists all of the user’s API keys

                        -
                        Returns:
                        -

                        List of API Keys for the current user’s organization.

                        +
                        Parameters:
                        +

                        type (str) – The type of API keys to list.

                        -
                        Return type:
                        -

                        list[ApiKey]

                        +
                        Returns:
                        +

                        List of API Keys for the current user’s organization.

                        +
                        +
                        Return type:
                        +

                        list[ApiKey]

                        @@ -29563,7 +32416,7 @@

                        Package Contents

                        An array of all the users in the organization.

                        Return type:
                        -

                        list[User]

                        +

                        list[User]

                        @@ -29591,7 +32444,7 @@

                        Package Contents

                        A list of all the organization groups within this organization.

                        Return type:
                        -

                        list[OrganizationGroup]

                        +

                        list[OrganizationGroup]

                        @@ -29602,7 +32455,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – The unique identifier of the organization group to be described.

                        +

                        organization_group_id (str) – The unique identifier of the organization group to be described.

                        Returns:

                        Information about a specific organization group.

                        @@ -29619,7 +32472,7 @@

                        Package Contents
                        Parameters:
                        -

                        webhook_id (str) – Unique string identifier of the target webhook.

                        +

                        webhook_id (str) – Unique string identifier of the target webhook.

                        Returns:

                        The webhook with the given ID.

                        @@ -29636,13 +32489,13 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique identifier of the target deployment.

                        +

                        deployment_id (str) – Unique identifier of the target deployment.

                        Returns:

                        List of the webhooks attached to the given deployment ID.

                        Return type:
                        -

                        list[Webhook]

                        +

                        list[Webhook]

                        @@ -29656,7 +32509,7 @@

                        Package Contents

                        A list of UseCase objects describing all the use cases addressed by the platform. For details, please refer to.

                        Return type:
                        -

                        list[UseCase]

                        +

                        list[UseCase]

                        @@ -29667,13 +32520,13 @@

                        Package Contents
                        Parameters:
                        -

                        problem_type (str) – The problem type to get details on

                        +

                        problem_type (str) – The problem type to get details on

                        Returns:

                        The problem type requirements

                        Return type:
                        -

                        ProblemType

                        +

                        ProblemType

                        @@ -29684,13 +32537,13 @@

                        Package Contents
                        Parameters:
                        -

                        use_case (str) – This contains the Enum String for the use case whose dataset requirements are needed.

                        +

                        use_case (str) – This contains the Enum String for the use case whose dataset requirements are needed.

                        Returns:

                        The feature requirements of the use case are returned, including all the feature groups required for the use case along with their descriptions and feature mapping details.

                        Return type:
                        -

                        list[UseCaseRequirements]

                        +

                        list[UseCaseRequirements]

                        @@ -29701,7 +32554,7 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – A unique string identifier for the project.

                        +

                        project_id (str) – A unique string identifier for the project.

                        Returns:

                        The description of the project.

                        @@ -29719,15 +32572,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The maximum length of the list of projects.

                        • -
                        • start_after_id (str) – The ID of the project after which the list starts.

                        • +
                        • limit (int) – The maximum length of the list of projects.

                        • +
                        • start_after_id (str) – The ID of the project after which the list starts.

                        Returns:

                        A list of all projects in the Organization the user is currently logged in to.

                        Return type:
                        -

                        list[Project]

                        +

                        list[Project]

                        @@ -29739,8 +32592,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier for the feature group.

                        • -
                        • project_id (str) – Unique string identifier for the project.

                        • +
                        • feature_group_id (str) – Unique string identifier for the feature group.

                        • +
                        • project_id (str) – Unique string identifier for the project.

                        Returns:
                        @@ -29759,7 +32612,7 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • feature_group_ids (List) – The list of feature group IDs to validate.

                        @@ -29779,8 +32632,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        Returns:
                        @@ -29799,10 +32652,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        Returns:
                        @@ -29821,9 +32674,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • check_for_materialization (bool) – If True, check if the feature group needs to be materialized before using for annotations.

                        • +
                        • feature_group_id (str) – The ID of the feature group the annotation is on.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • check_for_materialization (bool) – If True, check if the feature group needs to be materialized before using for annotations.

                        Returns:
                        @@ -29842,15 +32695,15 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        Returns:

                        A list of objects for each column in the specified feature group.

                        Return type:
                        -

                        list[Feature]

                        +

                        list[Feature]

                        @@ -29864,7 +32717,7 @@

                        Package Contents

                        List of possible generated aggregation function options.

                        Return type:
                        -

                        list[GeneratedPitFeatureConfigOption]

                        +

                        list[GeneratedPitFeatureConfigOption]

                        @@ -29875,7 +32728,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – A unique string identifier associated with the feature group.

                        +

                        feature_group_id (str) – A unique string identifier associated with the feature group.

                        Returns:

                        The feature group object.

                        @@ -29892,7 +32745,7 @@

                        Package Contents
                        Parameters:
                        -

                        table_name (str) – The unique table name of the Feature Group to look up.

                        +

                        table_name (str) – The unique table name of the Feature Group to look up.

                        Returns:

                        The Feature Group.

                        @@ -29910,17 +32763,17 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The number of feature groups to retrieve.

                        • -
                        • start_after_id (str) – An offset parameter to exclude all feature groups up to a specified ID.

                        • -
                        • feature_group_template_id (str) – If specified, limit the results to feature groups attached to this template ID.

                        • -
                        • is_including_detached_from_template (bool) – When feature_group_template_id is specified, include feature groups that have been detached from that template ID.

                        • +
                        • limit (int) – The number of feature groups to retrieve.

                        • +
                        • start_after_id (str) – An offset parameter to exclude all feature groups up to a specified ID.

                        • +
                        • feature_group_template_id (str) – If specified, limit the results to feature groups attached to this template ID.

                        • +
                        • is_including_detached_from_template (bool) – When feature_group_template_id is specified, include feature groups that have been detached from that template ID.

                        Returns:

                        All the feature groups in the organization associated with the specified project.

                        Return type:
                        -

                        list[FeatureGroup]

                        +

                        list[FeatureGroup]

                        @@ -29932,8 +32785,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        Returns:
                        @@ -29952,17 +32805,17 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • filter_feature_group_use (str) – The feature group use filter, when given as an argument only allows feature groups present in this project to be returned if they are of the given use. Possible values are: ‘USER_CREATED’, ‘BATCH_PREDICTION_OUTPUT’.

                        • -
                        • limit (int) – The maximum number of feature groups to be retrieved.

                        • -
                        • start_after_id (str) – An offset parameter to exclude all feature groups up to a specified ID.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • filter_feature_group_use (str) – The feature group use filter, when given as an argument only allows feature groups present in this project to be returned if they are of the given use. Possible values are: ‘USER_CREATED’, ‘BATCH_PREDICTION_OUTPUT’.

                        • +
                        • limit (int) – The maximum number of feature groups to be retrieved.

                        • +
                        • start_after_id (str) – An offset parameter to exclude all feature groups up to a specified ID.

                        Returns:

                        All the Feature Groups in a project.

                        Return type:
                        -

                        list[ProjectFeatureGroup]

                        +

                        list[ProjectFeatureGroup]

                        @@ -29974,15 +32827,15 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name used to identify the Python function.

                        • -
                        • limit (int) – The maximum number of feature groups to be retrieved.

                        • +
                        • name (str) – The name used to identify the Python function.

                        • +
                        • limit (int) – The maximum number of feature groups to be retrieved.

                        Returns:

                        All the feature groups associated with the specified Python function ID.

                        Return type:
                        -

                        list[FeatureGroup]

                        +

                        list[FeatureGroup]

                        @@ -29993,10 +32846,10 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_operation_run_id (str) – The unique ID associated with the execution.

                        +

                        feature_group_operation_run_id (str) – The unique ID associated with the execution.

                        Return type:
                        -

                        int

                        +

                        int

                        @@ -30008,14 +32861,14 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_operation_run_id (str) – The unique ID associated with the execution.

                        • -
                        • part (int) – The part number of the result

                        • -
                        • offset (int) – The offset in the part

                        • -
                        • chunk_size (int) – The size of the chunk

                        • +
                        • feature_group_operation_run_id (str) – The unique ID associated with the execution.

                        • +
                        • part (int) – The part number of the result

                        • +
                        • offset (int) – The offset in the part

                        • +
                        • chunk_size (int) – The size of the chunk

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -30027,8 +32880,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        Returns:
                        @@ -30046,7 +32899,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_export_id (str) – Unique identifier of the Feature Group Export to get a signed URL for.

                        +

                        feature_group_export_id (str) – Unique identifier of the Feature Group Export to get a signed URL for.

                        Returns:

                        Instance containing the download URL and expiration time for the Feature Group Export.

                        @@ -30063,7 +32916,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_export_id (str) – Unique identifier of the feature group export.

                        +

                        feature_group_export_id (str) – Unique identifier of the feature group export.

                        Returns:

                        The feature group export object.

                        @@ -30080,13 +32933,13 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique identifier of the feature group

                        +

                        feature_group_id (str) – Unique identifier of the feature group

                        Returns:

                        List of feature group exports

                        Return type:
                        -

                        list[FeatureGroupExport]

                        +

                        list[FeatureGroupExport]

                        @@ -30097,10 +32950,10 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_export_id (str) – Unique identifier of the feature group export to get the errors for.

                        +

                        feature_group_export_id (str) – Unique identifier of the feature group export to get the errors for.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -30111,7 +32964,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier of the feature group.

                        +

                        feature_group_id (str) – Unique string identifier of the feature group.

                        Returns:

                        Information about the modification lock status and groups/organizations added to the feature group.

                        @@ -30129,9 +32982,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – Unique string identifier for the feature group instance to export.

                        • -
                        • stdout (bool) – Set to True to get info logs.

                        • -
                        • stderr (bool) – Set to True to get error logs.

                        • +
                        • feature_group_version (str) – Unique string identifier for the feature group instance to export.

                        • +
                        • stdout (bool) – Set to True to get info logs.

                        • +
                        • stderr (bool) – Set to True to get error logs.

                        Returns:
                        @@ -30150,16 +33003,16 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • limit (int) – The maximum length of the returned versions.

                        • -
                        • start_after_version (str) – Results will start after this version.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • limit (int) – The maximum length of the returned versions.

                        • +
                        • start_after_version (str) – Results will start after this version.

                        Returns:

                        A list of feature group versions.

                        Return type:
                        -

                        list[FeatureGroupVersion]

                        +

                        list[FeatureGroupVersion]

                        @@ -30170,7 +33023,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_version (str) – The unique identifier associated with the feature group version.

                        +

                        feature_group_version (str) – The unique identifier associated with the feature group version.

                        Returns:

                        The feature group version.

                        @@ -30188,10 +33041,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – A unique string identifier associated with the feature group version.

                        • +
                        • feature_group_version (str) – A unique string identifier associated with the feature group version.

                        • selected_columns (List) – A list of columns to order first.

                        • -
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • -
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        • +
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • +
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        Returns:
                        @@ -30209,7 +33062,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_version (str) – The unique version ID of the feature group version.

                        +

                        feature_group_version (str) – The unique version ID of the feature group version.

                        Returns:

                        The logs for the specified feature group version.

                        @@ -30226,7 +33079,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_template_id (str) – The unique identifier of a feature group template.

                        +

                        feature_group_template_id (str) – The unique identifier of a feature group template.

                        Returns:

                        The feature group template object.

                        @@ -30244,17 +33097,17 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – Maximum number of templates to be retrieved.

                        • -
                        • start_after_id (str) – Offset parameter to exclude all templates up to the specified feature group template ID.

                        • -
                        • feature_group_id (str) – If specified, limit to templates created from this feature group.

                        • -
                        • should_include_system_templates (bool) – If True, will include built-in templates.

                        • +
                        • limit (int) – Maximum number of templates to be retrieved.

                        • +
                        • start_after_id (str) – Offset parameter to exclude all templates up to the specified feature group template ID.

                        • +
                        • feature_group_id (str) – If specified, limit to templates created from this feature group.

                        • +
                        • should_include_system_templates (bool) – If True, will include built-in templates.

                        Returns:

                        All the feature groups in the organization, optionally limited by the feature group that created the template(s).

                        Return type:
                        -

                        list[FeatureGroupTemplate]

                        +

                        list[FeatureGroupTemplate]

                        @@ -30266,17 +33119,17 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique string identifier to limit to templates associated with this project, e.g. templates associated with feature groups in this project.

                        • -
                        • limit (int) – Maximum number of templates to be retrieved.

                        • -
                        • start_after_id (str) – Offset parameter to exclude all templates till the specified feature group template ID.

                        • -
                        • should_include_all_system_templates (bool) – If True, will include built-in templates.

                        • +
                        • project_id (str) – Unique string identifier to limit to templates associated with this project, e.g. templates associated with feature groups in this project.

                        • +
                        • limit (int) – Maximum number of templates to be retrieved.

                        • +
                        • start_after_id (str) – Offset parameter to exclude all templates till the specified feature group template ID.

                        • +
                        • should_include_all_system_templates (bool) – If True, will include built-in templates.

                        Returns:

                        All the feature groups in the organization, optionally limited by the feature group that created the template(s).

                        Return type:
                        -

                        list[FeatureGroupTemplate]

                        +

                        list[FeatureGroupTemplate]

                        @@ -30287,7 +33140,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique identifier associated with the feature group to use for suggesting values to use in the template.

                        +

                        feature_group_id (str) – Unique identifier associated with the feature group to use for suggesting values to use in the template.

                        Returns:

                        The suggested feature group template.

                        @@ -30304,13 +33157,13 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – Unique string identifier of the dataset schema to look up.

                        +

                        dataset_id (str) – Unique string identifier of the dataset schema to look up.

                        Returns:

                        List of column schema definitions.

                        Return type:
                        -

                        list[DatasetColumn]

                        +

                        list[DatasetColumn]

                        @@ -30322,12 +33175,12 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – Unique String Identifier of the dataset_id.

                        • -
                        • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

                        • -
                        • object_name (str) – If applicable, the name/ID of the object in the service to query.

                        • -
                        • columns (str) – The columns to query from the external service object.

                        • -
                        • query_arguments (str) – Additional query arguments to filter the data.

                        • -
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns and query_arguments.

                        • +
                        • dataset_id (str) – Unique String Identifier of the dataset_id.

                        • +
                        • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

                        • +
                        • object_name (str) – If applicable, the name/ID of the object in the service to query.

                        • +
                        • columns (str) – The columns to query from the external service object.

                        • +
                        • query_arguments (str) – Additional query arguments to filter the data.

                        • +
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns and query_arguments.

                        @@ -30340,10 +33193,10 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_version (str) – A unique string identifier associated with the dataset version.

                        • +
                        • dataset_version (str) – A unique string identifier associated with the dataset version.

                        • selected_columns (List) – A list of columns to order first.

                        • -
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • -
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        • +
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • +
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        Returns:
                        @@ -30362,8 +33215,8 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • -
                        • version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        • +
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • +
                        • version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        Returns:
                        @@ -30382,8 +33235,8 @@

                        Package Contents
                        Parameters:
                          -
                        • bucket (str) – The fully-qualified URI of the storage bucket to verify.

                        • -
                        • write_permission (bool) – If True, instructions will include steps for allowing Abacus.AI to write to this service.

                        • +
                        • bucket (str) – The fully-qualified URI of the storage bucket to verify.

                        • +
                        • write_permission (bool) – If True, instructions will include steps for allowing Abacus.AI to write to this service.

                        Returns:
                        @@ -30404,7 +33257,7 @@

                        Package Contents

                        An object containing the database connector and its attributes.

                        Return type:
                        -

                        list[DatabaseConnector]

                        +

                        list[DatabaseConnector]

                        @@ -30418,7 +33271,7 @@

                        Package Contents

                        A list of cloud storage buckets connected to the organization.

                        Return type:
                        -

                        list[FileConnector]

                        +

                        list[FileConnector]

                        @@ -30430,12 +33283,12 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – Unique string identifier for the database connector.

                        • -
                        • fetch_raw_data (bool) – If true, return unfiltered objects.

                        • +
                        • database_connector_id (str) – Unique string identifier for the database connector.

                        • +
                        • fetch_raw_data (bool) – If true, return unfiltered objects.

                        Return type:
                        -

                        list

                        +

                        list

                        @@ -30447,9 +33300,9 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – Unique string identifier for the database connector.

                        • -
                        • object_name (str) – Unique identifier for the object in the external system.

                        • -
                        • fetch_raw_data (bool) – If true, return unfiltered list of columns.

                        • +
                        • database_connector_id (str) – Unique string identifier for the database connector.

                        • +
                        • object_name (str) – Unique identifier for the object in the external system.

                        • +
                        • fetch_raw_data (bool) – If true, return unfiltered list of columns.

                        Returns:
                        @@ -30468,12 +33321,47 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – A unique string identifier for the database connector.

                        • -
                        • query (str) – The query to be run in the database connector.

                        • +
                        • database_connector_id (str) – A unique string identifier for the database connector.

                        • +
                        • query (str) – The query to be run in the database connector.

                        • +
                        +
                        +
                        Return type:
                        +

                        list

                        +
                        + + + +
                        +
                        +query_database_connector_datallm(database_connector_id, query)
                        +

                        Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM

                        +

                        and enforces read-only access with user-specific access control.

                        +
                        +
                        Parameters:
                        +
                          +
                        • database_connector_id (str) – A unique string identifier for the database connector.

                        • +
                        • query (str) – The query to be run in the database connector (must be read-only).

                        Return type:
                        -

                        list

                        +

                        list

                        +
                        +
                        +
                        + +
                        +
                        +get_database_connector_auth(database_connector_id)
                        +

                        Get the authentication details for a given database connector.

                        +
                        +
                        Parameters:
                        +

                        database_connector_id (str) – The unique ID associated with the database connector.

                        +
                        +
                        Returns:
                        +

                        The database connector with the authentication details.

                        +
                        +
                        Return type:
                        +

                        DatabaseConnector

                        @@ -30487,7 +33375,7 @@

                        Package Contents

                        A list of application connectors.

                        Return type:
                        -

                        list[ApplicationConnector]

                        +

                        list[ApplicationConnector]

                        @@ -30498,30 +33386,70 @@

                        Package Contents
                        Parameters:
                        -

                        application_connector_id (str) – Unique string identifier for the application connector.

                        +

                        application_connector_id (str) – Unique string identifier for the application connector.

                        Return type:
                        -

                        list

                        +

                        list

                        -get_connector_auth(service=None, application_connector_id=None, scopes=None)
                        +get_connector_auth(service=None, application_connector_id=None, scopes=None, generic_oauth_service=None)

                        Get the authentication details for a given connector. For user level connectors, the service is required. For org level connectors, the application_connector_id is required.

                        Parameters:
                        • service (ApplicationConnectorType) – The service name.

                        • -
                        • application_connector_id (str) – The unique ID associated with the connector.

                        • +
                        • application_connector_id (str) – The unique ID associated with the connector.

                        • scopes (List) – The scopes to request for the connector.

                        • +
                        • generic_oauth_service (str) – For GENERIC_OAUTH service, specify the OAuth provider (e.g., ‘spotify’).

                        Returns:

                        The application connector with the authentication details.

                        Return type:
                        +

                        UnifiedConnector

                        +
                        +
                        +
                        + +
                        +
                        +get_user_connector_auth(service, scopes=None, generic_oauth_service=None, config_connector=None)
                        +

                        Get the authentication details for a given user level connector.

                        +
                        +
                        Parameters:
                        +
                          +
                        • service (ApplicationConnectorType) – The service name.

                        • +
                        • scopes (List) – The scopes to request for the connector.

                        • +
                        • generic_oauth_service (str) – For GENERIC_OAUTH service, specify the OAuth provider (e.g., ‘spotify’).

                        • +
                        • config_connector (str) – The config connector id.

                        • +
                        +
                        +
                        Returns:
                        +

                        The application connector with the authentication details.

                        +
                        +
                        Return type:
                        +

                        UnifiedConnector

                        +
                        +
                        +
                        + +
                        +
                        +get_user_mcp_connector_auth(mcp_server_name=None)
                        +

                        Get the auth for a MCP connector

                        +
                        +
                        Parameters:
                        +

                        mcp_server_name (str) – The name of the MCP server

                        +
                        +
                        Returns:
                        +

                        The MCP connector

                        +
                        +
                        Return type:

                        ApplicationConnector

                        @@ -30536,7 +33464,7 @@

                        Package Contents

                        A list of StreamingConnector objects.

                        Return type:
                        -

                        list[StreamingConnector]

                        +

                        list[StreamingConnector]

                        @@ -30550,7 +33478,7 @@

                        Package Contents

                        A list of streaming tokens and their associated attributes.

                        Return type:
                        -

                        list[StreamingAuthToken]

                        +

                        list[StreamingAuthToken]

                        @@ -30561,7 +33489,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        +

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        @@ -30575,7 +33503,7 @@

                        Package Contents

                        A list of ongoing uploads in the organization.

                        Return type:
                        -

                        list[Upload]

                        +

                        list[Upload]

                        @@ -30586,7 +33514,7 @@

                        Package Contents
                        Parameters:
                        -

                        upload_id (str) – The unique ID associated with the file uploaded or being uploaded in parts.

                        +

                        upload_id (str) – The unique ID associated with the file uploaded or being uploaded in parts.

                        Returns:

                        Details associated with the large dataset file uploaded in parts.

                        @@ -30604,16 +33532,16 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – Maximum length of the list of datasets.

                        • -
                        • start_after_id (str) – ID of the dataset after which the list starts.

                        • -
                        • exclude_streaming (bool) – Exclude streaming datasets from the result.

                        • +
                        • limit (int) – Maximum length of the list of datasets.

                        • +
                        • start_after_id (str) – ID of the dataset after which the list starts.

                        • +
                        • exclude_streaming (bool) – Exclude streaming datasets from the result.

                        Returns:

                        List of datasets.

                        Return type:
                        -

                        list[Dataset]

                        +

                        list[Dataset]

                        @@ -30624,7 +33552,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – The unique ID associated with the dataset.

                        +

                        dataset_id (str) – The unique ID associated with the dataset.

                        Returns:

                        The dataset.

                        @@ -30641,7 +33569,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_version (str) – Unique string identifier associated with the dataset version.

                        +

                        dataset_version (str) – Unique string identifier associated with the dataset version.

                        Returns:

                        The dataset version.

                        @@ -30659,16 +33587,16 @@

                        Package Contents
                        Parameters:
                          -
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • -
                        • limit (int) – The maximum length of the list of all dataset versions.

                        • -
                        • start_after_version (str) – The ID of the version after which the list starts.

                        • +
                        • dataset_id (str) – The unique ID associated with the dataset.

                        • +
                        • limit (int) – The maximum length of the list of all dataset versions.

                        • +
                        • start_after_version (str) – The ID of the version after which the list starts.

                        Returns:

                        A list of dataset versions.

                        Return type:
                        -

                        list[DatasetVersion]

                        +

                        list[DatasetVersion]

                        @@ -30679,7 +33607,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_version (str) – The unique version ID of the dataset version.

                        +

                        dataset_version (str) – The unique version ID of the dataset version.

                        Returns:

                        The logs for the specified dataset version.

                        @@ -30696,10 +33624,10 @@

                        Package Contents
                        Parameters:
                        -

                        doc_id (str) – Unique Docstore string identifier for the document.

                        +

                        doc_id (str) – Unique Docstore string identifier for the document.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -30711,13 +33639,13 @@

                        Package Contents
                        Parameters:
                          -
                        • doc_id (str) – A unique Docstore string identifier for the image.

                        • -
                        • max_width (int) – Rescales the returned image so the width is less than or equal to the given maximum width, while preserving the aspect ratio.

                        • -
                        • max_height (int) – Rescales the returned image so the height is less than or equal to the given maximum height, while preserving the aspect ratio.

                        • +
                        • doc_id (str) – A unique Docstore string identifier for the image.

                        • +
                        • max_width (int) – Rescales the returned image so the width is less than or equal to the given maximum width, while preserving the aspect ratio.

                        • +
                        • max_height (int) – Rescales the returned image so the height is less than or equal to the given maximum height, while preserving the aspect ratio.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -30728,7 +33656,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – The unique ID of the model. By default, the latest model version will be returned if no version is specified.

                        +

                        model_id (str) – The unique ID of the model. By default, the latest model version will be returned if no version is specified.

                        Returns:

                        The feature group containing the training data and fold information.

                        @@ -30745,7 +33673,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – The unique version ID of the model version.

                        +

                        model_version (str) – The unique version ID of the model version.

                        Returns:

                        The feature group version containing the training data and folds information.

                        @@ -30762,13 +33690,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier associated with the project.

                        +

                        project_id (str) – Unique string identifier associated with the project.

                        Returns:

                        A list of models.

                        Return type:
                        -

                        list[Model]

                        +

                        list[Model]

                        @@ -30779,7 +33707,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – Unique string identifier associated with the model.

                        +

                        model_id (str) – Unique string identifier associated with the model.

                        Returns:

                        Description of the model.

                        @@ -30798,10 +33726,10 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – Unique string identifier for the model.

                        • -
                        • model_version (str) – Version of the model.

                        • -
                        • return_graphs (bool) – If true, will return the information used for the graphs on the model metrics page such as PR Curve per label.

                        • -
                        • validation (bool) – If true, will return the validation metrics instead of the test metrics.

                        • +
                        • model_id (str) – Unique string identifier for the model.

                        • +
                        • model_version (str) – Version of the model.

                        • +
                        • return_graphs (bool) – If true, will return the information used for the graphs on the model metrics page such as PR Curve per label.

                        • +
                        • validation (bool) – If true, will return the validation metrics instead of the test metrics.

                        Returns:
                        @@ -30819,13 +33747,13 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – Unique string identifier for the version of the model.

                        +

                        model_version (str) – Unique string identifier for the version of the model.

                        Returns:

                        List of schema for all feature groups used in the model version.

                        Return type:
                        -

                        list[ModelVersionFeatureGroupSchema]

                        +

                        list[ModelVersionFeatureGroupSchema]

                        @@ -30837,16 +33765,16 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – Unique string identifier associated with the model.

                        • -
                        • limit (int) – Maximum length of the list of all dataset versions.

                        • -
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        • +
                        • model_id (str) – Unique string identifier associated with the model.

                        • +
                        • limit (int) – Maximum length of the list of all dataset versions.

                        • +
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        Returns:

                        An array of model versions.

                        Return type:
                        -

                        list[ModelVersion]

                        +

                        list[ModelVersion]

                        @@ -30857,7 +33785,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – Unique string identifier of the model version.

                        +

                        model_version (str) – Unique string identifier of the model version.

                        Returns:

                        A model version.

                        @@ -30874,7 +33802,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – Unique string identifier for the model version.

                        +

                        model_version (str) – Unique string identifier for the model version.

                        Returns:

                        Feature importances for the model.

                        @@ -30891,13 +33819,13 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – The unique version ID of the model version.

                        +

                        model_version (str) – The unique version ID of the model version.

                        Returns:

                        A list of logs.

                        Return type:
                        -

                        list[DataPrepLogs]

                        +

                        list[DataPrepLogs]

                        @@ -30909,9 +33837,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – The unique version ID of the model version.

                        • -
                        • stdout (bool) – Set True to get info logs.

                        • -
                        • stderr (bool) – Set True to get error logs.

                        • +
                        • model_version (str) – The unique version ID of the model version.

                        • +
                        • stdout (bool) – Set True to get info logs.

                        • +
                        • stderr (bool) – Set True to get error logs.

                        Returns:
                        @@ -30929,7 +33857,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_artifacts_export_id (str) – A unique string identifier for the export.

                        +

                        model_artifacts_export_id (str) – A unique string identifier for the export.

                        Returns:

                        Object describing the export and its status.

                        @@ -30947,32 +33875,35 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – A unique string identifier for the model.

                        • -
                        • limit (int) – Maximum length of the list of all exports.

                        • +
                        • model_id (str) – A unique string identifier for the model.

                        • +
                        • limit (int) – Maximum length of the list of all exports.

                        Returns:

                        List of model artifacts exports.

                        Return type:
                        -

                        list[ModelArtifactsExport]

                        +

                        list[ModelArtifactsExport]

                        -list_model_monitors(project_id)
                        +list_model_monitors(project_id, limit=None)

                        Retrieves the list of model monitors in the specified project.

                        Parameters:
                        -

                        project_id (str) – Unique string identifier associated with the project.

                        +
                          +
                        • project_id (str) – Unique string identifier associated with the project.

                        • +
                        • limit (int) – Maximum number of model monitors to return. We’ll have internal limit if not set.

                        • +
                        Returns:

                        A list of model monitors.

                        Return type:
                        -

                        list[ModelMonitor]

                        +

                        list[ModelMonitor]

                        @@ -30983,7 +33914,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – Unique string identifier associated with the model monitor.

                        +

                        model_monitor_id (str) – Unique string identifier associated with the model monitor.

                        Returns:

                        Description of the model monitor.

                        @@ -31000,7 +33931,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – Unique string identifier for a model monitor version created under the project.

                        +

                        model_monitor_version (str) – Unique string identifier for a model monitor version created under the project.

                        Returns:

                        Object describing training and prediction output label and prediction distributions.

                        @@ -31017,7 +33948,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – A unique string identifier associated with the model monitor.

                        +

                        model_monitor_id (str) – A unique string identifier associated with the model monitor.

                        Returns:

                        An object describing integrity, bias violations, model accuracy and drift for the model monitor.

                        @@ -31035,16 +33966,16 @@

                        Package Contents
                        Parameters:
                          -
                        • model_monitor_id (str) – The unique ID associated with the model monitor.

                        • -
                        • limit (int) – The maximum length of the list of all model monitor versions.

                        • -
                        • start_after_version (str) – The ID of the version after which the list starts.

                        • +
                        • model_monitor_id (str) – The unique ID associated with the model monitor.

                        • +
                        • limit (int) – The maximum length of the list of all model monitor versions.

                        • +
                        • start_after_version (str) – The ID of the version after which the list starts.

                        Returns:

                        A list of model monitor versions.

                        Return type:
                        -

                        list[ModelMonitorVersion]

                        +

                        list[ModelMonitorVersion]

                        @@ -31055,7 +33986,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – The unique version ID of the model monitor version.

                        +

                        model_monitor_version (str) – The unique version ID of the model monitor version.

                        Returns:

                        A model monitor version.

                        @@ -31073,9 +34004,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_monitor_version (str) – Unique string identifier for the model monitor version.

                        • -
                        • metric_type (str) – The type of metric to get data for.

                        • -
                        • actual_values_to_detail (list) – The actual values to detail.

                        • +
                        • model_monitor_version (str) – Unique string identifier for the model monitor version.

                        • +
                        • metric_type (str) – The type of metric to get data for.

                        • +
                        • actual_values_to_detail (list) – The actual values to detail.

                        Returns:
                        @@ -31093,13 +34024,13 @@

                        Package Contents
                        Parameters:
                        -

                        only_starred (bool) – Whether to return only starred Model Monitors. Defaults to False.

                        +

                        only_starred (bool) – Whether to return only starred Model Monitors. Defaults to False.

                        Returns:

                        A list of Model Monitors.

                        Return type:
                        -

                        list[ModelMonitor]

                        +

                        list[ModelMonitor]

                        @@ -31111,15 +34042,15 @@

                        Package Contents
                        Parameters:
                          -
                        • chart_type (str) – Type of chart (model_accuracy, bias_violations, data_integrity, or model_drift) to return.

                        • -
                        • limit (int) – Maximum length of the model monitors.

                        • +
                        • chart_type (str) – Type of chart (model_accuracy, bias_violations, data_integrity, or model_drift) to return.

                        • +
                        • limit (int) – Maximum length of the model monitors.

                        Returns:

                        List of ModelMonitorSummaryForOrganization objects describing accuracy, bias, drift, or integrity for all model monitors in an organization.

                        Return type:
                        -

                        list[ModelMonitorSummaryFromOrg]

                        +

                        list[ModelMonitorSummaryFromOrg]

                        @@ -31133,7 +34064,7 @@

                        Package Contents

                        A list of ModelMonitorSummaryForOrganization objects describing accuracy, bias, drift, and integrity for all model monitors in an organization.

                        Return type:
                        -

                        list[ModelMonitorOrgSummary]

                        +

                        list[ModelMonitorOrgSummary]

                        @@ -31144,13 +34075,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier associated with the project.

                        +

                        project_id (str) – Unique string identifier associated with the project.

                        Returns:

                        List of EDA objects.

                        Return type:
                        -

                        list[Eda]

                        +

                        list[Eda]

                        @@ -31161,7 +34092,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_id (str) – Unique string identifier associated with the EDA object.

                        +

                        eda_id (str) – Unique string identifier associated with the EDA object.

                        Returns:

                        Description of the EDA object.

                        @@ -31179,16 +34110,16 @@

                        Package Contents
                        Parameters:
                          -
                        • eda_id (str) – The unique ID associated with the EDA object.

                        • -
                        • limit (int) – The maximum length of the list of all EDA versions.

                        • -
                        • start_after_version (str) – The ID of the version after which the list starts.

                        • +
                        • eda_id (str) – The unique ID associated with the EDA object.

                        • +
                        • limit (int) – The maximum length of the list of all EDA versions.

                        • +
                        • start_after_version (str) – The ID of the version after which the list starts.

                        Returns:

                        A list of EDA versions.

                        Return type:
                        -

                        list[EdaVersion]

                        +

                        list[EdaVersion]

                        @@ -31199,7 +34130,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier of the EDA version.

                        +

                        eda_version (str) – Unique string identifier of the EDA version.

                        Returns:

                        An EDA version.

                        @@ -31216,7 +34147,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier associated with the EDA instance.

                        +

                        eda_version (str) – Unique string identifier associated with the EDA instance.

                        Returns:

                        An object with a record of correlations between each feature for the EDA.

                        @@ -31234,8 +34165,8 @@

                        Package Contents
                        Parameters:
                          -
                        • eda_version (str) – Unique string identifier associated with the EDA instance.

                        • -
                        • transformation_feature (str) – The transformation feature to get consistency for.

                        • +
                        • eda_version (str) – Unique string identifier associated with the EDA instance.

                        • +
                        • transformation_feature (str) – The transformation feature to get consistency for.

                        Returns:
                        @@ -31254,8 +34185,8 @@

                        Package Contents
                        Parameters:
                          -
                        • eda_version (str) – Unique string identifier associated with the EDA instance.

                        • -
                        • feature_name (str) – Name of the feature for which correlation is shown.

                        • +
                        • eda_version (str) – Unique string identifier associated with the EDA instance.

                        • +
                        • feature_name (str) – Name of the feature for which correlation is shown.

                        Returns:
                        @@ -31274,9 +34205,9 @@

                        Package Contents
                        Parameters:
                          -
                        • eda_version (str) – Unique string identifier associated with the EDA instance.

                        • -
                        • reference_feature_name (str) – Name of the feature for feature association (on x-axis for the plots generated for the Feature association in the product).

                        • -
                        • test_feature_name (str) – Name of the feature for feature association (on y-axis for the plots generated for the Feature association in the product).

                        • +
                        • eda_version (str) – Unique string identifier associated with the EDA instance.

                        • +
                        • reference_feature_name (str) – Name of the feature for feature association (on x-axis for the plots generated for the Feature association in the product).

                        • +
                        • test_feature_name (str) – Name of the feature for feature association (on y-axis for the plots generated for the Feature association in the product).

                        Returns:
                        @@ -31294,7 +34225,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier associated with the EDA version.

                        +

                        eda_version (str) – Unique string identifier associated with the EDA version.

                        Returns:

                        Object with forecasting analysis that includes sales_across_time, cummulative_contribution, missing_value_distribution, history_length, num_rows_histogram, product_maturity data.

                        @@ -31312,15 +34243,15 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – ID of the project to list holdout analyses for

                        • -
                        • model_id (str) – (optional) ID of the model to filter by

                        • +
                        • project_id (str) – ID of the project to list holdout analyses for

                        • +
                        • model_id (str) – (optional) ID of the model to filter by

                        Returns:

                        The holdout analyses

                        Return type:
                        -

                        list[HoldoutAnalysis]

                        +

                        list[HoldoutAnalysis]

                        @@ -31331,7 +34262,7 @@

                        Package Contents
                        Parameters:
                        -

                        holdout_analysis_id (str) – ID of the holdout analysis to get

                        +

                        holdout_analysis_id (str) – ID of the holdout analysis to get

                        Returns:

                        The holdout analysis

                        @@ -31348,13 +34279,13 @@

                        Package Contents
                        Parameters:
                        -

                        holdout_analysis_id (str) – ID of the holdout analysis to list holdout analysis versions for

                        +

                        holdout_analysis_id (str) – ID of the holdout analysis to list holdout analysis versions for

                        Returns:

                        The holdout analysis versions

                        Return type:
                        -

                        list[HoldoutAnalysisVersion]

                        +

                        list[HoldoutAnalysisVersion]

                        @@ -31366,8 +34297,8 @@

                        Package Contents
                        Parameters:
                          -
                        • holdout_analysis_version (str) – ID of the holdout analysis version to get

                        • -
                        • get_metrics (bool) – (optional) Whether to get the metrics for the holdout analysis version

                        • +
                        • holdout_analysis_version (str) – ID of the holdout analysis version to get

                        • +
                        • get_metrics (bool) – (optional) Whether to get the metrics for the holdout analysis version

                        Returns:
                        @@ -31385,7 +34316,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_id (str) – Unique identifier of the monitor alert.

                        +

                        monitor_alert_id (str) – Unique identifier of the monitor alert.

                        Returns:

                        Object containing information about the monitor alert.

                        @@ -31402,7 +34333,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_version (str) – Unique string identifier for the monitor alert.

                        +

                        monitor_alert_version (str) – Unique string identifier for the monitor alert.

                        Returns:

                        An object describing the monitor alert version.

                        @@ -31420,15 +34351,15 @@

                        Package Contents
                        Parameters:
                          -
                        • model_monitor_id (str) – The unique ID associated with the model monitor.

                        • -
                        • realtime_monitor_id (str) – The unique ID associated with the real-time monitor.

                        • +
                        • model_monitor_id (str) – The unique ID associated with the model monitor.

                        • +
                        • realtime_monitor_id (str) – The unique ID associated with the real-time monitor.

                        Returns:

                        A list of monitor alerts.

                        Return type:
                        -

                        list[MonitorAlert]

                        +

                        list[MonitorAlert]

                        @@ -31439,13 +34370,13 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – The unique ID associated with the model monitor.

                        +

                        model_monitor_version (str) – The unique ID associated with the model monitor.

                        Returns:

                        A list of monitor alert versions.

                        Return type:
                        -

                        list[MonitorAlertVersion]

                        +

                        list[MonitorAlertVersion]

                        @@ -31457,9 +34388,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_monitor_version (str) – Unique string identifier of a model monitor version created under the project.

                        • -
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • -
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        • +
                        • model_monitor_version (str) – Unique string identifier of a model monitor version created under the project.

                        • +
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • +
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        Returns:
                        @@ -31478,9 +34409,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_monitor_version (str) – Unique string identifier for a model monitor version created under the project.

                        • -
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • -
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        • +
                        • model_monitor_version (str) – Unique string identifier for a model monitor version created under the project.

                        • +
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • +
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        Return type:
                        @@ -31495,7 +34426,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        Returns:

                        The requested prediction operator object.

                        @@ -31512,13 +34443,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique ID of the project.

                        +

                        project_id (str) – The unique ID of the project.

                        Returns:

                        A list of prediction operator objects.

                        Return type:
                        -

                        list[PredictionOperator]

                        +

                        list[PredictionOperator]

                        @@ -31529,13 +34460,13 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        Returns:

                        A list of prediction operator version objects.

                        Return type:
                        -

                        list[PredictionOperatorVersion]

                        +

                        list[PredictionOperatorVersion]

                        @@ -31546,7 +34477,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier associated with the deployment.

                        +

                        deployment_id (str) – Unique string identifier associated with the deployment.

                        Returns:

                        Description of the deployment.

                        @@ -31563,13 +34494,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique identifier associated with the project.

                        +

                        project_id (str) – The unique identifier associated with the project.

                        Returns:

                        An array of deployments.

                        Return type:
                        -

                        list[Deployment]

                        +

                        list[Deployment]

                        @@ -31580,13 +34511,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique ID associated with the project.

                        +

                        project_id (str) – The unique ID associated with the project.

                        Returns:

                        A list of deployment tokens.

                        Return type:
                        -

                        list[DeploymentAuthToken]

                        +

                        list[DeploymentAuthToken]

                        @@ -31598,11 +34529,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – Token used for authenticating access to deployed models.

                        • -
                        • deployment_id (str) – Unique identifier assigned to a deployment created under the specified project.

                        • -
                        • streaming_token (str) – Token used for authenticating access to streaming data.

                        • -
                        • feature_group_id (str) – Unique identifier assigned to a feature group.

                        • -
                        • model_id (str) – Unique identifier assigned to a model.

                        • +
                        • deployment_token (str) – Token used for authenticating access to deployed models.

                        • +
                        • deployment_id (str) – Unique identifier assigned to a deployment created under the specified project.

                        • +
                        • streaming_token (str) – Token used for authenticating access to streaming data.

                        • +
                        • feature_group_id (str) – Unique identifier assigned to a feature group.

                        • +
                        • model_id (str) – Unique identifier assigned to a model.

                        Returns:
                        @@ -31621,9 +34552,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_id (str) – The unique ID associated with the model.

                        • -
                        • model_version (str) – The unique ID associated with the model version to deploy.

                        • -
                        • algorithm (str) – The unique ID associated with the algorithm to deploy.

                        • +
                        • model_id (str) – The unique ID associated with the model.

                        • +
                        • model_version (str) – The unique ID associated with the model version to deploy.

                        • +
                        • algorithm (str) – The unique ID associated with the algorithm to deploy.

                        Returns:
                        @@ -31642,17 +34573,17 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • limit (int) – The number of prediction log entries to retrieve up to the specified limit.

                        • -
                        • last_log_request_id (str) – The request ID of the last log entry to retrieve.

                        • -
                        • last_log_timestamp (int) – A Unix timestamp in milliseconds specifying the timestamp for the last log entry.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • limit (int) – The number of prediction log entries to retrieve up to the specified limit.

                        • +
                        • last_log_request_id (str) – The request ID of the last log entry to retrieve.

                        • +
                        • last_log_timestamp (int) – A Unix timestamp in milliseconds specifying the timestamp for the last log entry.

                        Returns:

                        A list of prediction log records.

                        Return type:
                        -

                        list[PredictionLogRecord]

                        +

                        list[PredictionLogRecord]

                        @@ -31663,13 +34594,13 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier for the deployment.

                        +

                        deployment_id (str) – Unique string identifier for the deployment.

                        Returns:

                        An array of deployment alerts.

                        Return type:
                        -

                        list[MonitorAlert]

                        +

                        list[MonitorAlert]

                        @@ -31680,13 +34611,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier for the deployment.

                        +

                        project_id (str) – Unique string identifier for the deployment.

                        Returns:

                        An array of real-time monitors.

                        Return type:
                        -

                        list[RealtimeMonitor]

                        +

                        list[RealtimeMonitor]

                        @@ -31697,7 +34628,7 @@

                        Package Contents
                        Parameters:
                        -

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        +

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        Returns:

                        Object describing the real-time monitor.

                        @@ -31714,7 +34645,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        +

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        Returns:

                        An object representing the refresh policy.

                        @@ -31731,7 +34662,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_pipeline_run_id (str) – Unique string identifier associated with the refresh pipeline run.

                        +

                        refresh_pipeline_run_id (str) – Unique string identifier associated with the refresh pipeline run.

                        Returns:

                        A refresh pipeline run object.

                        @@ -31749,9 +34680,9 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Project ID for which we wish to see the refresh policies attached.

                        • +
                        • project_id (str) – Project ID for which we wish to see the refresh policies attached.

                        • dataset_ids (List) – Comma-separated list of Dataset IDs.

                        • -
                        • feature_group_id (str) – Feature Group ID for which we wish to see the refresh policies attached.

                        • +
                        • feature_group_id (str) – Feature Group ID for which we wish to see the refresh policies attached.

                        • model_ids (List) – Comma-separated list of Model IDs.

                        • deployment_ids (List) – Comma-separated list of Deployment IDs.

                        • batch_prediction_ids (List) – Comma-separated list of Batch Prediction IDs.

                        • @@ -31763,7 +34694,7 @@

                          Package Contents

                          List of all refresh policies in the organization.

                        Return type:
                        -

                        list[RefreshPolicy]

                        +

                        list[RefreshPolicy]

                        @@ -31774,13 +34705,13 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy.

                        +

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy.

                        Returns:

                        List of refresh pipeline runs for the given refresh policy ID.

                        Return type:
                        -

                        list[RefreshPipelineRun]

                        +

                        list[RefreshPipelineRun]

                        @@ -31792,13 +34723,13 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_version (str) – Unique string identifier of the batch prediction version to get the results from.

                        • -
                        • offset (int) – The offset to read from.

                        • -
                        • chunk_size (int) – The maximum amount of data to read.

                        • +
                        • batch_prediction_version (str) – Unique string identifier of the batch prediction version to get the results from.

                        • +
                        • offset (int) – The offset to read from.

                        • +
                        • chunk_size (int) – The maximum amount of data to read.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -31809,27 +34740,30 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_version (str) – Unique string identifier of the batch prediction job to get the errors for.

                        +

                        batch_prediction_version (str) – Unique string identifier of the batch prediction job to get the errors for.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        -list_batch_predictions(project_id)
                        +list_batch_predictions(project_id, limit=None)

                        Retrieves a list of batch predictions in the project.

                        Parameters:
                        -

                        project_id (str) – Unique string identifier of the project.

                        +
                          +
                        • project_id (str) – Unique string identifier of the project.

                        • +
                        • limit (int) – Maximum number of batch predictions to return. We’ll have internal limit if not set.

                        • +
                        Returns:

                        List of batch prediction jobs.

                        Return type:
                        -

                        list[BatchPrediction]

                        +

                        list[BatchPrediction]

                        @@ -31840,7 +34774,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_id (str) – The unique identifier associated with the batch prediction.

                        +

                        batch_prediction_id (str) – The unique identifier associated with the batch prediction.

                        Returns:

                        The batch prediction description.

                        @@ -31858,16 +34792,16 @@

                        Package Contents
                        Parameters:
                          -
                        • batch_prediction_id (str) – Unique identifier of the batch prediction.

                        • -
                        • limit (int) – Number of versions to list.

                        • -
                        • start_after_version (str) – Version to start after.

                        • +
                        • batch_prediction_id (str) – Unique identifier of the batch prediction.

                        • +
                        • limit (int) – Number of versions to list.

                        • +
                        • start_after_version (str) – Version to start after.

                        Returns:

                        List of batch prediction versions.

                        Return type:
                        -

                        list[BatchPredictionVersion]

                        +

                        list[BatchPredictionVersion]

                        @@ -31878,7 +34812,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_version (str) – Unique string identifier of the Batch Prediction Version.

                        +

                        batch_prediction_version (str) – Unique string identifier of the Batch Prediction Version.

                        Returns:

                        The Batch Prediction Version.

                        @@ -31895,7 +34829,7 @@

                        Package Contents
                        Parameters:
                        -

                        batch_prediction_version (str) – The unique version ID of the batch prediction version.

                        +

                        batch_prediction_version (str) – The unique version ID of the batch prediction version.

                        Returns:

                        The logs for the specified batch prediction version.

                        @@ -31913,9 +34847,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – Unique string identifier of the deployment created under the project.

                        • -
                        • start_date (str) – Timeline start date in ISO format.

                        • -
                        • end_date (str) – Timeline end date in ISO format. The date range must be 7 days or less.

                        • +
                        • deployment_id (str) – Unique string identifier of the deployment created under the project.

                        • +
                        • start_date (str) – Timeline start date in ISO format.

                        • +
                        • end_date (str) – Timeline end date in ISO format. The date range must be 7 days or less.

                        Returns:
                        @@ -31936,16 +34870,16 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • primary_key (str) – The primary key value for which to retrieve the feature group row (only for online feature groups).

                        • -
                        • num_rows (int) – Maximum number of rows to return from the feature group

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • primary_key (str) – The primary key value for which to retrieve the feature group row (only for online feature groups).

                        • +
                        • num_rows (int) – Maximum number of rows to return from the feature group

                        Returns:

                        A list of feature group rows.

                        Return type:
                        -

                        list[FeatureGroupRow]

                        +

                        list[FeatureGroupRow]

                        @@ -31956,7 +34890,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        +

                        name (str) – The name to identify the Python function. Must be a valid Python identifier.

                        Returns:

                        The Python function object.

                        @@ -31973,13 +34907,13 @@

                        Package Contents
                        Parameters:
                        -

                        function_type (str) – Optional argument to specify the type of function to list Python functions for. Default is FEATURE_GROUP, but can also be PLOTLY_FIG.

                        +

                        function_type (str) – Optional argument to specify the type of function to list Python functions for. Default is FEATURE_GROUP, but can also be PLOTLY_FIG.

                        Returns:

                        A list of PythonFunction objects.

                        Return type:
                        -

                        list[PythonFunction]

                        +

                        list[PythonFunction]

                        @@ -31990,13 +34924,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        +

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        Returns:

                        A list of pipelines.

                        Return type:
                        -

                        list[Pipeline]

                        +

                        list[Pipeline]

                        @@ -32007,7 +34941,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_version (str) – Unique string identifier for the pipeline version

                        +

                        pipeline_version (str) – Unique string identifier for the pipeline version

                        Returns:

                        Object describing the pipeline version

                        @@ -32024,7 +34958,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_id (str) – The ID of the pipeline step.

                        +

                        pipeline_step_id (str) – The ID of the pipeline step.

                        Returns:

                        An object describing the pipeline step.

                        @@ -32042,8 +34976,8 @@

                        Package Contents
                        Parameters:
                          -
                        • pipeline_id (str) – The ID of the pipeline.

                        • -
                        • step_name (str) – The name of the step.

                        • +
                        • pipeline_id (str) – The ID of the pipeline.

                        • +
                        • step_name (str) – The name of the step.

                        Returns:
                        @@ -32061,7 +34995,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_version (str) – The ID of the pipeline step version.

                        +

                        pipeline_step_version (str) – The ID of the pipeline step version.

                        Returns:

                        An object describing the pipeline step version.

                        @@ -32078,7 +35012,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_version (str) – The id of the pipeline version.

                        +

                        pipeline_version (str) – The id of the pipeline version.

                        Returns:

                        Object describing the logs for the steps in the pipeline.

                        @@ -32095,7 +35029,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_version (str) – The id of the pipeline step version.

                        +

                        pipeline_step_version (str) – The id of the pipeline step version.

                        Returns:

                        Object describing the pipeline step logs.

                        @@ -32112,7 +35046,7 @@

                        Package Contents
                        Parameters:
                        -

                        graph_dashboard_id (str) – Unique identifier for the graph dashboard.

                        +

                        graph_dashboard_id (str) – Unique identifier for the graph dashboard.

                        Returns:

                        An object containing information about the graph dashboard.

                        @@ -32129,13 +35063,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        +

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        Returns:

                        A list of graph dashboards.

                        Return type:
                        -

                        list[GraphDashboard]

                        +

                        list[GraphDashboard]

                        @@ -32146,7 +35080,7 @@

                        Package Contents
                        Parameters:
                        -

                        graph_reference_id (str) – Unique string identifier for the python function id for the graph

                        +

                        graph_reference_id (str) – Unique string identifier for the python function id for the graph

                        Returns:

                        An object describing the graph dashboard.

                        @@ -32163,7 +35097,7 @@

                        Package Contents
                        Parameters:
                        -

                        algorithm (str) – The name of the algorithm.

                        +

                        algorithm (str) – The name of the algorithm.

                        Returns:

                        The description of the algorithm.

                        @@ -32181,15 +35115,15 @@

                        Package Contents
                        Parameters:
                          -
                        • problem_type (ProblemType) – The problem type to query. If None, return all algorithms in the organization.

                        • -
                        • project_id (str) – The ID of the project.

                        • +
                        • problem_type (ProblemType) – The problem type to query. If None, return all algorithms in the organization.

                        • +
                        • project_id (str) – The ID of the project.

                        Returns:

                        A list of algorithms.

                        Return type:
                        -

                        list[Algorithm]

                        +

                        list[Algorithm]

                        @@ -32200,7 +35134,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – Registered name of the custom loss function.

                        +

                        name (str) – Registered name of the custom loss function.

                        Returns:

                        The description of the custom loss function with the given name.

                        @@ -32218,8 +35152,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name_prefix (str) – The prefix of the names of the loss functions to list.

                        • -
                        • loss_function_type (str) – The category of loss functions to search in.

                        • +
                        • name_prefix (str) – The prefix of the names of the loss functions to list.

                        • +
                        • loss_function_type (str) – The category of loss functions to search in.

                        Returns:
                        @@ -32237,7 +35171,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – Registered name of the custom metric.

                        +

                        name (str) – Registered name of the custom metric.

                        Returns:

                        The description of the custom metric with the given name.

                        @@ -32254,7 +35188,7 @@

                        Package Contents
                        Parameters:
                        -

                        custom_metric_version (str) – A unique string identifier for the custom metric version.

                        +

                        custom_metric_version (str) – A unique string identifier for the custom metric version.

                        Returns:

                        An object describing the custom metric version.

                        @@ -32272,15 +35206,15 @@

                        Package Contents
                        Parameters:
                          -
                        • name_prefix (str) – The prefix of the names of the custom metrics.

                        • -
                        • problem_type (str) – The associated problem type of the custom metrics.

                        • +
                        • name_prefix (str) – The prefix of the names of the custom metrics.

                        • +
                        • problem_type (str) – The associated problem type of the custom metrics.

                        Returns:

                        A list of custom metrics.

                        Return type:
                        -

                        list[CustomMetric]

                        +

                        list[CustomMetric]

                        @@ -32291,7 +35225,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name of the module.

                        +

                        name (str) – The name of the module.

                        Returns:

                        The description of the module.

                        @@ -32311,7 +35245,7 @@

                        Package Contents

                        A list of modules

                        Return type:
                        -

                        list[Module]

                        +

                        list[Module]

                        @@ -32322,7 +35256,7 @@

                        Package Contents
                        Parameters:
                        -

                        secret_key (str) – The secret key.

                        +

                        secret_key (str) – The secret key.

                        Returns:

                        The secret.

                        @@ -32335,14 +35269,20 @@

                        Package Contents
                        -list_organization_secrets()
                        +list_organization_secrets(decrypt_value=False, secret_type=OrganizationSecretType.ORG_SECRET)

                        Lists all secrets for an organization.

                        -
                        Returns:
                        -

                        list of secrets belonging to the organization.

                        +
                        Parameters:
                        +
                          +
                        • decrypt_value (bool) – Whether to decrypt the secret values.

                        • +
                        • secret_type (OrganizationSecretType) – Filter secrets by type. Use OrganizationSecretType enum values.

                        • +
                        -
                        Return type:
                        -

                        list[OrganizationSecret]

                        +
                        Returns:
                        +

                        List of secrets.

                        +
                        +
                        Return type:
                        +

                        list[OrganizationSecret]

                        @@ -32354,9 +35294,9 @@

                        Package Contents
                        Parameters:
                          -
                        • user_group_id (str) – The ID of the user group.

                        • -
                        • email (str) – The email of the user.

                        • -
                        • name (str) – The name of the user.

                        • +
                        • user_group_id (str) – The ID of the user group.

                        • +
                        • email (str) – The email of the user.

                        • +
                        • name (str) – The name of the user.

                        Returns:
                        @@ -32375,9 +35315,9 @@

                        Package Contents
                        Parameters:
                          -
                        • query (str) – A natural language query which specifies what the user wants out of the feature group or its code.

                        • -
                        • language (str) – The language in which code is to be generated. One of ‘sql’ or ‘python’.

                        • -
                        • project_id (str) – A unique string identifier of the project in context of which the query is.

                        • +
                        • query (str) – A natural language query which specifies what the user wants out of the feature group or its code.

                        • +
                        • language (str) – The language in which code is to be generated. One of ‘sql’ or ‘python’.

                        • +
                        • project_id (str) – A unique string identifier of the project in context of which the query is.

                        Returns:
                        @@ -32396,9 +35336,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – A unique string identifier associated with the Feature Group.

                        • -
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • -
                        • model_id (str) – A unique string identifier associated with the Model.

                        • +
                        • feature_group_id (str) – A unique string identifier associated with the Feature Group.

                        • +
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • +
                        • model_id (str) – A unique string identifier associated with the Model.

                        Returns:
                        @@ -32417,9 +35357,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – A unique string identifier associated with the Feature Group.

                        • -
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • -
                        • model_id (str) – A unique string identifier associated with the Model.

                        • +
                        • feature_group_id (str) – A unique string identifier associated with the Feature Group.

                        • +
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • +
                        • model_id (str) – A unique string identifier associated with the Model.

                        Returns:
                        @@ -32437,7 +35377,7 @@

                        Package Contents
                        Parameters:
                        -

                        chat_session_id (str) – Unique ID of the chat session.

                        +

                        chat_session_id (str) – Unique ID of the chat session.

                        Returns:

                        The chat session with Data Science Co-pilot

                        @@ -32454,7 +35394,7 @@

                        Package Contents
                        Parameters:
                        -

                        most_recent_per_project (bool) – An optional parameter whether to only return the most recent chat session per project. Default False.

                        +

                        most_recent_per_project (bool) – An optional parameter whether to only return the most recent chat session per project. Default False.

                        Returns:

                        The chat sessions with Data Science Co-pilot

                        @@ -32467,16 +35407,19 @@

                        Package Contents
                        -get_deployment_conversation(deployment_conversation_id=None, external_session_id=None, deployment_id=None, filter_intermediate_conversation_events=True, get_unused_document_uploads=False)
                        +get_deployment_conversation(deployment_conversation_id=None, external_session_id=None, deployment_id=None, filter_intermediate_conversation_events=True, get_unused_document_uploads=False, start=None, limit=None, include_all_versions=False)

                        Gets a deployment conversation.

                        Parameters:
                          -
                        • deployment_conversation_id (str) – Unique ID of the conversation. One of deployment_conversation_id or external_session_id must be provided.

                        • -
                        • external_session_id (str) – External session ID of the conversation.

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • -
                        • filter_intermediate_conversation_events (bool) – If true, intermediate conversation events will be filtered out. Default is true.

                        • -
                        • get_unused_document_uploads (bool) – If true, unused document uploads will be returned. Default is false.

                        • +
                        • deployment_conversation_id (str) – Unique ID of the conversation. One of deployment_conversation_id or external_session_id must be provided.

                        • +
                        • external_session_id (str) – External session ID of the conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • filter_intermediate_conversation_events (bool) – If true, intermediate conversation events will be filtered out. Default is true.

                        • +
                        • get_unused_document_uploads (bool) – If true, unused document uploads will be returned. Default is false.

                        • +
                        • start (int) – The start index of the conversation.

                        • +
                        • limit (int) – The limit of the conversation.

                        • +
                        • include_all_versions (bool) – If True, includes all versions of the last bot message for version switching functionality.

                        Returns:
                        @@ -32488,24 +35431,43 @@

                        Package Contents +
                        +get_deployment_conversation_file(deployment_conversation_id, file_path)
                        +

                        Gets a deployment conversation file.

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_conversation_id (str) – Unique ID of the conversation.

                        • +
                        • file_path (str) – The path of the file to get.

                        • +
                        +
                        +
                        Return type:
                        +

                        io.BytesIO

                        +
                        +
                        +

                        +
                        -list_deployment_conversations(deployment_id=None, external_application_id=None, conversation_type=None, fetch_last_llm_info=False)
                        +list_deployment_conversations(deployment_id=None, external_application_id=None, conversation_type=None, fetch_last_llm_info=False, limit=None, search=None)

                        Lists all conversations for the given deployment and current user.

                        Parameters:
                          -
                        • deployment_id (str) – The deployment to get conversations for.

                        • -
                        • external_application_id (str) – The external application id associated with the deployment conversation. If specified, only conversations created on that application will be listed.

                        • +
                        • deployment_id (str) – The deployment to get conversations for.

                        • +
                        • external_application_id (str) – The external application id associated with the deployment conversation. If specified, only conversations created on that application will be listed.

                        • conversation_type (DeploymentConversationType) – The type of the conversation indicating its origin.

                        • -
                        • fetch_last_llm_info (bool) – If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots.

                        • +
                        • fetch_last_llm_info (bool) – If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots.

                        • +
                        • limit (int) – The number of conversations to return. Defaults to 600.

                        • +
                        • search (str) – The search query to filter conversations by title.

                        Returns:

                        The deployment conversations.

                        Return type:
                        -

                        list[DeploymentConversation]

                        +

                        list[DeploymentConversation]

                        @@ -32517,8 +35479,8 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • -
                        • external_session_id (str) – The external session id associated with the deployment conversation. One of deployment_conversation_id or external_session_id must be provided.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier associated with the deployment conversation.

                        • +
                        • external_session_id (str) – The external session id associated with the deployment conversation. One of deployment_conversation_id or external_session_id must be provided.

                        Returns:
                        @@ -32530,13 +35492,28 @@

                        Package Contents +
                        +list_user_group_object_permissions()
                        +

                        List all user groups permissions associated with the objects in the organization.

                        +

                        If no associated user groups, the object is public among developers and admins.

                        +
                        +
                        Returns:
                        +

                        List of user group object permissions in the organization.

                        +
                        +
                        Return type:
                        +

                        list[UserGroupObjectPermission]

                        +
                        +
                        +
                        +
                        get_app_user_group(user_group_id)

                        Gets an App User Group.

                        Parameters:
                        -

                        user_group_id (str) – The ID of the App User Group.

                        +

                        user_group_id (str) – The ID of the App User Group.

                        Returns:

                        The App User Group.

                        @@ -32547,13 +35524,30 @@

                        Package Contents +
                        +get_app_user_group_from_name(name=None)
                        +

                        Gets an App User Group by name.

                        +
                        +
                        Parameters:
                        +

                        name (str) – The name of the app user group to retrieve.

                        +
                        +
                        Returns:
                        +

                        The app user group with the specified name.

                        +
                        +
                        Return type:
                        +

                        AppUserGroup

                        +
                        +
                        +

                        +
                        describe_external_application(external_application_id)

                        Describes an External Application.

                        Parameters:
                        -

                        external_application_id (str) – The ID of the External Application.

                        +

                        external_application_id (str) – The ID of the External Application.

                        Returns:

                        The External Application.

                        @@ -32573,7 +35567,7 @@

                        Package Contents

                        List of External Applications.

                        Return type:
                        -

                        list[ExternalApplication]

                        +

                        list[ExternalApplication]

                        @@ -32585,12 +35579,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The deployment ID.

                        • -
                        • attachment_id (str) – The attachment ID.

                        • +
                        • deployment_id (str) – The deployment ID.

                        • +
                        • attachment_id (str) – The attachment ID.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -32601,7 +35595,7 @@

                        Package Contents
                        Parameters:
                        -

                        agent_id (str) – Unique string identifier associated with the model.

                        +

                        agent_id (str) – Unique string identifier associated with the model.

                        Returns:

                        Description of the agent.

                        @@ -32618,7 +35612,7 @@

                        Package Contents
                        Parameters:
                        -

                        agent_version (str) – Unique string identifier of the agent version.

                        +

                        agent_version (str) – Unique string identifier of the agent version.

                        Returns:

                        A agent version.

                        @@ -32636,9 +35630,9 @@

                        Package Contents
                        Parameters:
                          -
                        • text (str) – Text to use for approximately matching feature groups.

                        • -
                        • num_results (int) – The maximum number of search results to retrieve. The length of the returned list is less than or equal to num_results.

                        • -
                        • project_id (str) – The ID of the project in which to restrict the search, if specified.

                        • +
                        • text (str) – Text to use for approximately matching feature groups.

                        • +
                        • num_results (int) – The maximum number of search results to retrieve. The length of the returned list is less than or equal to num_results.

                        • +
                        • project_id (str) – The ID of the project in which to restrict the search, if specified.

                        • feature_group_ids (List) – A list of feagure group IDs to restrict the search to.

                        @@ -32646,7 +35640,7 @@

                        Package Contents

                        A list of search results, each containing the retrieved object and its relevance score

                        Return type:
                        -

                        list[OrganizationSearchResult]

                        +

                        list[OrganizationSearchResult]

                        @@ -32657,13 +35651,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique identifier associated with the project.

                        +

                        project_id (str) – The unique identifier associated with the project.

                        Returns:

                        A list of agents in the project.

                        Return type:
                        -

                        list[Agent]

                        +

                        list[Agent]

                        @@ -32675,16 +35669,16 @@

                        Package Contents
                        Parameters:
                          -
                        • agent_id (str) – The unique identifier associated with the agent.

                        • -
                        • limit (int) – If provided, limits the number of agent versions returned.

                        • -
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        • +
                        • agent_id (str) – The unique identifier associated with the agent.

                        • +
                        • limit (int) – If provided, limits the number of agent versions returned.

                        • +
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        Returns:

                        An array of Agent versions.

                        Return type:
                        -

                        list[AgentVersion]

                        +

                        list[AgentVersion]

                        @@ -32696,8 +35690,8 @@

                        Package Contents
                        Parameters:
                          -
                        • agent_id (str) – The unique id of the agent whose copy is to be generated.

                        • -
                        • project_id (str) – Project id to create the new agent to. By default it picks up the source agent’s project id.

                        • +
                        • agent_id (str) – The unique id of the agent whose copy is to be generated.

                        • +
                        • project_id (str) – Project id to create the new agent to. By default it picks up the source agent’s project id.

                        Returns:
                        @@ -32718,7 +35712,7 @@

                        Package Contents

                        A list of LLM Apps.

                        Return type:
                        -

                        list[LlmApp]

                        +

                        list[LlmApp]

                        @@ -32730,16 +35724,16 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The ID of project that the document retriever is created in.

                        • -
                        • limit (int) – The number of document retrievers to return.

                        • -
                        • start_after_id (str) – An offset parameter to exclude all document retrievers up to this specified ID.

                        • +
                        • project_id (str) – The ID of project that the document retriever is created in.

                        • +
                        • limit (int) – The number of document retrievers to return.

                        • +
                        • start_after_id (str) – An offset parameter to exclude all document retrievers up to this specified ID.

                        Returns:

                        All the document retrievers in the organization associated with the specified project.

                        Return type:
                        -

                        list[DocumentRetriever]

                        +

                        list[DocumentRetriever]

                        @@ -32750,7 +35744,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        +

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        Returns:

                        The document retriever object.

                        @@ -32767,7 +35761,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The unique name of the document retriever to look up.

                        +

                        name (str) – The unique name of the document retriever to look up.

                        Returns:

                        The Document Retriever.

                        @@ -32785,16 +35779,16 @@

                        Package Contents
                        Parameters:
                          -
                        • document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        • -
                        • limit (int) – The number of vector store versions to retrieve. The maximum value is 100.

                        • -
                        • start_after_version (str) – An offset parameter to exclude all document retriever versions up to this specified one.

                        • +
                        • document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        • +
                        • limit (int) – The number of vector store versions to retrieve. The maximum value is 100.

                        • +
                        • start_after_version (str) – An offset parameter to exclude all document retriever versions up to this specified one.

                        Returns:

                        All the document retriever versions associated with the document retriever.

                        Return type:
                        -

                        list[DocumentRetrieverVersion]

                        +

                        list[DocumentRetrieverVersion]

                        @@ -32805,7 +35799,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        +

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        Returns:

                        The document retriever version object.

                        @@ -32816,6 +35810,24 @@

                        Package Contents +
                        +list_route_llm_models()
                        +

                        This function is used to list all the models and their rates, for routellm api.

                        +
                        +
                        Returns:
                        +

                        list of dicts, each dict contains the model name, description, id, and api price info.

                        +
                        +
                        +
                        + +

                        + +
                        +
                        +class abacusai.ToolResponse(*args, **kwargs)
                        +

                        Bases: AgentResponse

                        +

                        Response object for tool to support non-text response sections

                        @@ -32832,9 +35844,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • -
                        • messages (list) – The conversation messages in the chat.

                        • -
                        • toolUseRequest (dict) – A request to use an external tool. Contains: - id (str): Unique identifier for the tool use request - input (dict): Input parameters for the tool, e.g. {‘command’: ‘ls’} - name (str): Name of the tool being used, e.g. ‘bash’ - type (str): Always ‘tool_use’ to identify this as a tool request

                        • +
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • +
                        • messages (list) – The conversation messages in the chat.

                        • +
                        • toolUseRequest (dict) – A request to use an external tool. Contains: - id (str): Unique identifier for the tool use request - input (dict): Input parameters for the tool, e.g. {‘command’: ‘ls’} - name (str): Name of the tool being used, e.g. ‘bash’ - type (str): Always ‘tool_use’ to identify this as a tool request

                        @@ -32872,7 +35884,57 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + +

                        + +

                        + +
                        +
                        +class abacusai.CodeAutocompleteEditPredictionResponse(client, autocompleteResponse=None, showAutocomplete=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A autocomplete response from an LLM

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • autocompleteResponse (str) – autocomplete code

                        • +
                        • showAutocomplete (bool) – Whether to show autocomplete in the client

                        • +
                        +
                        +
                        +
                        +
                        +autocomplete_response = None
                        +
                        + +
                        +
                        +show_autocomplete = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -32888,9 +35950,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • autocompleteResponse (str) – autocomplete code

                        • -
                        • showAutocomplete (bool) – Whether to show autocomplete in the client

                        • -
                        • lineNumber (int) – The line number where autocomplete should be shown

                        • +
                        • autocompleteResponse (str) – autocomplete code

                        • +
                        • showAutocomplete (bool) – Whether to show autocomplete in the client

                        • +
                        • lineNumber (int) – The line number where autocomplete should be shown

                        @@ -32928,7 +35990,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -32937,18 +35999,24 @@

                        Package Contents
                        -class abacusai.CodeBot(client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, isPremium=None)
                        +class abacusai.CodeBot(client, llmName=None, name=None, imageUploadSupported=None, codeAgentSupported=None, codeEditSupported=None, isPremium=None, llmBotIcon=None, provider=None, isUserApiKeyAllowed=None, isRateLimited=None, apiKeyUrl=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        A bot option for CodeLLM

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • llmName (str) – The name of the LLM.

                        • -
                        • name (str) – The name of the bot.

                        • -
                        • imageUploadSupported (bool) – Whether the LLM supports image upload.

                        • -
                        • codeAgentSupported (bool) – Whether the LLM supports code agent.

                        • -
                        • isPremium (bool) – Whether the LLM is a premium LLM.

                        • +
                        • llmName (str) – The name of the LLM.

                        • +
                        • name (str) – The name of the bot.

                        • +
                        • imageUploadSupported (bool) – Whether the LLM supports image upload.

                        • +
                        • codeAgentSupported (bool) – Whether the LLM supports code agent.

                        • +
                        • codeEditSupported (bool) – Whether the LLM supports code edit.

                        • +
                        • isPremium (bool) – Whether the LLM is a premium LLM.

                        • +
                        • llmBotIcon (str) – The icon of the LLM bot.

                        • +
                        • provider (str) – The provider of the LLM.

                        • +
                        • isUserApiKeyAllowed (bool) – Whether the LLM supports user API key.

                        • +
                        • isRateLimited (bool) – Whether the LLM is rate limited.

                        • +
                        • apiKeyUrl (str) – The URL to get the API key.

                        @@ -32972,11 +36040,41 @@

                        Package Contentscode_agent_supported = None
                        +
                        +
                        +code_edit_supported = None
                        +
                        +
                        is_premium = None
                        +
                        +
                        +llm_bot_icon = None
                        +
                        + +
                        +
                        +provider = None
                        +
                        + +
                        +
                        +is_user_api_key_allowed = None
                        +
                        + +
                        +
                        +is_rate_limited = None
                        +
                        + +
                        +
                        +api_key_url = None
                        +
                        +
                        deprecated_keys
                        @@ -32996,7 +36094,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33012,10 +36110,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • filePath (str) – The path of the file to be edited.

                        • -
                        • startLine (int) – The start line of the code to be replaced.

                        • -
                        • endLine (int) – The end line of the code to be replaced.

                        • -
                        • text (str) – The new text.

                        • +
                        • filePath (str) – The path of the file to be edited.

                        • +
                        • startLine (int) – The start line of the code to be replaced.

                        • +
                        • endLine (int) – The end line of the code to be replaced.

                        • +
                        • text (str) – The new text.

                        @@ -33058,7 +36156,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33074,7 +36172,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • codeChanges (list) – The code changes to be applied.

                        • +
                        • codeChanges (list) – The code changes to be applied.

                        @@ -33102,7 +36200,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33118,8 +36216,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • codeEdits (list[codeedit]) – The code changes to be applied.

                        • -
                        • codeChanges (list) – The code changes to be applied.

                        • +
                        • codeEdits (list[codeedit]) – The code changes to be applied.

                        • +
                        • codeChanges (list) – The code changes to be applied.

                        @@ -33152,7 +36250,113 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.CodeEmbeddings(client, embeddings=None, chunkingScheme=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Code embeddings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • embeddings (dict) – A dictionary mapping the file name to its embeddings.

                        • +
                        • chunkingScheme (str) – The scheme used for chunking the embeddings.

                        • +
                        +
                        +
                        +
                        +
                        +embeddings = None
                        +
                        + +
                        +
                        +chunking_scheme = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.CodeLlmChangedFiles(client, addedFiles=None, updatedFiles=None, deletedFiles=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Code changed files

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • addedFiles (list) – A list of added file paths.

                        • +
                        • updatedFiles (list) – A list of updated file paths.

                        • +
                        • deletedFiles (list) – A list of deleted file paths.

                        • +
                        +
                        +
                        +
                        +
                        +added_files = None
                        +
                        + +
                        +
                        +updated_files = None
                        +
                        + +
                        +
                        +deleted_files = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -33168,15 +36372,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • sourceType (str) – The type of the source, one of TEXT, PYTHON, FILE_UPLOAD, or APPLICATION_CONNECTOR

                        • -
                        • sourceCode (str) – If the type of the source is TEXT, the raw text of the function

                        • -
                        • applicationConnectorId (str) – The Application Connector to fetch the code from

                        • -
                        • applicationConnectorInfo (str) – Args passed to the application connector to fetch the code

                        • -
                        • packageRequirements (list) – The pip package dependencies required to run the code

                        • -
                        • status (str) – The status of the code and validations

                        • -
                        • error (str) – If the status is failed, an error message describing what went wrong

                        • -
                        • publishingMsg (dict) – Warnings in the source code

                        • -
                        • moduleDependencies (list) – The list of internal modules dependencies required to run the code

                        • +
                        • sourceType (str) – The type of the source, one of TEXT, PYTHON, FILE_UPLOAD, or APPLICATION_CONNECTOR

                        • +
                        • sourceCode (str) – If the type of the source is TEXT, the raw text of the function

                        • +
                        • applicationConnectorId (str) – The Application Connector to fetch the code from

                        • +
                        • applicationConnectorInfo (str) – Args passed to the application connector to fetch the code

                        • +
                        • packageRequirements (list) – The pip package dependencies required to run the code

                        • +
                        • status (str) – The status of the code and validations

                        • +
                        • error (str) – If the status is failed, an error message describing what went wrong

                        • +
                        • publishingMsg (dict) – Warnings in the source code

                        • +
                        • moduleDependencies (list) – The list of internal modules dependencies required to run the code

                        @@ -33244,7 +36448,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33257,21 +36461,178 @@

                        Package Contents +
                        +class abacusai.CodeSuggestionValidationResponse(client, isValid=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A response from an LLM to validate a code suggestion.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • isValid (bool) – Whether the code suggestion is valid.

                        • +
                        +
                        +
                        +
                        +
                        +is_valid = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.CodeSummaryResponse(client, summary=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A summary response from an LLM

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • summary (str) – The summary of the code.

                        • +
                        +
                        +
                        +
                        +
                        +summary = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.CodellmEmbeddingConstants(client, maxSupportedWorkspaceFiles=None, maxSupportedWorkspaceChunks=None, maxConcurrentRequests=None, fileExtensionToChunkingScheme=None, idleTimeoutSeconds=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A dictionary of constants to be used in the autocomplete.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • maxSupportedWorkspaceFiles (int) – Max supported workspace files

                        • +
                        • maxSupportedWorkspaceChunks (int) – Max supported workspace chunks

                        • +
                        • maxConcurrentRequests (int) – Max concurrent requests

                        • +
                        • fileExtensionToChunkingScheme (dict) – Map between the file extensions and their chunking schema

                        • +
                        • idleTimeoutSeconds (int) – The idle timeout without any activity before the workspace is refreshed.

                        • +
                        +
                        +
                        +
                        +
                        +max_supported_workspace_files = None
                        +
                        + +
                        +
                        +max_supported_workspace_chunks = None
                        +
                        + +
                        +
                        +max_concurrent_requests = None
                        +
                        + +
                        +
                        +file_extension_to_chunking_scheme = None
                        +
                        + +
                        +
                        +idle_timeout_seconds = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        +
                        -class abacusai.ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None)
                        +class abacusai.ComputePointInfo(client, updatedAt=None, last24HoursUsage=None, last7DaysUsage=None, currMonthAvailPoints=None, currMonthUsage=None, lastThrottlePopUp=None, alwaysDisplay=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        The compute point info of the organization

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • updatedAt (str) – The last time the compute point info was updated

                        • -
                        • last24HoursUsage (int) – The 24 hours usage of the organization

                        • -
                        • last7DaysUsage (int) – The 7 days usage of the organization

                        • -
                        • currMonthAvailPoints (int) – The current month’s available compute points

                        • -
                        • currMonthUsage (int) – The current month’s usage compute points

                        • -
                        • lastThrottlePopUp (str) – The last time the organization was throttled

                        • +
                        • updatedAt (str) – The last time the compute point info was updated

                        • +
                        • last24HoursUsage (int) – The 24 hours usage of the organization

                        • +
                        • last7DaysUsage (int) – The 7 days usage of the organization

                        • +
                        • currMonthAvailPoints (int) – The current month’s available compute points

                        • +
                        • currMonthUsage (int) – The current month’s usage compute points

                        • +
                        • lastThrottlePopUp (str) – The last time the organization was throttled

                        • +
                        • alwaysDisplay (bool) – Whether to always display the compute point toggle

                        @@ -33305,6 +36666,11 @@

                        Package Contentslast_throttle_pop_up = None

                        +
                        +
                        +always_display = None
                        +
                        +
                        deprecated_keys
                        @@ -33324,7 +36690,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33340,10 +36706,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • concatenatedTable (str) – The feature group to concatenate with the destination feature group.

                        • -
                        • mergeType (str) – The type of merge to perform, either UNION or INTERSECTION.

                        • -
                        • replaceUntilTimestamp (int) – The Unix timestamp to specify the point up to which data from the source feature group will be replaced.

                        • -
                        • skipMaterialize (bool) – If True, the concatenated feature group will not be materialized.

                        • +
                        • concatenatedTable (str) – The feature group to concatenate with the destination feature group.

                        • +
                        • mergeType (str) – The type of merge to perform, either UNION or INTERSECTION.

                        • +
                        • replaceUntilTimestamp (int) – The Unix timestamp to specify the point up to which data from the source feature group will be replaced.

                        • +
                        • skipMaterialize (bool) – If True, the concatenated feature group will not be materialized.

                        @@ -33386,7 +36752,279 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.ConstantsAutocompleteResponse(client, maxPendingRequests=None, acceptanceDelay=None, debounceDelay=None, recordUserAction=None, validateSuggestion=None, validationLinesThreshold=None, maxTrackedRecentChanges=None, diffThreshold=None, derivativeThreshold=None, defaultSurroundingLines=None, maxTrackedVisitChanges=None, selectionCooldownMs=None, viewingCooldownMs=None, maxLines=None, editCooldownMs=None, scrollDebounceMs=None, lspDeadline=None, diagnosticsThreshold=None, diagnosticEachThreshold=None, numVsCodeSuggestions=None, minReindexingInterval=None, minRefreshSummaryInterval=None, summaryBatchSize=None, jobReorderInterval=None, stopRapidChanges=None, delaySummaryBatches=None, delaySummaryBatchesRateLimit=None, maxSymbolsFuzzyMatch=None, fuzzySymbolMatchThreshold=None, symbolsCacheUpdateInterval=None, symbolsStorageUpdateInterval=None, editPredictionSimilarityThreshold=None, minSearchWordLength=None, maxOccurrencesPerWord=None, maxWordsContentMatches=None, editPredictionEnabled=None, snapshotIntervalMs=None, linesForSnapshot=None, embeddingConstants=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A dictionary of constants to be used in the autocomplete.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • maxPendingRequests (int) – The maximum number of pending requests.

                        • +
                        • acceptanceDelay (int) – The acceptance delay.

                        • +
                        • debounceDelay (int) – The debounce delay.

                        • +
                        • recordUserAction (bool) – Whether to record user action.

                        • +
                        • validateSuggestion (bool) – Whether to validate the suggestion.

                        • +
                        • validationLinesThreshold (int) – The number of lines to validate the suggestion.

                        • +
                        • maxTrackedRecentChanges (int) – The maximum number of recent file changes to track.

                        • +
                        • diffThreshold (int) – The diff operations threshold.

                        • +
                        • derivativeThreshold (int) – The derivative threshold for deletions

                        • +
                        • defaultSurroundingLines (int) – The default number of surrounding lines to include in the recently visited context.

                        • +
                        • maxTrackedVisitChanges (int) – The maximum number of recently visited ranges to track.

                        • +
                        • selectionCooldownMs (int) – The cooldown time in milliseconds for selection changes.

                        • +
                        • viewingCooldownMs (int) – The cooldown time in milliseconds for viewing changes.

                        • +
                        • maxLines (int) – The maximum number of lines to include in recently visited context.

                        • +
                        • editCooldownMs (int) – The cooldown time in milliseconds after last edit.

                        • +
                        • scrollDebounceMs (int) – The debounce time in milliseconds for scroll events.

                        • +
                        • lspDeadline (int) – The deadline in milliseconds for LSP context.

                        • +
                        • diagnosticsThreshold (int) – The max number of diagnostics to show.

                        • +
                        • diagnosticEachThreshold (int) – The max number of characters to show for each diagnostic type.

                        • +
                        • numVsCodeSuggestions (int) – The number of VS Code suggestions to show.

                        • +
                        • minReindexingInterval (int) – The minimum interval between reindexes in ms.

                        • +
                        • minRefreshSummaryInterval (int) – The minimum interval between refresh summary in ms.

                        • +
                        • summaryBatchSize (int) – The batch size for code summary in autocomplete.

                        • +
                        • jobReorderInterval (int) – The interval in ms to reorder jobs in the job queue for summary.

                        • +
                        • stopRapidChanges (bool) – Whether to stop rapid changes in autocomplete.

                        • +
                        • delaySummaryBatches (int) – The delay in ms between summary batches.

                        • +
                        • delaySummaryBatchesRateLimit (int) – The delay in ms in case of rate limit for delay summary batches.

                        • +
                        • maxSymbolsFuzzyMatch (int) – The max number of symbols to fuzzy match.

                        • +
                        • fuzzySymbolMatchThreshold (int) – The threshold for fuzzy symbol match.

                        • +
                        • symbolsCacheUpdateInterval (int) – The interval in ms to update the symbols cache.

                        • +
                        • symbolsStorageUpdateInterval (int) – The interval in ms to update the symbols storage.

                        • +
                        • editPredictionSimilarityThreshold (int) – The threshold for edit prediction similarity.

                        • +
                        • minSearchWordLength (int) – The minimum length of the word to be searched.

                        • +
                        • maxOccurrencesPerWord (int) – The maximum occurrences of a particular search word present in the file.

                        • +
                        • maxWordsContentMatches (int) – The maximum number of content matches from the client.

                        • +
                        • editPredictionEnabled (bool) – Whether to enable edit prediction.

                        • +
                        • snapshotIntervalMs (int) – The interval in ms to snapshot the file for recent file changes.

                        • +
                        • linesForSnapshot (int) – Limit of max number of lines to snapshot for recent file changes.

                        • +
                        • embeddingConstants (codellmembeddingconstants) – Embedding constants

                        • +
                        +
                        +
                        +
                        +
                        +max_pending_requests = None
                        +
                        + +
                        +
                        +acceptance_delay = None
                        +
                        + +
                        +
                        +debounce_delay = None
                        +
                        + +
                        +
                        +record_user_action = None
                        +
                        + +
                        +
                        +validate_suggestion = None
                        +
                        + +
                        +
                        +validation_lines_threshold = None
                        +
                        + +
                        +
                        +max_tracked_recent_changes = None
                        +
                        + +
                        +
                        +diff_threshold = None
                        +
                        + +
                        +
                        +derivative_threshold = None
                        +
                        + +
                        +
                        +default_surrounding_lines = None
                        +
                        + +
                        +
                        +max_tracked_visit_changes = None
                        +
                        + +
                        +
                        +selection_cooldown_ms = None
                        +
                        + +
                        +
                        +viewing_cooldown_ms = None
                        +
                        + +
                        +
                        +max_lines = None
                        +
                        + +
                        +
                        +edit_cooldown_ms = None
                        +
                        + +
                        +
                        +scroll_debounce_ms = None
                        +
                        + +
                        +
                        +lsp_deadline = None
                        +
                        + +
                        +
                        +diagnostics_threshold = None
                        +
                        + +
                        +
                        +diagnostic_each_threshold = None
                        +
                        + +
                        +
                        +num_vs_code_suggestions = None
                        +
                        + +
                        +
                        +min_reindexing_interval = None
                        +
                        + +
                        +
                        +min_refresh_summary_interval = None
                        +
                        + +
                        +
                        +summary_batch_size = None
                        +
                        + +
                        +
                        +job_reorder_interval = None
                        +
                        + +
                        +
                        +stop_rapid_changes = None
                        +
                        + +
                        +
                        +delay_summary_batches = None
                        +
                        + +
                        +
                        +delay_summary_batches_rate_limit = None
                        +
                        + +
                        +
                        +max_symbols_fuzzy_match = None
                        +
                        + +
                        +
                        +fuzzy_symbol_match_threshold = None
                        +
                        + +
                        +
                        +symbols_cache_update_interval = None
                        +
                        + +
                        +
                        +symbols_storage_update_interval = None
                        +
                        + +
                        +
                        +edit_prediction_similarity_threshold = None
                        +
                        + +
                        +
                        +min_search_word_length = None
                        +
                        + +
                        +
                        +max_occurrences_per_word = None
                        +
                        + +
                        +
                        +max_words_content_matches = None
                        +
                        + +
                        +
                        +edit_prediction_enabled = None
                        +
                        + +
                        +
                        +snapshot_interval_ms = None
                        +
                        + +
                        +
                        +lines_for_snapshot = None
                        +
                        + +
                        +
                        +embedding_constants = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -33402,8 +37040,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • default (int) – the default memory size for the processing unit

                        • -
                        • data (list) – the list of memory sizes for the processing unit

                        • +
                        • default (int) – the default memory size for the processing unit

                        • +
                        • data (list) – the list of memory sizes for the processing unit

                        @@ -33436,7 +37074,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33445,20 +37083,21 @@

                        Package Contents
                        -class abacusai.CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, experimentalFeatures=None)
                        +class abacusai.CustomChatInstructions(client, userInformationInstructions=None, responseInstructions=None, enableCodeExecution=None, enableImageGeneration=None, enableWebSearch=None, enablePlayground=None, enableMemories=None, experimentalFeatures=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        Custom Chat Instructions

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • userInformationInstructions (str) – The behavior instructions for the chat.

                        • -
                        • responseInstructions (str) – The response instructions for the chat.

                        • -
                        • enableCodeExecution (bool) – Whether or not code execution is enabled.

                        • -
                        • enableImageGeneration (bool) – Whether or not image generation is enabled.

                        • -
                        • enableWebSearch (bool) – Whether or not web search is enabled.

                        • -
                        • enablePlayground (bool) – Whether or not playground is enabled.

                        • -
                        • experimentalFeatures (dict) – Experimental features.

                        • +
                        • userInformationInstructions (str) – The behavior instructions for the chat.

                        • +
                        • responseInstructions (str) – The response instructions for the chat.

                        • +
                        • enableCodeExecution (bool) – Whether or not code execution is enabled.

                        • +
                        • enableImageGeneration (bool) – Whether or not image generation is enabled.

                        • +
                        • enableWebSearch (bool) – Whether or not web search is enabled.

                        • +
                        • enablePlayground (bool) – Whether or not playground is enabled.

                        • +
                        • enableMemories (bool) – Whether or not memories are enabled.

                        • +
                        • experimentalFeatures (dict) – Experimental features.

                        @@ -33492,6 +37131,11 @@

                        Package Contentsenable_playground = None
                        +
                        +
                        +enable_memories = None
                        +
                        +
                        experimental_features = None
                        @@ -33516,7 +37160,69 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.CustomDomain(client, status=None, message=None, expectedNameservers=None, currentNameservers=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Result of adding a custom domain to a hosted app

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • status (bool) – Whether the custom domain was added successfully

                        • +
                        • message (str) – The message from the custom domain

                        • +
                        • expectedNameservers (list) – The expected nameservers for the custom domain

                        • +
                        • currentNameservers (list) – The current nameservers for the custom domain

                        • +
                        +
                        +
                        +
                        +
                        +status = None
                        +
                        + +
                        +
                        +message = None
                        +
                        + +
                        +
                        +expected_nameservers = None
                        +
                        + +
                        +
                        +current_nameservers = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -33532,11 +37238,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • notebookId (str) – The unique identifier of the notebook used to create/edit the loss function.

                        • -
                        • name (str) – Name assigned to the custom loss function.

                        • -
                        • createdAt (str) – When the loss function was created.

                        • -
                        • lossFunctionName (str) – The name of the function defined in the source code.

                        • -
                        • lossFunctionType (str) – The category of problems that this loss would be applicable to, e.g. regression, multi-label classification, etc.

                        • +
                        • notebookId (str) – The unique identifier of the notebook used to create/edit the loss function.

                        • +
                        • name (str) – Name assigned to the custom loss function.

                        • +
                        • createdAt (str) – When the loss function was created.

                        • +
                        • lossFunctionName (str) – The name of the function defined in the source code.

                        • +
                        • lossFunctionType (str) – The category of problems that this loss would be applicable to, e.g. regression, multi-label classification, etc.

                        • codeSource (CodeSource) – Information about the source code of the loss function.

                        @@ -33590,7 +37296,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33606,11 +37312,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • customMetricId (str) – Unique string identifier of the custom metric.

                        • -
                        • name (str) – Name assigned to the custom metric.

                        • -
                        • createdAt (str) – Date and time when the custom metric was created (ISO 8601 format).

                        • -
                        • problemType (str) – Problem type that this custom metric is applicable to (e.g. regression).

                        • -
                        • notebookId (str) – Unique string identifier of the notebook used to create/edit the custom metric.

                        • +
                        • customMetricId (str) – Unique string identifier of the custom metric.

                        • +
                        • name (str) – Name assigned to the custom metric.

                        • +
                        • createdAt (str) – Date and time when the custom metric was created (ISO 8601 format).

                        • +
                        • problemType (str) – Problem type that this custom metric is applicable to (e.g. regression).

                        • +
                        • notebookId (str) – Unique string identifier of the notebook used to create/edit the custom metric.

                        • latestCustomMetricVersion (CustomMetricVersion) – Latest version of the custom metric.

                        @@ -33664,7 +37370,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33680,10 +37386,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • customMetricVersion (str) – Unique string identifier for the custom metric version.

                        • -
                        • name (str) – Name assigned to the custom metric.

                        • -
                        • createdAt (str) – ISO-8601 string indicating when the custom metric was created.

                        • -
                        • customMetricFunctionName (str) – The name of the function defined in the source code.

                        • +
                        • customMetricVersion (str) – Unique string identifier for the custom metric version.

                        • +
                        • name (str) – Name assigned to the custom metric.

                        • +
                        • createdAt (str) – ISO-8601 string indicating when the custom metric was created.

                        • +
                        • customMetricFunctionName (str) – The name of the function defined in the source code.

                        • codeSource (CodeSource) – Information about the source code of the custom metric.

                        @@ -33732,7 +37438,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33757,7 +37463,7 @@

                        Package Contents
                        Parameters:
                        -

                        custom_metric_version (str) – A unique string identifier for the custom metric version.

                        +

                        custom_metric_version (str) – A unique string identifier for the custom metric version.

                        Returns:

                        An object describing the custom metric version.

                        @@ -33779,10 +37485,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • trainingDataParameterNameMapping (dict) – The mapping from feature group type to the dataframe parameter name

                        • -
                        • schemaMappings (dict) – The feature type to feature name mapping for each dataframe

                        • -
                        • trainDataParameterToFeatureGroupIds (dict) – The mapping from the dataframe parameter name to the feature group id backing the data

                        • -
                        • trainingConfig (dict) – The configs for training

                        • +
                        • trainingDataParameterNameMapping (dict) – The mapping from feature group type to the dataframe parameter name

                        • +
                        • schemaMappings (dict) – The feature type to feature name mapping for each dataframe

                        • +
                        • trainDataParameterToFeatureGroupIds (dict) – The mapping from the dataframe parameter name to the feature group id backing the data

                        • +
                        • trainingConfig (dict) – The configs for training

                        @@ -33825,7 +37531,75 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.DaemonTaskConversation(client, deploymentConversationId=None, createdAt=None, updatedAt=None, deploymentConversationName=None, externalApplicationId=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Daemon Task Conversation

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • deploymentConversationId (id) – The ID of the deployment conversation

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        • updatedAt (str) – The last update timestamp

                        • +
                        • deploymentConversationName (str) – The name of the conversation

                        • +
                        • externalApplicationId (str) – The external application ID

                        • +
                        +
                        +
                        +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +updated_at = None
                        +
                        + +
                        +
                        +deployment_conversation_name = None
                        +
                        + +
                        +
                        +external_application_id = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -33841,9 +37615,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • totalCount (int) – Total count of rows in data.

                        • -
                        • numDuplicates (int) – Number of Duplicates based on primary keys in data.

                        • -
                        • sample (FeatureRecord) – A list of dicts enumerating rows the rows that contained duplications in primary keys.

                        • +
                        • totalCount (int) – Total count of rows in data.

                        • +
                        • numDuplicates (int) – Number of Duplicates based on primary keys in data.

                        • +
                        • sample (FeatureRecord) – A list of dicts enumerating rows the rows that contained duplications in primary keys.

                        @@ -33881,7 +37655,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33897,11 +37671,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • metrics (list[dict]) – A list of dicts with metrics for each columns

                        • -
                        • schema (list[dict]) – A list of dicts with the schema for each metric

                        • -
                        • numRows (int) – The number of rows

                        • -
                        • numCols (int) – The number of columns

                        • -
                        • numDuplicateRows (int) – The number of duplicate rows

                        • +
                        • metrics (list[dict]) – A list of dicts with metrics for each columns

                        • +
                        • schema (list[dict]) – A list of dicts with the schema for each metric

                        • +
                        • numRows (int) – The number of rows

                        • +
                        • numCols (int) – The number of columns

                        • +
                        • numDuplicateRows (int) – The number of duplicate rows

                        @@ -33949,7 +37723,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -33965,7 +37739,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • logs (list[str]) – List of logs from data preparation during model training.

                        • +
                        • logs (list[str]) – List of logs from data preparation during model training.

                        @@ -33993,7 +37767,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -34009,7 +37783,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • results (dict) – A list with different pairs of quality parameters and their values

                        • +
                        • results (dict) – A list with different pairs of quality parameters and their values

                        @@ -34037,7 +37811,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -34053,8 +37827,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • docInfos (list[agentdatadocumentinfo]) – A list of dict for information on the documents uploaded to agent.

                        • -
                        • maxCount (int) – The maximum number of documents

                        • +
                        • docInfos (list[agentdatadocumentinfo]) – A list of dict for information on the documents uploaded to agent.

                        • +
                        • maxCount (int) – The maximum number of documents

                        @@ -34087,7 +37861,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -34103,8 +37877,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • databaseColumn (str) – database column name

                        • -
                        • feature (str) – feature group column it has been matched to

                        • +
                        • databaseColumn (str) – database column name

                        • +
                        • feature (str) – feature group column it has been matched to

                        @@ -34137,7 +37911,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -34153,12 +37927,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • databaseConnectorId (str) – A unique string identifier for the connection.

                        • -
                        • service (str) – An enum string indicating the service this connection connects to.

                        • -
                        • name (str) – A user-friendly name for the service.

                        • -
                        • status (str) – The status of the database connector.

                        • -
                        • auth (dict) – Non-secret connection information for this connector.

                        • -
                        • createdAt (str) – The ISO-8601 string indicating when the API key was created.

                        • +
                        • databaseConnectorId (str) – A unique string identifier for the connection.

                        • +
                        • service (str) – An enum string indicating the service this connection connects to.

                        • +
                        • name (str) – A user-friendly name for the service.

                        • +
                        • status (str) – The status of the database connector.

                        • +
                        • auth (dict) – Non-secret connection information for this connector.

                        • +
                        • createdAt (str) – The ISO-8601 string indicating when the API key was created.

                        @@ -34211,7 +37985,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -34222,7 +37996,7 @@

                        Package Contents
                        Parameters:
                        -

                        fetch_raw_data (bool) – If true, return unfiltered objects.

                        +

                        fetch_raw_data (bool) – If true, return unfiltered objects.

                        @@ -34234,8 +38008,8 @@

                        Package Contents
                        Parameters:
                          -
                        • object_name (str) – Unique identifier for the object in the external system.

                        • -
                        • fetch_raw_data (bool) – If true, return unfiltered list of columns.

                        • +
                        • object_name (str) – Unique identifier for the object in the external system.

                        • +
                        • fetch_raw_data (bool) – If true, return unfiltered list of columns.

                        Returns:
                        @@ -34253,7 +38027,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The new name for the Database Connector.

                        +

                        name (str) – The new name for the Database Connector.

                        @@ -34264,7 +38038,7 @@

                        Package Contents
                        Parameters:
                        -

                        database_connector_id (str) – Unique string identifier for the database connector.

                        +

                        database_connector_id (str) – Unique string identifier for the database connector.

                        @@ -34275,7 +38049,7 @@

                        Package Contents
                        Parameters:
                        -

                        database_connector_id (str) – The unique identifier for the database connector.

                        +

                        database_connector_id (str) – The unique identifier for the database connector.

                        @@ -34286,7 +38060,36 @@

                        Package Contents
                        Parameters:
                        -

                        query (str) – The query to be run in the database connector.

                        +

                        query (str) – The query to be run in the database connector.

                        +
                        + + + +
                        +
                        +query_datallm(query)
                        +

                        Runs a read-only query in the specified database connector. This API is specifically designed for DataLLM

                        +

                        and enforces read-only access with user-specific access control.

                        +
                        +
                        Parameters:
                        +

                        query (str) – The query to be run in the database connector (must be read-only).

                        +
                        +
                        +
                        + +
                        +
                        +get_auth()
                        +

                        Get the authentication details for a given database connector.

                        +
                        +
                        Parameters:
                        +

                        database_connector_id (str) – The unique ID associated with the database connector.

                        +
                        +
                        Returns:
                        +

                        The database connector with the authentication details.

                        +
                        +
                        Return type:
                        +

                        DatabaseConnector

                        @@ -34302,8 +38105,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The unique name of the column.

                        • -
                        • externalDataType (str) – The data type of column in the external database system.

                        • +
                        • name (str) – The unique name of the column.

                        • +
                        • externalDataType (str) – The data type of column in the external database system.

                        @@ -34336,7 +38139,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -34352,7 +38155,7 @@

                        Package ContentsParameters:
                        @@ -34386,7 +38189,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -34402,25 +38205,25 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • datasetId (str) – The unique identifier of the dataset.

                        • -
                        • sourceType (str) – The source of the Dataset. EXTERNAL_SERVICE, UPLOAD, or STREAMING.

                        • -
                        • dataSource (str) – Location of data. It may be a URI such as an s3 bucket or the database table.

                        • -
                        • createdAt (str) – The timestamp at which this dataset was created.

                        • -
                        • ignoreBefore (str) – The timestamp at which all previous events are ignored when training.

                        • -
                        • ephemeral (bool) – The dataset is ephemeral and not used for training.

                        • -
                        • lookbackDays (int) – Specific to streaming datasets, this specifies how many days worth of data to include when generating a snapshot. Value of 0 indicates leaves this selection to the system.

                        • -
                        • databaseConnectorId (str) – The Database Connector used.

                        • -
                        • databaseConnectorConfig (dict) – The database connector query used to retrieve data.

                        • -
                        • connectorType (str) – The type of connector used to get this dataset FILE or DATABASE.

                        • -
                        • featureGroupTableName (str) – The table name of the dataset’s feature group

                        • -
                        • applicationConnectorId (str) – The Application Connector used.

                        • -
                        • applicationConnectorConfig (dict) – The application connector query used to retrieve data.

                        • -
                        • incremental (bool) – If dataset is an incremental dataset.

                        • -
                        • isDocumentset (bool) – If dataset is a documentset.

                        • -
                        • extractBoundingBoxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

                        • -
                        • mergeFileSchemas (bool) – If the merge file schemas policy is enabled.

                        • -
                        • referenceOnlyDocumentset (bool) – Signifies whether to save the data reference only. Only valid if is_documentset if True.

                        • -
                        • versionLimit (int) – Version limit for the dataset.

                        • +
                        • datasetId (str) – The unique identifier of the dataset.

                        • +
                        • sourceType (str) – The source of the Dataset. EXTERNAL_SERVICE, UPLOAD, or STREAMING.

                        • +
                        • dataSource (str) – Location of data. It may be a URI such as an s3 bucket or the database table.

                        • +
                        • createdAt (str) – The timestamp at which this dataset was created.

                        • +
                        • ignoreBefore (str) – The timestamp at which all previous events are ignored when training.

                        • +
                        • ephemeral (bool) – The dataset is ephemeral and not used for training.

                        • +
                        • lookbackDays (int) – Specific to streaming datasets, this specifies how many days worth of data to include when generating a snapshot. Value of 0 indicates leaves this selection to the system.

                        • +
                        • databaseConnectorId (str) – The Database Connector used.

                        • +
                        • databaseConnectorConfig (dict) – The database connector query used to retrieve data.

                        • +
                        • connectorType (str) – The type of connector used to get this dataset FILE or DATABASE.

                        • +
                        • featureGroupTableName (str) – The table name of the dataset’s feature group

                        • +
                        • applicationConnectorId (str) – The Application Connector used.

                        • +
                        • applicationConnectorConfig (dict) – The application connector query used to retrieve data.

                        • +
                        • incremental (bool) – If dataset is an incremental dataset.

                        • +
                        • isDocumentset (bool) – If dataset is a documentset.

                        • +
                        • extractBoundingBoxes (bool) – Signifies whether to extract bounding boxes out of the documents. Only valid if is_documentset if True.

                        • +
                        • mergeFileSchemas (bool) – If the merge file schemas policy is enabled.

                        • +
                        • referenceOnlyDocumentset (bool) – Signifies whether to save the data reference only. Only valid if is_documentset if True.

                        • +
                        • versionLimit (int) – Version limit for the dataset.

                        • latestDatasetVersion (DatasetVersion) – The latest version of this dataset.

                        • schema (DatasetColumn) – List of resolved columns.

                        • refreshSchedules (RefreshSchedule) – List of schedules that determines when the next version of the dataset will be created.

                        • @@ -34574,7 +38377,23 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + +
                        +
                        +get_raw_data_from_realtime(check_permissions=False, start_time=None, end_time=None, column_filter=None)
                        +

                        Returns raw data from a realtime dataset. Only Microsoft Teams datasets are supported currently due to data size constraints in realtime datasets.

                        +
                        +
                        Parameters:
                        +
                          +
                        • check_permissions (bool) – If True, checks user permissions using session email.

                        • +
                        • start_time (str) – Start time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00).

                        • +
                        • end_time (str) – End time filter (inclusive) for created_date_time_t in ISO 8601 format (e.g. 2025-05-13T08:25:11Z or 2025-05-13T08:25:11+00:00).

                        • +
                        • column_filter (dict) – Dictionary mapping column names to filter values. Only rows matching all column filters will be returned.

                        • +
                        @@ -34586,12 +38405,12 @@

                        Package Contents
                        Parameters:
                          -
                        • location (str) – External URI to import the dataset from. If not specified, the last location will be used.

                        • -
                        • file_format (str) – File format to be used. If not specified, the service will try to detect the file format.

                        • -
                        • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

                        • -
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled.

                        • +
                        • location (str) – External URI to import the dataset from. If not specified, the last location will be used.

                        • +
                        • file_format (str) – File format to be used. If not specified, the service will try to detect the file format.

                        • +
                        • csv_delimiter (str) – If the file format is CSV, use a specific CSV delimiter.

                        • +
                        • merge_file_schemas (bool) – Signifies if the merge file schema policy is enabled.

                        • parsing_config (ParsingConfig) – Custom config for dataset parsing.

                        • -
                        • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

                        • +
                        • sql_query (str) – The SQL query to use when fetching data from the specified location. Use __TABLE__ as a placeholder for the table name. For example: “SELECT * FROM __TABLE__ WHERE event_date > ‘2021-01-01’”. If not provided, the entire dataset from the specified location will be imported.

                        Returns:
                        @@ -34610,10 +38429,10 @@

                        Package Contents
                        Parameters:
                          -
                        • object_name (str) – The name/ID of the object in the service to query. If not specified, the last name will be used.

                        • -
                        • columns (str) – The columns to query from the external service object. If not specified, the last columns will be used.

                        • -
                        • query_arguments (str) – Additional query arguments to filter the data. If not specified, the last arguments will be used.

                        • -
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, and query_arguments.

                        • +
                        • object_name (str) – The name/ID of the object in the service to query. If not specified, the last name will be used.

                        • +
                        • columns (str) – The columns to query from the external service object. If not specified, the last columns will be used.

                        • +
                        • query_arguments (str) – Additional query arguments to filter the data. If not specified, the last arguments will be used.

                        • +
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns, and query_arguments.

                        Returns:
                        @@ -34648,7 +38467,7 @@

                        Package Contents
                        Parameters:
                        -

                        file_format (str) – File format to be used. If not specified, the service will attempt to detect the file format.

                        +

                        file_format (str) – File format to be used. If not specified, the service will attempt to detect the file format.

                        Returns:

                        Token to be used when uploading file parts.

                        @@ -34682,7 +38501,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – The unique ID associated with the dataset.

                        +

                        dataset_id (str) – The unique ID associated with the dataset.

                        Returns:

                        The new Dataset Version created by taking a snapshot of the current data in the streaming dataset.

                        @@ -34700,7 +38519,7 @@

                        Package Contents
                        Parameters:
                          -
                        • column (str) – The name of the column.

                        • +
                        • column (str) – The name of the column.

                        • data_type (DataType) – The type of the data in the column. Note: Some ColumnMappings may restrict the options or explicitly set the DataType.

                        @@ -34720,9 +38539,9 @@

                        Package Contents
                        Parameters:
                          -
                        • retention_hours (int) – Number of hours to retain streamed data in memory.

                        • -
                        • retention_row_count (int) – Number of rows to retain streamed data in memory.

                        • -
                        • ignore_records_before_timestamp (int) – The Unix timestamp (in seconds) to use as a cutoff to ignore all entries sent before it

                        • +
                        • retention_hours (int) – Number of hours to retain streamed data in memory.

                        • +
                        • retention_row_count (int) – Number of rows to retain streamed data in memory.

                        • +
                        • ignore_records_before_timestamp (int) – The Unix timestamp (in seconds) to use as a cutoff to ignore all entries sent before it

                        @@ -34734,13 +38553,13 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – Unique string identifier of the dataset schema to look up.

                        +

                        dataset_id (str) – Unique string identifier of the dataset schema to look up.

                        Returns:

                        List of column schema definitions.

                        Return type:
                        -

                        list[DatasetColumn]

                        +

                        list[DatasetColumn]

                        @@ -34752,11 +38571,11 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

                        • -
                        • object_name (str) – If applicable, the name/ID of the object in the service to query.

                        • -
                        • columns (str) – The columns to query from the external service object.

                        • -
                        • query_arguments (str) – Additional query arguments to filter the data.

                        • -
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns and query_arguments.

                        • +
                        • database_connector_id (str) – Unique String Identifier of the Database Connector to import the dataset from.

                        • +
                        • object_name (str) – If applicable, the name/ID of the object in the service to query.

                        • +
                        • columns (str) – The columns to query from the external service object.

                        • +
                        • query_arguments (str) – Additional query arguments to filter the data.

                        • +
                        • sql_query (str) – The full SQL query to use when fetching data. If present, this parameter will override object_name, columns and query_arguments.

                        @@ -34768,7 +38587,7 @@

                        Package Contents
                        Parameters:
                        -

                        version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        +

                        version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        Returns:

                        The updated dataset.

                        @@ -34799,7 +38618,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – The unique ID associated with the dataset.

                        +

                        dataset_id (str) – The unique ID associated with the dataset.

                        Returns:

                        The dataset.

                        @@ -34817,15 +38636,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The maximum length of the list of all dataset versions.

                        • -
                        • start_after_version (str) – The ID of the version after which the list starts.

                        • +
                        • limit (int) – The maximum length of the list of all dataset versions.

                        • +
                        • start_after_version (str) – The ID of the version after which the list starts.

                        Returns:

                        A list of dataset versions.

                        Return type:
                        -

                        list[DatasetVersion]

                        +

                        list[DatasetVersion]

                        @@ -34836,7 +38655,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_id (str) – Unique string identifier of the dataset to delete.

                        +

                        dataset_id (str) – Unique string identifier of the dataset to delete.

                        @@ -34847,7 +38666,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -34858,7 +38677,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -34872,7 +38691,7 @@

                        Package Contents

                        A string describing the status of a dataset (importing, inspecting, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -34897,7 +38716,7 @@

                        Package Contents
                        Parameters:
                        -

                        cron (str) – A cron style string to set the refresh time.

                        +

                        cron (str) – A cron style string to set the refresh time.

                        Returns:

                        The refresh policy object.

                        @@ -34933,15 +38752,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The unique name of the column.

                        • -
                        • dataType (str) – The underlying data type of each column.

                        • -
                        • detectedDataType (str) – The detected data type of the column.

                        • -
                        • featureType (str) – Feature type of the column.

                        • -
                        • detectedFeatureType (str) – The detected feature type of the column.

                        • -
                        • originalName (str) – The original name of the column.

                        • -
                        • validDataTypes (list[str]) – The valid data type options for this column.

                        • -
                        • timeFormat (str) – The detected time format of the column.

                        • -
                        • timestampFrequency (str) – The detected frequency of the timestamps in the dataset.

                        • +
                        • name (str) – The unique name of the column.

                        • +
                        • dataType (str) – The underlying data type of each column.

                        • +
                        • detectedDataType (str) – The detected data type of the column.

                        • +
                        • featureType (str) – Feature type of the column.

                        • +
                        • detectedFeatureType (str) – The detected feature type of the column.

                        • +
                        • originalName (str) – The original name of the column.

                        • +
                        • validDataTypes (list[str]) – The valid data type options for this column.

                        • +
                        • timeFormat (str) – The detected time format of the column.

                        • +
                        • timestampFrequency (str) – The detected frequency of the timestamps in the dataset.

                        @@ -35009,7 +38828,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -35025,20 +38844,20 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • datasetVersion (str) – The unique identifier of the dataset version.

                        • -
                        • status (str) – The current status of the dataset version

                        • -
                        • datasetId (str) – A reference to the Dataset this dataset version belongs to.

                        • -
                        • size (int) – The size in bytes of the file.

                        • -
                        • rowCount (int) – Number of rows in the dataset version.

                        • -
                        • fileInspectMetadata (dict) – Metadata information about file’s inspection. For example - the detected delimiter for CSV files.

                        • -
                        • createdAt (str) – The timestamp this dataset version was created.

                        • -
                        • error (str) – If status is FAILED, this field will be populated with an error.

                        • -
                        • incrementalQueriedAt (str) – If the dataset version is from an incremental dataset, this is the last entry of timestamp column when the dataset version was created.

                        • -
                        • uploadId (str) – If the dataset version is being uploaded, this the reference to the Upload

                        • -
                        • mergeFileSchemas (bool) – If the merge file schemas policy is enabled.

                        • -
                        • databaseConnectorConfig (dict) – The database connector query used to retrieve data for this version.

                        • -
                        • applicationConnectorConfig (dict) – The application connector used to retrieve data for this version.

                        • -
                        • invalidRecords (str) – Invalid records in the dataset version

                        • +
                        • datasetVersion (str) – The unique identifier of the dataset version.

                        • +
                        • status (str) – The current status of the dataset version

                        • +
                        • datasetId (str) – A reference to the Dataset this dataset version belongs to.

                        • +
                        • size (int) – The size in bytes of the file.

                        • +
                        • rowCount (int) – Number of rows in the dataset version.

                        • +
                        • fileInspectMetadata (dict) – Metadata information about file’s inspection. For example - the detected delimiter for CSV files.

                        • +
                        • createdAt (str) – The timestamp this dataset version was created.

                        • +
                        • error (str) – If status is FAILED, this field will be populated with an error.

                        • +
                        • incrementalQueriedAt (str) – If the dataset version is from an incremental dataset, this is the last entry of timestamp column when the dataset version was created.

                        • +
                        • uploadId (str) – If the dataset version is being uploaded, this the reference to the Upload

                        • +
                        • mergeFileSchemas (bool) – If the merge file schemas policy is enabled.

                        • +
                        • databaseConnectorConfig (dict) – The database connector query used to retrieve data for this version.

                        • +
                        • applicationConnectorConfig (dict) – The application connector used to retrieve data for this version.

                        • +
                        • invalidRecords (str) – Invalid records in the dataset version

                        @@ -35131,7 +38950,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -35144,8 +38963,8 @@

                        Package ContentsParameters:
                        • selected_columns (List) – A list of columns to order first.

                        • -
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • -
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        • +
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • +
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        Returns:
                        @@ -35177,7 +38996,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_version (str) – Unique string identifier associated with the dataset version.

                        +

                        dataset_version (str) – Unique string identifier associated with the dataset version.

                        Returns:

                        The dataset version.

                        @@ -35194,7 +39013,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_version (str) – String identifier of the dataset version to delete.

                        +

                        dataset_version (str) – String identifier of the dataset version to delete.

                        @@ -35205,7 +39024,7 @@

                        Package Contents
                        Parameters:
                        -

                        dataset_version (str) – The unique version ID of the dataset version.

                        +

                        dataset_version (str) – The unique version ID of the dataset version.

                        Returns:

                        The logs for the specified dataset version.

                        @@ -35222,7 +39041,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -35233,7 +39052,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -35247,7 +39066,7 @@

                        Package Contents

                        A string describing the status of a dataset version (importing, inspecting, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -35263,7 +39082,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • logs (list[str]) – List of logs from dataset version.

                        • +
                        • logs (list[str]) – List of logs from dataset version.

                        @@ -35291,7 +39110,57 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.DefaultLlm(client, name=None, enum=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A default LLM.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • name (str) – The name of the LLM.

                        • +
                        • enum (str) – The enum of the LLM.

                        • +
                        +
                        +
                        +
                        +
                        +name = None
                        +
                        + +
                        +
                        +enum = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -35300,41 +39169,42 @@

                        Package Contents
                        -class abacusai.Deployment(client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={})
                        +class abacusai.Deployment(client, deploymentId=None, name=None, status=None, description=None, deployedAt=None, createdAt=None, projectId=None, modelId=None, modelVersion=None, featureGroupId=None, featureGroupVersion=None, callsPerSecond=None, autoDeploy=None, skipMetricsCheck=None, algoName=None, regions=None, error=None, batchStreamingUpdates=None, algorithm=None, pendingModelVersion=None, modelDeploymentConfig=None, predictionOperatorId=None, predictionOperatorVersion=None, pendingPredictionOperatorVersion=None, onlineFeatureGroupId=None, outputOnlineFeatureGroupId=None, realtimeMonitorId=None, runtimeConfigs=None, isSystemCreated=None, refreshSchedules={}, featureGroupExportConfig={}, defaultPredictionArguments={})

                        Bases: abacusai.return_class.AbstractApiClass

                        A model deployment

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • deploymentId (str) – A unique identifier for the deployment.

                        • -
                        • name (str) – A user-friendly name for the deployment.

                        • -
                        • status (str) – The status of the deployment.

                        • -
                        • description (str) – A description of the deployment.

                        • -
                        • deployedAt (str) – The date and time when the deployment became active, in ISO-8601 format.

                        • -
                        • createdAt (str) – The date and time when the deployment was created, in ISO-8601 format.

                        • -
                        • projectId (str) – A unique identifier for the project this deployment belongs to.

                        • -
                        • modelId (str) – The model that is currently deployed.

                        • -
                        • modelVersion (str) – The model version ID that is currently deployed.

                        • -
                        • featureGroupId (str) – The feature group that is currently deployed.

                        • -
                        • featureGroupVersion (str) – The feature group version ID that is currently deployed.

                        • -
                        • callsPerSecond (int) – The number of calls per second the deployment can handle.

                        • -
                        • autoDeploy (bool) – A flag marking the deployment as eligible for auto deployments whenever any model in the project finishes training.

                        • -
                        • skipMetricsCheck (bool) – A flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

                        • -
                        • algoName (str) – The name of the algorithm that is currently deployed.

                        • -
                        • regions (list) – A list of regions that the deployment has been deployed to.

                        • -
                        • error (str) – The relevant error, if the status is FAILED.

                        • -
                        • batchStreamingUpdates (bool) – A flag marking the feature group deployment as having enabled a background process which caches streamed-in rows for quicker lookup.

                        • -
                        • algorithm (str) – The algorithm that is currently deployed.

                        • -
                        • pendingModelVersion (dict) – The model that the deployment is switching to, or being stopped.

                        • -
                        • modelDeploymentConfig (dict) – The config for which model to be deployed.

                        • -
                        • predictionOperatorId (str) – The prediction operator ID that is currently deployed.

                        • -
                        • predictionOperatorVersion (str) – The prediction operator version ID that is currently deployed.

                        • -
                        • pendingPredictionOperatorVersion (str) – The prediction operator version ID that the deployment is switching to, or being stopped.

                        • +
                        • deploymentId (str) – A unique identifier for the deployment.

                        • +
                        • name (str) – A user-friendly name for the deployment.

                        • +
                        • status (str) – The status of the deployment.

                        • +
                        • description (str) – A description of the deployment.

                        • +
                        • deployedAt (str) – The date and time when the deployment became active, in ISO-8601 format.

                        • +
                        • createdAt (str) – The date and time when the deployment was created, in ISO-8601 format.

                        • +
                        • projectId (str) – A unique identifier for the project this deployment belongs to.

                        • +
                        • modelId (str) – The model that is currently deployed.

                        • +
                        • modelVersion (str) – The model version ID that is currently deployed.

                        • +
                        • featureGroupId (str) – The feature group that is currently deployed.

                        • +
                        • featureGroupVersion (str) – The feature group version ID that is currently deployed.

                        • +
                        • callsPerSecond (int) – The number of calls per second the deployment can handle.

                        • +
                        • autoDeploy (bool) – A flag marking the deployment as eligible for auto deployments whenever any model in the project finishes training.

                        • +
                        • skipMetricsCheck (bool) – A flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

                        • +
                        • algoName (str) – The name of the algorithm that is currently deployed.

                        • +
                        • regions (list) – A list of regions that the deployment has been deployed to.

                        • +
                        • error (str) – The relevant error, if the status is FAILED.

                        • +
                        • batchStreamingUpdates (bool) – A flag marking the feature group deployment as having enabled a background process which caches streamed-in rows for quicker lookup.

                        • +
                        • algorithm (str) – The algorithm that is currently deployed.

                        • +
                        • pendingModelVersion (dict) – The model that the deployment is switching to, or being stopped.

                        • +
                        • modelDeploymentConfig (dict) – The config for which model to be deployed.

                        • +
                        • predictionOperatorId (str) – The prediction operator ID that is currently deployed.

                        • +
                        • predictionOperatorVersion (str) – The prediction operator version ID that is currently deployed.

                        • +
                        • pendingPredictionOperatorVersion (str) – The prediction operator version ID that the deployment is switching to, or being stopped.

                        • onlineFeatureGroupId (id) – The online feature group ID that the deployment is running on

                        • outputOnlineFeatureGroupId (id) – The online feature group ID that the deployment is outputting results to

                        • realtimeMonitorId (id) – The realtime monitor ID of the realtime-monitor that is associated with the deployment

                        • -
                        • runtimeConfigs (dict) – The runtime configurations of a deployment which is used by some of the usecases during prediction.

                        • +
                        • runtimeConfigs (dict) – The runtime configurations of a deployment which is used by some of the usecases during prediction.

                        • +
                        • isSystemCreated (bool) – Whether the deployment is system created.

                        • refreshSchedules (RefreshSchedule) – A list of refresh schedules that indicate when the deployment will be updated to the latest model version.

                        • featureGroupExportConfig (FeatureGroupExportConfig) – The export config (file connector or database connector information) for feature group deployment exports.

                        • defaultPredictionArguments (PredictionArguments) – The default prediction arguments for prediction APIs

                        • @@ -35481,6 +39351,11 @@

                          Package Contentsruntime_configs = None

                        +
                        +
                        +is_system_created = None
                        +
                        +
                        refresh_schedules
                        @@ -35515,7 +39390,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -35527,9 +39402,9 @@

                        Package Contents
                        Parameters:
                          -
                        • endpoint (str) – URI that the webhook will send HTTP POST requests to.

                        • -
                        • webhook_event_type (str) – One of ‘DEPLOYMENT_START’, ‘DEPLOYMENT_SUCCESS’, or ‘DEPLOYMENT_FAILED’.

                        • -
                        • payload_template (dict) – Template for the body of the HTTP POST requests. Defaults to {}.

                        • +
                        • endpoint (str) – URI that the webhook will send HTTP POST requests to.

                        • +
                        • webhook_event_type (str) – One of ‘DEPLOYMENT_START’, ‘DEPLOYMENT_SUCCESS’, or ‘DEPLOYMENT_FAILED’.

                        • +
                        • payload_template (dict) – Template for the body of the HTTP POST requests. Defaults to {}.

                        Returns:
                        @@ -35547,13 +39422,13 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique identifier of the target deployment.

                        +

                        deployment_id (str) – Unique identifier of the target deployment.

                        Returns:

                        List of the webhooks attached to the given deployment ID.

                        Return type:
                        -

                        list[Webhook]

                        +

                        list[Webhook]

                        @@ -35578,7 +39453,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier associated with the deployment.

                        +

                        deployment_id (str) – Unique string identifier associated with the deployment.

                        Returns:

                        Description of the deployment.

                        @@ -35596,9 +39471,9 @@

                        Package Contents
                        Parameters:
                          -
                        • description (str) – The new description for the deployment.

                        • -
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

                        • -
                        • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

                        • +
                        • description (str) – The new description for the deployment.

                        • +
                        • auto_deploy (bool) – Flag to enable the automatic deployment when a new Model Version finishes training.

                        • +
                        • skip_metrics_check (bool) – Flag to skip metric regression with this current deployment. This field is only relevant when auto_deploy is on

                        @@ -35610,7 +39485,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The new deployment name.

                        +

                        name (str) – The new deployment name.

                        @@ -35622,7 +39497,7 @@

                        Package Contents
                        Parameters:
                        -

                        enable (bool) – Enable or disable the autoDeploy property of the deployment.

                        +

                        enable (bool) – Enable or disable the autoDeploy property of the deployment.

                        @@ -35634,9 +39509,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – A unique identifier for the model version.

                        • -
                        • algorithm (str) – The algorithm to use for the model version. If not specified, the algorithm will be inferred from the model version.

                        • -
                        • model_deployment_config (dict) – The deployment configuration for the model to deploy.

                        • +
                        • model_version (str) – A unique identifier for the model version.

                        • +
                        • algorithm (str) – The algorithm to use for the model version. If not specified, the algorithm will be inferred from the model version.

                        • +
                        • model_deployment_config (dict) – The deployment configuration for the model to deploy.

                        @@ -35648,7 +39523,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_version (str) – Unique string identifier for the feature group version.

                        +

                        feature_group_version (str) – Unique string identifier for the feature group version.

                        @@ -35659,7 +39534,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_version (str) – Unique string identifier for the prediction operator version.

                        +

                        prediction_operator_version (str) – Unique string identifier for the prediction operator version.

                        @@ -35670,7 +39545,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – A unique string identifier associated with the deployment.

                        +

                        deployment_id (str) – A unique string identifier associated with the deployment.

                        @@ -35681,7 +39556,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier of the deployment to be stopped.

                        +

                        deployment_id (str) – Unique string identifier of the deployment to be stopped.

                        @@ -35692,7 +39567,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier of the deployment to delete.

                        +

                        deployment_id (str) – Unique string identifier of the deployment to delete.

                        @@ -35704,8 +39579,8 @@

                        Package Contents
                        Parameters:
                          -
                        • file_format (str) – The type of export output, either CSV or JSON.

                        • -
                        • output_location (str) – The file connector (cloud) location where the output should be exported.

                        • +
                        • file_format (str) – The type of export output, either CSV or JSON.

                        • +
                        • output_location (str) – The file connector (cloud) location where the output should be exported.

                        @@ -35718,12 +39593,12 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – The unique string identifier of the database connector used.

                        • -
                        • object_name (str) – The object of the database connector to write to.

                        • -
                        • write_mode (str) – The write mode to use when writing to the database connector, either UPSERT or INSERT.

                        • -
                        • database_feature_mapping (dict) – The column/feature pairs mapping the features to the database columns.

                        • -
                        • id_column (str) – The id column to use as the upsert key.

                        • -
                        • additional_id_columns (list) – For database connectors which support it, a list of additional ID columns to use as a complex key for upserting.

                        • +
                        • database_connector_id (str) – The unique string identifier of the database connector used.

                        • +
                        • object_name (str) – The object of the database connector to write to.

                        • +
                        • write_mode (str) – The write mode to use when writing to the database connector, either UPSERT or INSERT.

                        • +
                        • database_feature_mapping (dict) – The column/feature pairs mapping the features to the database columns.

                        • +
                        • id_column (str) – The id column to use as the upsert key.

                        • +
                        • additional_id_columns (list) – For database connectors which support it, a list of additional ID columns to use as a complex key for upserting.

                        @@ -35735,7 +39610,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – The ID of the deployment for which the export type is set.

                        +

                        deployment_id (str) – The ID of the deployment for which the export type is set.

                        @@ -35748,7 +39623,7 @@

                        Package ContentsParameters:
                        • prediction_arguments (PredictionArguments) – The prediction arguments to set.

                        • -
                        • set_as_override (bool) – If True, use these arguments as overrides instead of defaults for predict calls

                        • +
                        • set_as_override (bool) – If True, use these arguments as overrides instead of defaults for predict calls

                        Returns:
                        @@ -35767,16 +39642,16 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The number of prediction log entries to retrieve up to the specified limit.

                        • -
                        • last_log_request_id (str) – The request ID of the last log entry to retrieve.

                        • -
                        • last_log_timestamp (int) – A Unix timestamp in milliseconds specifying the timestamp for the last log entry.

                        • +
                        • limit (int) – The number of prediction log entries to retrieve up to the specified limit.

                        • +
                        • last_log_request_id (str) – The request ID of the last log entry to retrieve.

                        • +
                        • last_log_timestamp (int) – A Unix timestamp in milliseconds specifying the timestamp for the last log entry.

                        Returns:

                        A list of prediction log records.

                        Return type:
                        -

                        list[PredictionLogRecord]

                        +

                        list[PredictionLogRecord]

                        @@ -35789,7 +39664,7 @@

                        Package Contents
                        Parameters:
                        @@ -35809,13 +39684,13 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – Unique string identifier for the deployment.

                        +

                        deployment_id (str) – Unique string identifier for the deployment.

                        Returns:

                        An array of deployment alerts.

                        Return type:
                        -

                        list[MonitorAlert]

                        +

                        list[MonitorAlert]

                        @@ -35827,8 +39702,8 @@

                        Package Contents
                        Parameters:
                          -
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor.

                        • -
                        • lookback_time (int) – Lookback time (in seconds) for each monitor trigger

                        • +
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor.

                        • +
                        • lookback_time (int) – Lookback time (in seconds) for each monitor trigger

                        Returns:
                        @@ -35842,23 +39717,25 @@

                        Package Contents
                        -get_conversation_response(message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None)
                        +get_conversation_response(message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None, user_info=None, execute_usercode_tool=False)

                        Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists).

                        Parameters:
                          -
                        • message (str) – A message from the user

                        • -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • -
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • message (str) – A message from the user

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • +
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • execute_usercode_tool (bool) – If True, will return the tool output in the response.

                        • +
                        • user_info (dict)

                        @@ -35871,17 +39748,17 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • message (str) – A message from the user

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • message (str) – A message from the user

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • attachments (None) – A dictionary of binary data to use to answer the queries.

                        @@ -35895,22 +39772,22 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Name of the feature group table to write the results of the batch prediction. Can only be specified if outputLocation and databaseConnectorId are not specified. If tableName is specified, the outputType will be enforced as CSV.

                        • -
                        • name (str) – Name of the batch prediction job.

                        • +
                        • table_name (str) – Name of the feature group table to write the results of the batch prediction. Can only be specified if outputLocation and databaseConnectorId are not specified. If tableName is specified, the outputType will be enforced as CSV.

                        • +
                        • name (str) – Name of the batch prediction job.

                        • batch_prediction_args (BatchPredictionArgs) – Batch Prediction args specific to problem type.

                        • -
                        • output_format (str) – Format of the batch prediction output (CSV or JSON).

                        • -
                        • output_location (str) – Location to write the prediction results. Otherwise, results will be stored in Abacus.AI.

                        • -
                        • database_connector_id (str) – Unique identifier of a Database Connection to write predictions to. Cannot be specified in conjunction with outputLocation.

                        • -
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector. Only available if databaseConnectorId is specified.

                        • -
                        • refresh_schedule (str) – Cron-style string that describes a schedule in UTC to automatically run the batch prediction.

                        • -
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • -
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • -
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • -
                        • output_includes_metadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

                        • -
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • -
                        • input_feature_groups (dict) – A dict of {‘<feature_group_type>’: ‘<feature_group_id>’} which overrides the default input data of that type for the Batch Prediction. Default input data is the training data that was used for training the deployed model.

                        • -
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • -
                        • explanations (bool)

                        • +
                        • output_format (str) – Format of the batch prediction output (CSV or JSON).

                        • +
                        • output_location (str) – Location to write the prediction results. Otherwise, results will be stored in Abacus.AI.

                        • +
                        • database_connector_id (str) – Unique identifier of a Database Connection to write predictions to. Cannot be specified in conjunction with outputLocation.

                        • +
                        • database_output_config (dict) – Key-value pair of columns/values to write to the database connector. Only available if databaseConnectorId is specified.

                        • +
                        • refresh_schedule (str) – Cron-style string that describes a schedule in UTC to automatically run the batch prediction.

                        • +
                        • csv_input_prefix (str) – Prefix to prepend to the input columns, only applies when output format is CSV.

                        • +
                        • csv_prediction_prefix (str) – Prefix to prepend to the prediction columns, only applies when output format is CSV.

                        • +
                        • csv_explanations_prefix (str) – Prefix to prepend to the explanation columns, only applies when output format is CSV.

                        • +
                        • output_includes_metadata (bool) – If true, output will contain columns including prediction start time, batch prediction version, and model version.

                        • +
                        • result_input_columns (list) – If present, will limit result files or feature groups to only include columns present in this list.

                        • +
                        • input_feature_groups (dict) – A dict of {‘<feature_group_type>’: ‘<feature_group_id>’} which overrides the default input data of that type for the Batch Prediction. Default input data is the training data that was used for training the deployed model.

                        • +
                        • global_prediction_args (Union[dict, abacusai.api_class.BatchPredictionArgs])

                        • +
                        • explanations (bool)

                        Returns:
                        @@ -35929,8 +39806,8 @@

                        Package Contents
                        Parameters:
                          -
                        • start_date (str) – Timeline start date in ISO format.

                        • -
                        • end_date (str) – Timeline end date in ISO format. The date range must be 7 days or less.

                        • +
                        • start_date (str) – Timeline start date in ISO format.

                        • +
                        • end_date (str) – Timeline end date in ISO format. The date range must be 7 days or less.

                        Returns:
                        @@ -35948,7 +39825,7 @@

                        Package Contents
                        Parameters:
                        -

                        primary_key_value (str) – The primary key value

                        +

                        primary_key_value (str) – The primary key value

                        Returns:

                        An object representing the feature group row process

                        @@ -35966,15 +39843,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The maximum number of processes to return. Defaults to None.

                        • -
                        • status (str) – The status of the processes to return. Defaults to None.

                        • +
                        • limit (int) – The maximum number of processes to return. Defaults to None.

                        • +
                        • status (str) – The status of the processes to return. Defaults to None.

                        Returns:

                        A list of object representing the feature group row process

                        Return type:
                        -

                        list[FeatureGroupRowProcess]

                        +

                        list[FeatureGroupRowProcess]

                        @@ -35985,7 +39862,7 @@

                        Package Contents
                        Parameters:
                        -

                        deployment_id (str) – The deployment id for the process

                        +

                        deployment_id (str) – The deployment id for the process

                        Returns:

                        An object representing the summary of the statuses of the individual feature group processes

                        @@ -36002,7 +39879,7 @@

                        Package Contents
                        Parameters:
                        -

                        primary_key_value (str) – The primary key value

                        +

                        primary_key_value (str) – The primary key value

                        Returns:

                        An object representing the feature group row process.

                        @@ -36019,7 +39896,7 @@

                        Package Contents
                        Parameters:
                        -

                        primary_key_value (str) – The primary key value

                        +

                        primary_key_value (str) – The primary key value

                        Returns:

                        An object representing the logs for the feature group row process

                        @@ -36037,8 +39914,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the conversation.

                        • -
                        • external_application_id (str) – The external application id associated with the deployment conversation.

                        • +
                        • name (str) – The name of the conversation.

                        • +
                        • external_application_id (str) – The external application id associated with the deployment conversation.

                        Returns:
                        @@ -36052,21 +39929,23 @@

                        Package Contents
                        -list_conversations(external_application_id=None, conversation_type=None, fetch_last_llm_info=False)
                        +list_conversations(external_application_id=None, conversation_type=None, fetch_last_llm_info=False, limit=None, search=None)

                        Lists all conversations for the given deployment and current user.

                        Parameters:
                          -
                        • external_application_id (str) – The external application id associated with the deployment conversation. If specified, only conversations created on that application will be listed.

                        • +
                        • external_application_id (str) – The external application id associated with the deployment conversation. If specified, only conversations created on that application will be listed.

                        • conversation_type (DeploymentConversationType) – The type of the conversation indicating its origin.

                        • -
                        • fetch_last_llm_info (bool) – If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots.

                        • +
                        • fetch_last_llm_info (bool) – If true, the LLM info for the most recent conversation will be fetched. Only applicable for system-created bots.

                        • +
                        • limit (int) – The number of conversations to return. Defaults to 600.

                        • +
                        • search (str) – The search query to filter conversations by title.

                        Returns:

                        The deployment conversations.

                        Return type:
                        -

                        list[DeploymentConversation]

                        +

                        list[DeploymentConversation]

                        @@ -36078,10 +39957,10 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the External Application. If not provided, the name of the deployment will be used.

                        • -
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application. If not provided, the description of the deployment will be used.

                        • -
                        • logo (str) – The logo to be displayed.

                        • -
                        • theme (dict) – The visual theme of the External Application.

                        • +
                        • name (str) – The name of the External Application. If not provided, the name of the deployment will be used.

                        • +
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application. If not provided, the description of the deployment will be used.

                        • +
                        • logo (str) – The logo to be displayed.

                        • +
                        • theme (dict) – The visual theme of the External Application.

                        Returns:
                        @@ -36099,7 +39978,7 @@

                        Package Contents
                        Parameters:
                        -

                        attachment_id (str) – The attachment ID.

                        +

                        attachment_id (str) – The attachment ID.

                        @@ -36110,7 +39989,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -36121,7 +40000,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        Returns:

                        the latest deployment object.

                        @@ -36141,7 +40020,7 @@

                        Package Contents

                        A string describing the status of a deploymet (pending, deploying, active, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -36152,7 +40031,7 @@

                        Package Contents
                        Parameters:
                        -

                        cron (str) – A cron style string to set the refresh time.

                        +

                        cron (str) – A cron style string to set the refresh time.

                        Returns:

                        The refresh policy object.

                        @@ -36188,9 +40067,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • deploymentToken (str) – The unique token used to authenticate requests.

                        • -
                        • createdAt (str) – The date and time when the token was created, in ISO-8601 format.

                        • -
                        • name (str) – The name associated with the authentication token.

                        • +
                        • deploymentToken (str) – The unique token used to authenticate requests.

                        • +
                        • createdAt (str) – The date and time when the token was created, in ISO-8601 format.

                        • +
                        • name (str) – The name associated with the authentication token.

                        @@ -36228,7 +40107,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -36237,32 +40116,46 @@

                        Package Contents
                        -class abacusai.DeploymentConversation(client, deploymentConversationId=None, name=None, deploymentId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, history={})
                        +class abacusai.DeploymentConversation(client, deploymentConversationId=None, name=None, deploymentId=None, ownerUserId=None, ownerOrgId=None, createdAt=None, lastEventCreatedAt=None, hasHistory=None, externalSessionId=None, regenerateAttempt=None, externalApplicationId=None, unusedDocumentUploadIds=None, humanizeInstructions=None, conversationWarning=None, conversationType=None, metadata=None, llmDisplayName=None, llmBotIcon=None, searchSuggestions=None, chatllmTaskId=None, conversationStatus=None, computerStatus=None, filesystemStatus=None, totalEvents=None, contestNames=None, daemonTaskId=None, parentDeploymentConversationId=None, introMessage=None, previewInfo=None, latestContext=None, shareType=None, history={}, hostedArtifacts={})

                        Bases: abacusai.return_class.AbstractApiClass

                        A deployment conversation.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • -
                        • name (str) – The name of the deployment conversation.

                        • -
                        • deploymentId (str) – The deployment id associated with the deployment conversation.

                        • -
                        • createdAt (str) – The timestamp at which the deployment conversation was created.

                        • -
                        • lastEventCreatedAt (str) – The timestamp at which the most recent corresponding deployment conversation event was created at.

                        • -
                        • hasHistory (bool) – Whether the deployment conversation has any history.

                        • -
                        • externalSessionId (str) – The external session id associated with the deployment conversation.

                        • -
                        • regenerateAttempt (int) – The sequence number of regeneration. Not regenerated if 0.

                        • -
                        • externalApplicationId (str) – The external application id associated with the deployment conversation.

                        • -
                        • unusedDocumentUploadIds (list[str]) – The list of unused document upload ids associated with the deployment conversation.

                        • -
                        • humanizeInstructions (dict) – Instructions for humanizing the conversation.

                        • -
                        • conversationWarning (str) – Extra text associated with the deployment conversation (to show it at the bottom of chatbot).

                        • -
                        • conversationType (str) – The type of the conversation, which depicts the application it caters to.

                        • -
                        • metadata (dict) – Additional backend information about the conversation.

                        • -
                        • llmDisplayName (str) – The display name of the LLM model used to generate the most recent response. Only used for system-created bots.

                        • -
                        • llmBotIcon (str) – The icon location of the LLM model used to generate the most recent response. Only used for system-created bots.

                        • -
                        • searchSuggestions (list) – The list of search suggestions for the conversation.

                        • -
                        • chatllmTaskId (str) – The chatllm task id associated with the deployment conversation.

                        • +
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • +
                        • name (str) – The name of the deployment conversation.

                        • +
                        • deploymentId (str) – The deployment id associated with the deployment conversation.

                        • +
                        • ownerUserId (str) – The user id of the owner of the deployment conversation.

                        • +
                        • ownerOrgId (str) – The organization id of the owner of the deployment conversation.

                        • +
                        • createdAt (str) – The timestamp at which the deployment conversation was created.

                        • +
                        • lastEventCreatedAt (str) – The timestamp at which the most recent corresponding deployment conversation event was created at.

                        • +
                        • hasHistory (bool) – Whether the deployment conversation has any history.

                        • +
                        • externalSessionId (str) – The external session id associated with the deployment conversation.

                        • +
                        • regenerateAttempt (int) – The sequence number of regeneration. Not regenerated if 0.

                        • +
                        • externalApplicationId (str) – The external application id associated with the deployment conversation.

                        • +
                        • unusedDocumentUploadIds (list[str]) – The list of unused document upload ids associated with the deployment conversation.

                        • +
                        • humanizeInstructions (dict) – Instructions for humanizing the conversation.

                        • +
                        • conversationWarning (str) – Extra text associated with the deployment conversation (to show it at the bottom of chatbot).

                        • +
                        • conversationType (str) – The type of the conversation, which depicts the application it caters to.

                        • +
                        • metadata (dict) – Additional backend information about the conversation.

                        • +
                        • llmDisplayName (str) – The display name of the LLM model used to generate the most recent response. Only used for system-created bots.

                        • +
                        • llmBotIcon (str) – The icon location of the LLM model used to generate the most recent response. Only used for system-created bots.

                        • +
                        • searchSuggestions (list) – The list of search suggestions for the conversation.

                        • +
                        • chatllmTaskId (str) – The chatllm task id associated with the deployment conversation.

                        • +
                        • conversationStatus (str) – The status of the deployment conversation (used for deep agent conversations).

                        • +
                        • computerStatus (str) – The status of the computer associated with the deployment conversation (used for deep agent conversations).

                        • +
                        • filesystemStatus (str) – The status of the filesystem associated with the deployment conversation (used for deep agent conversations).

                        • +
                        • totalEvents (int) – The total number of events in the deployment conversation.

                        • +
                        • contestNames (list[str]) – Names of contests that this deployment is a part of.

                        • +
                        • daemonTaskId (str) – The daemon task id associated with the deployment conversation.

                        • +
                        • parentDeploymentConversationId (str) – The parent deployment conversation id associated with the deployment conversation.

                        • +
                        • introMessage (str) – The intro message for the deployment conversation.

                        • +
                        • previewInfo (dict) – App preview info.

                        • +
                        • latestContext (dict) – dict containing a list of important segments for pagination in deepagent.

                        • +
                        • shareType (str) – The sharing status of the deployment conversation (PUBLIC or PRIVATE).

                        • history (DeploymentConversationEvent) – The history of the deployment conversation.

                        • +
                        • hostedArtifacts (HostedArtifact) – Artifacts that have been deployed by this conversation.

                        @@ -36281,6 +40174,16 @@

                        Package Contentsdeployment_id = None
                        +
                        +
                        +owner_user_id = None
                        +
                        + +
                        +
                        +owner_org_id = None
                        +
                        +
                        created_at = None
                        @@ -36356,11 +40259,71 @@

                        Package Contentschatllm_task_id = None

                        +
                        +
                        +conversation_status = None
                        +
                        + +
                        +
                        +computer_status = None
                        +
                        + +
                        +
                        +filesystem_status = None
                        +
                        + +
                        +
                        +total_events = None
                        +
                        + +
                        +
                        +contest_names = None
                        +
                        + +
                        +
                        +daemon_task_id = None
                        +
                        + +
                        +
                        +parent_deployment_conversation_id = None
                        +
                        + +
                        +
                        +intro_message = None
                        +
                        + +
                        +
                        +preview_info = None
                        +
                        + +
                        +
                        +latest_context = None
                        +
                        + +
                        +
                        +share_type = None
                        +
                        +
                        history
                        +
                        +
                        +hosted_artifacts
                        +
                        +
                        deprecated_keys
                        @@ -36380,22 +40343,25 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        -get(external_session_id=None, deployment_id=None, filter_intermediate_conversation_events=True, get_unused_document_uploads=False)
                        +get(external_session_id=None, deployment_id=None, filter_intermediate_conversation_events=True, get_unused_document_uploads=False, start=None, limit=None, include_all_versions=False)

                        Gets a deployment conversation.

                        Parameters:
                          -
                        • external_session_id (str) – External session ID of the conversation.

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • -
                        • filter_intermediate_conversation_events (bool) – If true, intermediate conversation events will be filtered out. Default is true.

                        • -
                        • get_unused_document_uploads (bool) – If true, unused document uploads will be returned. Default is false.

                        • +
                        • external_session_id (str) – External session ID of the conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • filter_intermediate_conversation_events (bool) – If true, intermediate conversation events will be filtered out. Default is true.

                        • +
                        • get_unused_document_uploads (bool) – If true, unused document uploads will be returned. Default is false.

                        • +
                        • start (int) – The start index of the conversation.

                        • +
                        • limit (int) – The limit of the conversation.

                        • +
                        • include_all_versions (bool) – If True, includes all versions of the last bot message for version switching functionality.

                        Returns:
                        @@ -36407,13 +40373,24 @@

                        Package Contents +
                        +get_file(file_path)
                        +

                        Gets a deployment conversation file.

                        +
                        +
                        Parameters:
                        +

                        file_path (str) – The path of the file to get.

                        +
                        +
                        +

                        +
                        delete(deployment_id=None)

                        Delete a Deployment Conversation.

                        Parameters:
                        -

                        deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        +

                        deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        @@ -36425,9 +40402,9 @@

                        Package Contents
                        Parameters:
                          -
                        • external_session_id (str) – The external session id associated with the deployment conversation.

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • -
                        • user_message_indices (list) – Optional list of user message indices to clear. The associated bot response will also be cleared. If not provided, all messages will be cleared.

                        • +
                        • external_session_id (str) – The external session id associated with the deployment conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • user_message_indices (list) – Optional list of user message indices to clear. The associated bot response will also be cleared. If not provided, all messages will be cleared.

                        @@ -36440,12 +40417,12 @@

                        Package Contents
                        Parameters:
                          -
                        • message_index (int) – The index of the deployment conversation message

                        • -
                        • is_useful (bool) – If the message is useful. If true, the message is useful. If false, clear the useful flag.

                        • -
                        • is_not_useful (bool) – If the message is not useful. If true, the message is not useful. If set to false, clear the useful flag.

                        • -
                        • feedback (str) – Optional feedback on why the message is useful or not useful

                        • -
                        • feedback_type (str) – Optional feedback type

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • message_index (int) – The index of the deployment conversation message

                        • +
                        • is_useful (bool) – If the message is useful. If true, the message is useful. If false, clear the useful flag.

                        • +
                        • is_not_useful (bool) – If the message is not useful. If true, the message is not useful. If set to false, clear the useful flag.

                        • +
                        • feedback (str) – Optional feedback on why the message is useful or not useful

                        • +
                        • feedback_type (str) – Optional feedback type

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        @@ -36458,8 +40435,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The new name of the conversation.

                        • -
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        • +
                        • name (str) – The new name of the conversation.

                        • +
                        • deployment_id (str) – The deployment this conversation belongs to. This is required if not logged in.

                        @@ -36471,7 +40448,7 @@

                        Package Contents
                        Parameters:
                        -

                        external_session_id (str) – The external session id associated with the deployment conversation. One of deployment_conversation_id or external_session_id must be provided.

                        +

                        external_session_id (str) – The external session id associated with the deployment conversation. One of deployment_conversation_id or external_session_id must be provided.

                        Returns:

                        The deployment conversation html export.

                        @@ -36489,8 +40466,8 @@

                        Package Contents
                        Parameters:
                          -
                        • external_session_id (str) – External session ID of the conversation.

                        • -
                        • include_document_contents (bool) – If true, include contents from uploaded documents in the generated messages.

                        • +
                        • external_session_id (str) – External session ID of the conversation.

                        • +
                        • include_document_contents (bool) – If true, include contents from uploaded documents in the generated messages.

                        Returns:
                        @@ -36506,45 +40483,54 @@

                        Package Contents
                        -class abacusai.DeploymentConversationEvent(client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, verificationSummary=None)
                        +class abacusai.DeploymentConversationEvent(client, role=None, text=None, timestamp=None, messageIndex=None, regenerateAttempt=None, modelVersion=None, searchResults=None, isUseful=None, feedback=None, feedbackType=None, docInfos=None, keywordArguments=None, inputParams=None, attachments=None, responseVersion=None, agentWorkflowNodeId=None, nextAgentWorkflowNodeId=None, chatType=None, agentResponse=None, error=None, segments=None, streamedData=None, streamedSectionData=None, highlights=None, llmDisplayName=None, deepagentMode=None, llmBotIcon=None, formResponse=None, routedLlm=None, computePointsUsed=None, computerFiles=None, toolUseRequest=None, toolUseResult=None, verificationSummary=None, attachedUserFileNames=None, oldFileContent=None, allVersions=None, selectedVersionIndex=None, totalVersions=None, isLastMessage=None, allowTaskAutomation=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        A single deployment conversation message.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • role (str) – The role of the message sender

                        • -
                        • text (str) – The text of the message

                        • -
                        • timestamp (str) – The timestamp at which the message was sent

                        • -
                        • messageIndex (int) – The index of the message in the conversation

                        • -
                        • regenerateAttempt (int) – The sequence number of regeneration. Not regenerated if 0.

                        • -
                        • modelVersion (str) – The model instance id associated with the message.

                        • -
                        • searchResults (dict) – The search results for the message.

                        • -
                        • isUseful (bool) – Whether this message was marked as useful or not

                        • -
                        • feedback (str) – The feedback provided for the message

                        • -
                        • feedbackType (str) – The type of feedback provided for the message

                        • -
                        • docInfos (list) – A list of information on the documents associated with the message

                        • -
                        • keywordArguments (dict) – User message only. A dictionary of keyword arguments used to generate response.

                        • -
                        • inputParams (dict) – User message only. A dictionary of input parameters used to generate response.

                        • -
                        • attachments (list) – A list of attachments associated with the message.

                        • -
                        • responseVersion (str) – The version of the response, used to differentiate w/ legacy agent response.

                        • -
                        • agentWorkflowNodeId (str) – The workflow node id associated with the agent response.

                        • -
                        • nextAgentWorkflowNodeId (str) – The id of the workflow node to be executed next.

                        • -
                        • chatType (str) – The type of chat llm that was run for the message.

                        • -
                        • agentResponse (dict) – Response from the agent. Only for conversation with agents.

                        • -
                        • error (str) – The error message in case of an error.

                        • -
                        • segments (list) – The segments of the message.

                        • -
                        • streamedData (str) – Aggregated streamed messages from the agent.

                        • -
                        • streamedSectionData (str) – Aggregated streamed section outputs from the agent in a list.

                        • -
                        • highlights (dict) – Chunks with bounding boxes for highlighting the result sources.

                        • -
                        • llmDisplayName (str) – The display name of the LLM model used to generate the response. Only used for system-created bots.

                        • -
                        • llmBotIcon (str) – The icon location of the LLM model used to generate the response. Only used for system-created bots.

                        • -
                        • formResponse (dict) – Contains form data response from the user when a Form Segment is given out by the bot.

                        • -
                        • routedLlm (str) – The LLM that was chosen by RouteLLM to generate the response.

                        • -
                        • computePointsUsed (int) – The number of compute points used for the message.

                        • -
                        • computerFiles (list) – The list of files that were created by the computer agent.

                        • -
                        • toolUseRequest (dict) – The tool use request for the message.

                        • -
                        • verificationSummary (str) – The summary of the verification process for the message.

                        • +
                        • role (str) – The role of the message sender

                        • +
                        • text (str) – The text of the message

                        • +
                        • timestamp (str) – The timestamp at which the message was sent

                        • +
                        • messageIndex (int) – The index of the message in the conversation

                        • +
                        • regenerateAttempt (int) – The sequence number of regeneration. Not regenerated if 0.

                        • +
                        • modelVersion (str) – The model instance id associated with the message.

                        • +
                        • searchResults (dict) – The search results for the message.

                        • +
                        • isUseful (bool) – Whether this message was marked as useful or not

                        • +
                        • feedback (str) – The feedback provided for the message

                        • +
                        • feedbackType (str) – The type of feedback provided for the message

                        • +
                        • docInfos (list) – A list of information on the documents associated with the message

                        • +
                        • keywordArguments (dict) – User message only. A dictionary of keyword arguments used to generate response.

                        • +
                        • inputParams (dict) – User message only. A dictionary of input parameters used to generate response.

                        • +
                        • attachments (list) – A list of attachments associated with the message.

                        • +
                        • responseVersion (str) – The version of the response, used to differentiate w/ legacy agent response.

                        • +
                        • agentWorkflowNodeId (str) – The workflow node id associated with the agent response.

                        • +
                        • nextAgentWorkflowNodeId (str) – The id of the workflow node to be executed next.

                        • +
                        • chatType (str) – The type of chat llm that was run for the message.

                        • +
                        • agentResponse (dict) – Response from the agent. Only for conversation with agents.

                        • +
                        • error (str) – The error message in case of an error.

                        • +
                        • segments (list) – The segments of the message.

                        • +
                        • streamedData (str) – Aggregated streamed messages from the agent.

                        • +
                        • streamedSectionData (str) – Aggregated streamed section outputs from the agent in a list.

                        • +
                        • highlights (dict) – Chunks with bounding boxes for highlighting the result sources.

                        • +
                        • llmDisplayName (str) – The display name of the LLM model used to generate the response. Only used for system-created bots.

                        • +
                        • deepagentMode (str) – The Deep Agent run mode (e.g. normal or high) associated with the message.

                        • +
                        • llmBotIcon (str) – The icon location of the LLM model used to generate the response. Only used for system-created bots.

                        • +
                        • formResponse (dict) – Contains form data response from the user when a Form Segment is given out by the bot.

                        • +
                        • routedLlm (str) – The LLM that was chosen by RouteLLM to generate the response.

                        • +
                        • computePointsUsed (int) – The number of compute points used for the message.

                        • +
                        • computerFiles (list) – The list of files that were created by the computer agent.

                        • +
                        • toolUseRequest (dict) – The tool use request for the message.

                        • +
                        • toolUseResult (dict) – The tool use response for the message.

                        • +
                        • verificationSummary (str) – The summary of the verification process for the message.

                        • +
                        • attachedUserFileNames (list) – The list of files attached by the user on the message.

                        • +
                        • oldFileContent (str) – The content of the file associated with an edit tool request before the file was edited

                        • +
                        • allVersions (list) – All versions of the last bot message for version switching functionality.

                        • +
                        • selectedVersionIndex (int) – The index of the currently selected version of the last bot message.

                        • +
                        • totalVersions (int) – The total number of versions available for the last bot message.

                        • +
                        • isLastMessage (bool) – Whether this message is the last message in the conversation.

                        • +
                        • allowTaskAutomation (bool) – Whether to show the automate task button. Only set for the last message in the conversation.

                        @@ -36673,6 +40659,11 @@

                        Package Contentsllm_display_name = None
                        +
                        +
                        +deepagent_mode = None
                        +
                        +
                        llm_bot_icon = None
                        @@ -36703,11 +40694,51 @@

                        Package Contentstool_use_request = None

                        +
                        +
                        +tool_use_result = None
                        +
                        +
                        verification_summary = None
                        +
                        +
                        +attached_user_file_names = None
                        +
                        + +
                        +
                        +old_file_content = None
                        +
                        + +
                        +
                        +all_versions = None
                        +
                        + +
                        +
                        +selected_version_index = None
                        +
                        + +
                        +
                        +total_versions = None
                        +
                        + +
                        +
                        +is_last_message = None
                        +
                        + +
                        +
                        +allow_task_automation = None
                        +
                        +
                        deprecated_keys
                        @@ -36727,7 +40758,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -36743,8 +40774,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • -
                        • conversationExportHtml (str) – The html string of the deployment conversation.

                        • +
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • +
                        • conversationExportHtml (str) – The html string of the deployment conversation.

                        @@ -36777,7 +40808,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -36793,10 +40824,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • requestSeries (list) – A list of the number of requests per second.

                        • -
                        • latencySeries (list) – A list of the latency in milliseconds for each request.

                        • -
                        • dateLabels (list) – A list of date labels for each point in the series.

                        • -
                        • httpStatusSeries (list) – A list of the HTTP status codes for each request.

                        • +
                        • requestSeries (list) – A list of the number of requests per second.

                        • +
                        • latencySeries (list) – A list of the latency in milliseconds for each request.

                        • +
                        • dateLabels (list) – A list of date labels for each point in the series.

                        • +
                        • httpStatusSeries (list) – A list of the HTTP status codes for each request.

                        @@ -36839,7 +40870,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -36855,18 +40886,18 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • docId (str) – Unique Docstore string identifier for the document.

                        • -
                        • mimeType (str) – The mime type of the document.

                        • -
                        • pageCount (int) – The number of pages for which the data is available. This is generally same as the total number of pages but may be less than the total number of pages in the document if processing is done only for selected pages.

                        • -
                        • totalPageCount (int) – The total number of pages in the document.

                        • -
                        • extractedText (str) – The extracted text in the document obtained from OCR.

                        • -
                        • embeddedText (str) – The embedded text in the document. Only available for digital documents.

                        • -
                        • pages (list) – List of embedded text for each page in the document. Only available for digital documents.

                        • -
                        • tokens (list) – List of extracted tokens in the document obtained from OCR.

                        • -
                        • metadata (list) – List of metadata for each page in the document.

                        • -
                        • pageMarkdown (list) – The markdown text for the page.

                        • -
                        • extractedPageText (list) – List of extracted text for each page in the document obtained from OCR. Available when return_extracted_page_text parameter is set to True in the document data retrieval API.

                        • -
                        • augmentedPageText (list) – List of extracted text for each page in the document obtained from OCR augmented with embedded links in the document.

                        • +
                        • docId (str) – Unique Docstore string identifier for the document.

                        • +
                        • mimeType (str) – The mime type of the document.

                        • +
                        • pageCount (int) – The number of pages for which the data is available. This is generally same as the total number of pages but may be less than the total number of pages in the document if processing is done only for selected pages.

                        • +
                        • totalPageCount (int) – The total number of pages in the document.

                        • +
                        • extractedText (str) – The extracted text in the document obtained from OCR.

                        • +
                        • embeddedText (str) – The embedded text in the document. Only available for digital documents.

                        • +
                        • pages (list) – List of embedded text for each page in the document. Only available for digital documents.

                        • +
                        • tokens (list) – List of extracted tokens in the document obtained from OCR.

                        • +
                        • metadata (list) – List of metadata for each page in the document.

                        • +
                        • pageMarkdown (list) – The markdown text for the page.

                        • +
                        • extractedPageText (list) – List of extracted text for each page in the document obtained from OCR. Available when return_extracted_page_text parameter is set to True in the document data retrieval API.

                        • +
                        • augmentedPageText (list) – List of extracted text for each page in the document obtained from OCR augmented with embedded links in the document.

                        @@ -36949,7 +40980,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -36965,12 +40996,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the document retriever.

                        • -
                        • documentRetrieverId (str) – The unique identifier of the vector store.

                        • -
                        • createdAt (str) – When the vector store was created.

                        • -
                        • featureGroupId (str) – The feature group id associated with the document retriever.

                        • -
                        • featureGroupName (str) – The feature group name associated with the document retriever.

                        • -
                        • indexingRequired (bool) – Whether the document retriever is required to be indexed due to changes in underlying data.

                        • +
                        • name (str) – The name of the document retriever.

                        • +
                        • documentRetrieverId (str) – The unique identifier of the vector store.

                        • +
                        • createdAt (str) – When the vector store was created.

                        • +
                        • featureGroupId (str) – The feature group id associated with the document retriever.

                        • +
                        • featureGroupName (str) – The feature group name associated with the document retriever.

                        • +
                        • indexingRequired (bool) – Whether the document retriever is required to be indexed due to changes in underlying data.

                        • latestDocumentRetrieverVersion (DocumentRetrieverVersion) – The latest version of vector store.

                        • documentRetrieverConfig (VectorStoreConfig) – The config for vector store creation.

                        @@ -37035,7 +41066,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37046,7 +41077,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name to update the document retriever with.

                        +

                        name (str) – The name to update the document retriever with.

                        Returns:

                        The updated document retriever.

                        @@ -37064,7 +41095,7 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The ID of the feature group to update the document retriever with.

                        • +
                        • feature_group_id (str) – The ID of the feature group to update the document retriever with.

                        • document_retriever_config (VectorStoreConfig) – The configuration, including chunk_size and chunk_overlap_fraction, for document retrieval.

                        @@ -37097,7 +41128,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        +

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        Returns:

                        The document retriever object.

                        @@ -37115,15 +41146,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The number of vector store versions to retrieve. The maximum value is 100.

                        • -
                        • start_after_version (str) – An offset parameter to exclude all document retriever versions up to this specified one.

                        • +
                        • limit (int) – The number of vector store versions to retrieve. The maximum value is 100.

                        • +
                        • start_after_version (str) – An offset parameter to exclude all document retriever versions up to this specified one.

                        Returns:

                        All the document retriever versions associated with the document retriever.

                        Return type:
                        -

                        list[DocumentRetrieverVersion]

                        +

                        list[DocumentRetrieverVersion]

                        @@ -37135,9 +41166,9 @@

                        Package Contents
                        Parameters:
                          -
                        • document_id (str) – The ID of the document to retrieve the snippet from.

                        • -
                        • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

                        • -
                        • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

                        • +
                        • document_id (str) – The ID of the document to retrieve the snippet from.

                        • +
                        • start_word_index (int) – If provided, will start the snippet at the index (of words in the document) specified.

                        • +
                        • end_word_index (int) – If provided, will end the snippet at the index of (of words in the document) specified.

                        Returns:
                        @@ -37156,7 +41187,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        +

                        document_retriever_id (str) – A unique string identifier associated with the document retriever.

                        @@ -37167,7 +41198,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 3600 seconds.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 3600 seconds.

                        @@ -37178,7 +41209,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 3600 seconds.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 3600 seconds.

                        @@ -37192,7 +41223,7 @@

                        Package Contents

                        A string describing the status of a document retriever (pending, indexing, complete, active, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -37206,7 +41237,7 @@

                        Package Contents

                        A string describing the deployment status of document retriever (pending, deploying, active, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -37221,26 +41252,26 @@

                        Package Contents
                        Parameters:
                          -
                        • query (str) – The query to search for.

                        • -
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • limit (int) – If provided, will limit the number of results to the value specified.

                        • -
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • -
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • -
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • -
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • -
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • -
                        • min_score (float) – If provided, will filter out the results with score lower than the value specified.

                        • -
                        • required_phrases (list) – If provided, each result will have at least one of the phrases.

                        • -
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • -
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set.

                        • -
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        • +
                        • query (str) – The query to search for.

                        • +
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • limit (int) – If provided, will limit the number of results to the value specified.

                        • +
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • +
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • +
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • +
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • +
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • +
                        • min_score (float) – If provided, will filter out the results with score lower than the value specified.

                        • +
                        • required_phrases (list) – If provided, each result will have at least one of the phrases.

                        • +
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • +
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set.

                        • +
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        Returns:

                        The relevant documentation results found from the document retriever.

                        Return type:
                        -

                        list[DocumentRetrieverLookupResult]

                        +

                        list[DocumentRetrieverLookupResult]

                        @@ -37249,20 +41280,21 @@

                        Package Contents
                        -class abacusai.DocumentRetrieverLookupResult(client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None)
                        +class abacusai.DocumentRetrieverLookupResult(client, document=None, score=None, properties=None, pages=None, boundingBoxes=None, documentSource=None, imageIds=None, metadata=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        Result of a document retriever lookup.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • document (str) – The document that was looked up.

                        • -
                        • score (float) – Score of the document with respect to the query.

                        • -
                        • properties (dict) – Properties of the retrieved documents.

                        • -
                        • pages (list) – Pages of the retrieved text from the original document.

                        • -
                        • boundingBoxes (list) – Bounding boxes of the retrieved text from the original document.

                        • -
                        • documentSource (str) – Document source name.

                        • -
                        • imageIds (list) – List of Image IDs for all the pages.

                        • +
                        • document (str) – The document that was looked up.

                        • +
                        • score (float) – Score of the document with respect to the query.

                        • +
                        • properties (dict) – Properties of the retrieved documents.

                        • +
                        • pages (list) – Pages of the retrieved text from the original document.

                        • +
                        • boundingBoxes (list) – Bounding boxes of the retrieved text from the original document.

                        • +
                        • documentSource (str) – Document source name.

                        • +
                        • imageIds (list) – List of Image IDs for all the pages.

                        • +
                        • metadata (dict) – Metadata column values for the retrieved documents.

                        @@ -37301,6 +41333,11 @@

                        Package Contentsimage_ids = None
                        +
                        +
                        +metadata = None
                        +
                        +
                        deprecated_keys
                        @@ -37320,7 +41357,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37336,17 +41373,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • documentRetrieverId (str) – The unique identifier of the Document Retriever.

                        • -
                        • documentRetrieverVersion (str) – The unique identifier of the Document Retriever version.

                        • -
                        • createdAt (str) – When the Document Retriever was created.

                        • -
                        • status (str) – The status of Document Retriever version. It represents indexing status until indexing isn’t complete, and deployment status after indexing is complete.

                        • -
                        • deploymentStatus (str) – The status of deploying the Document Retriever version.

                        • -
                        • featureGroupId (str) – The feature group id associated with the document retriever.

                        • -
                        • featureGroupVersion (str) – The unique identifier of the feature group version at which the Document Retriever version is created.

                        • -
                        • error (str) – The error message when it failed to create the document retriever version.

                        • -
                        • numberOfChunks (int) – The number of chunks for the document retriever.

                        • -
                        • embeddingFileSize (int) – The size of embedding file for the document retriever.

                        • -
                        • warnings (list) – The warning messages when creating the document retriever.

                        • +
                        • documentRetrieverId (str) – The unique identifier of the Document Retriever.

                        • +
                        • documentRetrieverVersion (str) – The unique identifier of the Document Retriever version.

                        • +
                        • createdAt (str) – When the Document Retriever was created.

                        • +
                        • status (str) – The status of Document Retriever version. It represents indexing status until indexing isn’t complete, and deployment status after indexing is complete.

                        • +
                        • deploymentStatus (str) – The status of deploying the Document Retriever version.

                        • +
                        • featureGroupId (str) – The feature group id associated with the document retriever.

                        • +
                        • featureGroupVersion (str) – The unique identifier of the feature group version at which the Document Retriever version is created.

                        • +
                        • error (str) – The error message when it failed to create the document retriever version.

                        • +
                        • numberOfChunks (int) – The number of chunks for the document retriever.

                        • +
                        • embeddingFileSize (int) – The size of embedding file for the document retriever.

                        • +
                        • warnings (list) – The warning messages when creating the document retriever.

                        • resolvedConfig (VectorStoreConfig) – The resolved configurations, such as default settings, for indexing documents.

                        • documentRetrieverConfig (VectorStoreConfig) – The config used to create the document retriever version.

                        @@ -37436,7 +41473,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37447,7 +41484,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        +

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        @@ -37472,7 +41509,7 @@

                        Package Contents
                        Parameters:
                        -

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        +

                        document_retriever_version (str) – A unique string identifier associated with the document retriever version.

                        Returns:

                        The document retriever version object.

                        @@ -37489,7 +41526,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -37500,7 +41537,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -37511,7 +41548,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 3600 seconds.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 3600 seconds.

                        @@ -37525,7 +41562,7 @@

                        Package Contents

                        A string describing the status of a document retriever version (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -37539,7 +41576,169 @@

                        Package Contents

                        A string describing the deployment status of a document retriever version (pending, deploying, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        +
                        + + + + + +
                        +
                        +class abacusai.DocumentRetrieverVersionLogs(client, logs=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Logs from document retriever version.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • logs (list[str]) – List of logs from document retriever version.

                        • +
                        +
                        +
                        +
                        +
                        +logs = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.DomainPurchaseResult(client, domain=None, billedCredits=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Domain purchase result

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • domain (str) – The domain name being purchased.

                        • +
                        • billedCredits (int) – The total credits used for the purchase.

                        • +
                        +
                        +
                        +
                        +
                        +domain = None
                        +
                        + +
                        +
                        +billed_credits = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.DomainSearchResult(client, domain=None, registerCredits=None, registerYears=None, renewalCredits=None, renewalYears=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Domain search result

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • domain (str) – name of the domain in a search result

                        • +
                        • registerCredits (int) – number of credits required for registration

                        • +
                        • registerYears (int) – number of years the domain will get registered for

                        • +
                        • renewalCredits (int) – number of credits required for renewal

                        • +
                        • renewalYears (int) – number of years the domain will be renewed for

                        • +
                        +
                        +
                        +
                        +
                        +domain = None
                        +
                        + +
                        +
                        +register_credits = None
                        +
                        + +
                        +
                        +register_years = None
                        +
                        + +
                        +
                        +renewal_credits = None
                        +
                        + +
                        +
                        +renewal_years = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -37555,9 +41754,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • trainColumn (str) – The feature name in the train table.

                        • -
                        • predictedColumn (str) – The feature name in the prediction table.

                        • -
                        • metrics (dict) – Drift measures.

                        • +
                        • trainColumn (str) – The feature name in the train table.

                        • +
                        • predictedColumn (str) – The feature name in the prediction table.

                        • +
                        • metrics (dict) – Drift measures.

                        • distribution (FeatureDistribution) – A FeatureDistribution, how the training data compares to the predicted data.

                        @@ -37601,7 +41800,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37657,7 +41856,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37673,14 +41872,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • edaId (str) – The unique identifier of the eda object.

                        • -
                        • name (str) – The user-friendly name for the eda object.

                        • -
                        • createdAt (str) – Date and time at which the eda object was created.

                        • -
                        • projectId (str) – The project this eda object belongs to.

                        • -
                        • featureGroupId (str) – Feature group ID for which eda analysis is being done.

                        • -
                        • referenceFeatureGroupVersion (str) – Reference Feature group version for data consistency analysis, will be latest feature group version for collinearity analysis.

                        • -
                        • testFeatureGroupVersion (str) – Test Feature group version for data consistency analysis, will be latest feature group version for collinearity analysis.

                        • -
                        • edaConfigs (dict) – Configurations for eda object.

                        • +
                        • edaId (str) – The unique identifier of the eda object.

                        • +
                        • name (str) – The user-friendly name for the eda object.

                        • +
                        • createdAt (str) – Date and time at which the eda object was created.

                        • +
                        • projectId (str) – The project this eda object belongs to.

                        • +
                        • featureGroupId (str) – Feature group ID for which eda analysis is being done.

                        • +
                        • referenceFeatureGroupVersion (str) – Reference Feature group version for data consistency analysis, will be latest feature group version for collinearity analysis.

                        • +
                        • testFeatureGroupVersion (str) – Test Feature group version for data consistency analysis, will be latest feature group version for collinearity analysis.

                        • +
                        • edaConfigs (dict) – Configurations for eda object.

                        • latestEdaVersion (EdaVersion) – The latest eda object version.

                        • refreshSchedules (RefreshSchedule) – List of refresh schedules that indicate when the next model version will be trained.

                        @@ -37755,7 +41954,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37766,7 +41965,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_id (str) – Unique string identifier of the EDA object to rerun.

                        +

                        eda_id (str) – Unique string identifier of the EDA object to rerun.

                        Returns:

                        The EDA object that is being rerun.

                        @@ -37797,7 +41996,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_id (str) – Unique string identifier associated with the EDA object.

                        +

                        eda_id (str) – Unique string identifier associated with the EDA object.

                        Returns:

                        Description of the EDA object.

                        @@ -37815,15 +42014,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The maximum length of the list of all EDA versions.

                        • -
                        • start_after_version (str) – The ID of the version after which the list starts.

                        • +
                        • limit (int) – The maximum length of the list of all EDA versions.

                        • +
                        • start_after_version (str) – The ID of the version after which the list starts.

                        Returns:

                        A list of EDA versions.

                        Return type:
                        -

                        list[EdaVersion]

                        +

                        list[EdaVersion]

                        @@ -37834,7 +42033,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The new name to apply to the model monitor.

                        +

                        name (str) – The new name to apply to the model monitor.

                        @@ -37845,7 +42044,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_id (str) – Unique string identifier of the EDA to delete.

                        +

                        eda_id (str) – Unique string identifier of the EDA to delete.

                        @@ -37861,8 +42060,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • chartType (str) – Name of chart.

                        • -
                        • description (str) – Description of the eda chart.

                        • +
                        • chartType (str) – Name of chart.

                        • +
                        • description (str) – Description of the eda chart.

                        @@ -37895,7 +42094,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37911,11 +42110,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • columnNames (list) – Name of all the features in the y axis of the collinearity matrix

                        • -
                        • collinearityMatrix (dict) – A dict describing the collinearity between all the features

                        • -
                        • groupFeatureDict (dict) – A dict describing the index of the group from collinearity_groups a feature exists in

                        • -
                        • collinearityGroups (list) – Groups created based on a collinearity threshold of 0.7

                        • -
                        • columnNamesX (list) – Name of all the features in the x axis of the collinearity matrix

                        • +
                        • columnNames (list) – Name of all the features in the y axis of the collinearity matrix

                        • +
                        • collinearityMatrix (dict) – A dict describing the collinearity between all the features

                        • +
                        • groupFeatureDict (dict) – A dict describing the index of the group from collinearity_groups a feature exists in

                        • +
                        • collinearityGroups (list) – Groups created based on a collinearity threshold of 0.7

                        • +
                        • columnNamesX (list) – Name of all the features in the x axis of the collinearity matrix

                        @@ -37963,7 +42162,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -37979,9 +42178,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • columnNames (list) – Name of all the features in the data

                        • -
                        • primaryKeys (list) – Name of the primary keys in the data

                        • -
                        • transformationColumnNames (list) – Name of all the features that are not the primary keys

                        • +
                        • columnNames (list) – Name of all the features in the data

                        • +
                        • primaryKeys (list) – Name of the primary keys in the data

                        • +
                        • transformationColumnNames (list) – Name of all the features that are not the primary keys

                        • baseDuplicates (DataConsistencyDuplication) – A DataConsistencyDuplication describing the number of duplicates within the data

                        • compareDuplicates (DataConsistencyDuplication) – A DataConsistencyDuplication describing the number of duplicates within the data

                        • deletions (DataConsistencyDuplication) – A DataConsistencyDeletion describing the number of deletion between two versions in the data

                        • @@ -38043,7 +42242,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -38059,14 +42258,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • data (dict) – the data to display the feature association between two features

                        • -
                        • isScatter (bool) – A Boolean that represents if the data creates a scatter plot (for cases of numerical data vs numerical data)

                        • -
                        • isBoxWhisker (bool) – A Boolean that represents if the data creates a box whisker plot (For cases of categorical data vs numerical data and vice versa)

                        • -
                        • xAxis (str) – Name of the feature selected for feature association (reference_feature_name) for x axis on the plot

                        • -
                        • yAxis (str) – Name of the feature selected for feature association (test_feature_name) for y axis on the plot

                        • -
                        • xAxisColumnValues (list) – Name of all the categories within the x_axis feature (if it is a categorical data type)

                        • -
                        • yAxisColumnValues (list) – Name of all the categories within the y_axis feature (if it is a categorical data type)

                        • -
                        • dataColumns (list) – A list of columns listed in the data as keys

                        • +
                        • data (dict) – the data to display the feature association between two features

                        • +
                        • isScatter (bool) – A Boolean that represents if the data creates a scatter plot (for cases of numerical data vs numerical data)

                        • +
                        • isBoxWhisker (bool) – A Boolean that represents if the data creates a box whisker plot (For cases of categorical data vs numerical data and vice versa)

                        • +
                        • xAxis (str) – Name of the feature selected for feature association (reference_feature_name) for x axis on the plot

                        • +
                        • yAxis (str) – Name of the feature selected for feature association (test_feature_name) for y axis on the plot

                        • +
                        • xAxisColumnValues (list) – Name of all the categories within the x_axis feature (if it is a categorical data type)

                        • +
                        • yAxisColumnValues (list) – Name of all the categories within the y_axis feature (if it is a categorical data type)

                        • +
                        • dataColumns (list) – A list of columns listed in the data as keys

                        @@ -38129,7 +42328,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -38145,9 +42344,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • selectedFeature (str) – Selected feature to show the collinearity

                        • -
                        • sortedColumnNames (list) – Name of all the features in the data sorted in descending order of collinearity value

                        • -
                        • featureCollinearity (dict) – A dict describing the collinearity between a given feature and all the features in the data

                        • +
                        • selectedFeature (str) – Selected feature to show the collinearity

                        • +
                        • sortedColumnNames (list) – Name of all the features in the data sorted in descending order of collinearity value

                        • +
                        • featureCollinearity (dict) – A dict describing the collinearity between a given feature and all the features in the data

                        @@ -38185,7 +42384,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -38201,10 +42400,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • primaryKeys (list) – Name of the primary keys in the data

                        • -
                        • forecastingTargetFeature (str) – Feature in the data that represents the target.

                        • -
                        • timestampFeature (str) – Feature in the data that represents the timestamp column.

                        • -
                        • forecastFrequency (str) – Frequency of data, could be hourly, daily, weekly, monthly, quarterly or yearly.

                        • +
                        • primaryKeys (list) – Name of the primary keys in the data

                        • +
                        • forecastingTargetFeature (str) – Feature in the data that represents the target.

                        • +
                        • timestampFeature (str) – Feature in the data that represents the timestamp column.

                        • +
                        • forecastFrequency (str) – Frequency of data, could be hourly, daily, weekly, monthly, quarterly or yearly.

                        • salesAcrossTime (ForecastingAnalysisGraphData) – Data showing average, p10, p90, median sales across time

                        • cummulativeContribution (ForecastingAnalysisGraphData) – Data showing what percent of items contribute to what amount of sales.

                        • missingValueDistribution (ForecastingAnalysisGraphData) – Data showing missing or null value distribution

                        • @@ -38355,7 +42554,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -38371,14 +42570,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • edaVersion (str) – The unique identifier of a eda version.

                        • -
                        • status (str) – The current status of the eda object.

                        • -
                        • edaId (str) – A reference to the eda this version belongs to.

                        • -
                        • edaStartedAt (str) – The start time and date of the eda process.

                        • -
                        • edaCompletedAt (str) – The end time and date of the eda process.

                        • -
                        • referenceFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is analyzing.

                        • -
                        • testFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is analyzing.

                        • -
                        • error (str) – Relevant error if the status is FAILED.

                        • +
                        • edaVersion (str) – The unique identifier of a eda version.

                        • +
                        • status (str) – The current status of the eda object.

                        • +
                        • edaId (str) – A reference to the eda this version belongs to.

                        • +
                        • edaStartedAt (str) – The start time and date of the eda process.

                        • +
                        • edaCompletedAt (str) – The end time and date of the eda process.

                        • +
                        • referenceFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is analyzing.

                        • +
                        • testFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is analyzing.

                        • +
                        • error (str) – Relevant error if the status is FAILED.

                        @@ -38441,7 +42640,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -38466,7 +42665,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier of the EDA version.

                        +

                        eda_version (str) – Unique string identifier of the EDA version.

                        Returns:

                        An EDA version.

                        @@ -38483,7 +42682,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier of the EDA version to delete.

                        +

                        eda_version (str) – Unique string identifier of the EDA version to delete.

                        @@ -38494,7 +42693,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier associated with the EDA instance.

                        +

                        eda_version (str) – Unique string identifier associated with the EDA instance.

                        Returns:

                        An object with a record of correlations between each feature for the EDA.

                        @@ -38511,7 +42710,7 @@

                        Package Contents
                        Parameters:
                        -

                        transformation_feature (str) – The transformation feature to get consistency for.

                        +

                        transformation_feature (str) – The transformation feature to get consistency for.

                        Returns:

                        Object with duplication, deletion, and transformation data for data consistency analysis for an EDA.

                        @@ -38528,7 +42727,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_name (str) – Name of the feature for which correlation is shown.

                        +

                        feature_name (str) – Name of the feature for which correlation is shown.

                        Returns:

                        Object with a record of correlations for the provided feature for an EDA.

                        @@ -38546,8 +42745,8 @@

                        Package Contents
                        Parameters:
                          -
                        • reference_feature_name (str) – Name of the feature for feature association (on x-axis for the plots generated for the Feature association in the product).

                        • -
                        • test_feature_name (str) – Name of the feature for feature association (on y-axis for the plots generated for the Feature association in the product).

                        • +
                        • reference_feature_name (str) – Name of the feature for feature association (on x-axis for the plots generated for the Feature association in the product).

                        • +
                        • test_feature_name (str) – Name of the feature for feature association (on y-axis for the plots generated for the Feature association in the product).

                        Returns:
                        @@ -38565,7 +42764,7 @@

                        Package Contents
                        Parameters:
                        -

                        eda_version (str) – Unique string identifier associated with the EDA version.

                        +

                        eda_version (str) – Unique string identifier associated with the EDA version.

                        Returns:

                        Object with forecasting analysis that includes sales_across_time, cummulative_contribution, missing_value_distribution, history_length, num_rows_histogram, product_maturity data.

                        @@ -38582,7 +42781,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -38596,7 +42795,57 @@

                        Package Contents

                        A string describing the status of the model monitor version, for e.g., pending, complete, etc.

                        Return type:
                        -

                        str

                        +

                        str

                        +
                        + +

                        + +

                        + +
                        +
                        +class abacusai.EditImageModels(client, models=None, default=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Edit image models

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • models (list) – The models available for edit image.

                        • +
                        • default (str) – The default model for edit image.

                        • +
                        +
                        +
                        +
                        +
                        +models = None
                        +
                        + +
                        +
                        +default = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -38612,13 +42861,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • distance (list) – Histogram data of KL divergences between the training distribution and the range of values in the specified window.

                        • -
                        • jsDistance (list) – Histogram data of JS divergence between the training distribution and the range of values in the specified window.

                        • -
                        • wsDistance (list) – Histogram data of Wasserstein distance between the training distribution and the range of values in the specified window.

                        • -
                        • ksStatistic (list) – Histogram data of Kolmogorov-Smirnov statistic computed between the training distribution and the range of values in the specified window.

                        • -
                        • psi (list) – Histogram data of Population stability index computed between the training distribution and the range of values in the specified window.

                        • -
                        • csi (list) – Histogram data of Characteristic Stability Index computed between the training distribution and the range of values in the specified window.

                        • -
                        • chiSquare (list) – Histogram data of Chi-square statistic computed between the training distribution and the range of values in the specified window.

                        • +
                        • distance (list) – Histogram data of KL divergences between the training distribution and the range of values in the specified window.

                        • +
                        • jsDistance (list) – Histogram data of JS divergence between the training distribution and the range of values in the specified window.

                        • +
                        • wsDistance (list) – Histogram data of Wasserstein distance between the training distribution and the range of values in the specified window.

                        • +
                        • ksStatistic (list) – Histogram data of Kolmogorov-Smirnov statistic computed between the training distribution and the range of values in the specified window.

                        • +
                        • psi (list) – Histogram data of Population stability index computed between the training distribution and the range of values in the specified window.

                        • +
                        • csi (list) – Histogram data of Characteristic Stability Index computed between the training distribution and the range of values in the specified window.

                        • +
                        • chiSquare (list) – Histogram data of Chi-square statistic computed between the training distribution and the range of values in the specified window.

                        • averageDrift (DriftTypesValue) – Average drift embedding for each type of drift

                        @@ -38682,7 +42931,63 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        +
                        + + + + +
                        +
                        +class abacusai.EntriAuthToken(client, token=None, applicationId=None, ttl=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Entri Auth Token

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • token (str) – The authentication token for Entri

                        • +
                        • applicationId (str) – application Id from Entri dashboard

                        • +
                        • ttl (int) – The duration in milliseconds for which the token is valid

                        • +
                        +
                        +
                        +
                        +
                        +token = None
                        +
                        + +
                        +
                        +application_id = None
                        +
                        + +
                        +
                        +ttl = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -38698,10 +43003,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupOperationRunId (str) – The run id of the operation

                        • -
                        • status (str) – The status of the operation

                        • -
                        • error (str) – The error message if the operation failed

                        • -
                        • query (str) – The SQL query of the operation

                        • +
                        • featureGroupOperationRunId (str) – The run id of the operation

                        • +
                        • status (str) – The status of the operation

                        • +
                        • error (str) – The error message if the operation failed

                        • +
                        • query (str) – The SQL query of the operation

                        @@ -38744,7 +43049,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -38756,8 +43061,8 @@

                        Package Contents
                        Parameters:
                          -
                        • timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        • -
                        • delay (int) – Polling interval for checking timeout.

                        • +
                        • timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        • +
                        • delay (int) – Polling interval for checking timeout.

                        @@ -38770,8 +43075,8 @@

                        Package Contents
                        Parameters:
                          -
                        • timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        • -
                        • delay (int) – Polling interval for checking timeout.

                        • +
                        • timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        • +
                        • delay (int) – Polling interval for checking timeout.

                        @@ -38786,7 +43091,7 @@

                        Package Contents

                        A string describing the status of a query execution (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -38830,7 +43135,7 @@

                        Package Contents
                        Parameters:
                        -

                        max_workers (int) – The number of threads.

                        +

                        max_workers (int) – The number of threads.

                        Returns:

                        A pandas dataframe displaying the data from execution.

                        @@ -38845,30 +43150,35 @@

                        Package Contents
                        -class abacusai.ExternalApplication(client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None)
                        +class abacusai.ExternalApplication(client, name=None, externalApplicationId=None, deploymentId=None, description=None, logo=None, theme=None, userGroupIds=None, useCase=None, isAgent=None, status=None, deploymentConversationRetentionHours=None, managedUserService=None, predictionOverrides=None, isSystemCreated=None, isCustomizable=None, isDeprecated=None, isVisible=None, hasThinkingOption=None, hasFastMode=None, onlyImageGenEnabled=None, projectId=None, isCodellmChatmodeSupported=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        An external application.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the external application.

                        • -
                        • externalApplicationId (str) – The unique identifier of the external application.

                        • -
                        • deploymentId (str) – The deployment id associated with the external application.

                        • -
                        • description (str) – The description of the external application.

                        • -
                        • logo (str) – The logo.

                        • -
                        • theme (dict) – The theme used for the External Application.

                        • -
                        • userGroupIds (list) – A list of App User Groups with access to this external application

                        • -
                        • useCase (str) – Use Case of the project of this deployment

                        • -
                        • isAgent (bool) – Whether the external application is an agent.

                        • -
                        • status (str) – The status of the deployment.

                        • -
                        • deploymentConversationRetentionHours (int) – The retention policy for the external application.

                        • -
                        • managedUserService (str) – The external service that is managing the user accounts.

                        • -
                        • predictionOverrides (dict) – The prediction overrides for the external application.

                        • -
                        • isSystemCreated (bool) – Whether the external application is system created.

                        • -
                        • isCustomizable (bool) – Whether the external application is customizable.

                        • -
                        • isDeprecated (bool) – Whether the external application is deprecated. Only applicable for system created bots. Deprecated external applications will not show in the UI.

                        • -
                        • isVisible (bool) – Whether the external application should be shown in the dropdown.

                        • +
                        • name (str) – The name of the external application.

                        • +
                        • externalApplicationId (str) – The unique identifier of the external application.

                        • +
                        • deploymentId (str) – The deployment id associated with the external application.

                        • +
                        • description (str) – The description of the external application.

                        • +
                        • logo (str) – The logo.

                        • +
                        • theme (dict) – The theme used for the External Application.

                        • +
                        • userGroupIds (list) – A list of App User Groups with access to this external application

                        • +
                        • useCase (str) – Use Case of the project of this deployment

                        • +
                        • isAgent (bool) – Whether the external application is an agent.

                        • +
                        • status (str) – The status of the deployment.

                        • +
                        • deploymentConversationRetentionHours (int) – The retention policy for the external application.

                        • +
                        • managedUserService (str) – The external service that is managing the user accounts.

                        • +
                        • predictionOverrides (dict) – The prediction overrides for the external application.

                        • +
                        • isSystemCreated (bool) – Whether the external application is system created.

                        • +
                        • isCustomizable (bool) – Whether the external application is customizable.

                        • +
                        • isDeprecated (bool) – Whether the external application is deprecated. Only applicable for system created bots. Deprecated external applications will not show in the UI.

                        • +
                        • isVisible (bool) – Whether the external application should be shown in the dropdown.

                        • +
                        • hasThinkingOption (bool) – Whether to show the thinking option in the toolbar.

                        • +
                        • hasFastMode (bool) – Whether the external application has fast mode.

                        • +
                        • onlyImageGenEnabled (bool) – Whether to LLM only allows image generation.

                        • +
                        • projectId (str) – The project id associated with the external application.

                        • +
                        • isCodellmChatmodeSupported (bool) – Whether the external application is codellm chatmode supported

                        @@ -38957,6 +43267,31 @@

                        Package Contentsis_visible = None
                        +
                        +
                        +has_thinking_option = None
                        +
                        + +
                        +
                        +has_fast_mode = None
                        +
                        + +
                        +
                        +only_image_gen_enabled = None
                        +
                        + +
                        +
                        +project_id = None
                        +
                        + +
                        +
                        +is_codellm_chatmode_supported = None
                        +
                        +
                        deprecated_keys
                        @@ -38976,7 +43311,29 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + +

                        + +
                        +
                        +add_developers_to()
                        +

                        Adds a permission for the platform App User Group to access an External Application.

                        +
                        +
                        Parameters:
                        +

                        external_application_id (str) – The ID of the External Application.

                        +
                        +
                        +
                        + +
                        +
                        +remove_developers_from()
                        +

                        Removes a permission for the platform App User Group to access an External Application.

                        +
                        +
                        Parameters:
                        +

                        external_application_id (str) – The ID of the External Application.

                        @@ -38988,12 +43345,12 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the External Application.

                        • -
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application.

                        • -
                        • theme (dict) – The visual theme of the External Application.

                        • -
                        • deployment_id (str) – The ID of the deployment to use.

                        • -
                        • deployment_conversation_retention_hours (int) – The number of hours to retain the conversations for.

                        • -
                        • reset_retention_policy (bool) – If true, the retention policy will be removed.

                        • +
                        • name (str) – The name of the External Application.

                        • +
                        • description (str) – The description of the External Application. This will be shown to users when they access the External Application.

                        • +
                        • theme (dict) – The visual theme of the External Application.

                        • +
                        • deployment_id (str) – The ID of the deployment to use.

                        • +
                        • deployment_conversation_retention_hours (int) – The number of hours to retain the conversations for.

                        • +
                        • reset_retention_policy (bool) – If true, the retention policy will be removed.

                        Returns:
                        @@ -39025,7 +43382,7 @@

                        Package Contents
                        Parameters:
                        -

                        external_application_id (str) – The ID of the External Application.

                        +

                        external_application_id (str) – The ID of the External Application.

                        Returns:

                        The External Application.

                        @@ -39042,7 +43399,7 @@

                        Package Contents
                        Parameters:
                        -

                        external_application_id (str) – The ID of the External Application.

                        +

                        external_application_id (str) – The ID of the External Application.

                        @@ -39058,10 +43415,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • userAlreadyInOrg (list) – List of user emails not successfully invited, because they are already in the organization.

                        • -
                        • userAlreadyInAppGroup (list) – List of user emails not successfully invited, because they are already in the application group.

                        • -
                        • userExistsAsInternal (list) – List of user emails not successfully invited, because they are already internal users.

                        • -
                        • successfulInvites (list) – List of users successfully invited.

                        • +
                        • userAlreadyInOrg (list) – List of user emails not successfully invited, because they are already in the organization.

                        • +
                        • userAlreadyInAppGroup (list) – List of user emails not successfully invited, because they are already in the application group.

                        • +
                        • userExistsAsInternal (list) – List of user emails not successfully invited, because they are already internal users.

                        • +
                        • successfulInvites (list) – List of users successfully invited.

                        @@ -39104,7 +43461,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -39120,8 +43477,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • data (dict) – The fields/data extracted from the document.

                        • -
                        • rawLlmResponse (str) – The raw llm response. Only returned if it could not be parsed to json dict.

                        • +
                        • data (dict) – The fields/data extracted from the document.

                        • +
                        • rawLlmResponse (str) – The raw llm response. Only returned if it could not be parsed to json dict.

                        @@ -39154,7 +43511,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -39170,18 +43527,18 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The unique name of the column

                        • -
                        • selectClause (str) – The sql logic for creating this feature’s data

                        • -
                        • featureMapping (str) – The Feature Mapping of the feature

                        • -
                        • sourceTable (str) – The source table of the column

                        • -
                        • originalName (str) – The original name of the column

                        • -
                        • usingClause (str) – Nested Column Using Clause

                        • -
                        • orderClause (str) – Nested Column Ordering Clause

                        • -
                        • whereClause (str) – Nested Column Where Clause

                        • -
                        • featureType (str) – Feature Type of the Feature

                        • -
                        • dataType (str) – Data Type of the Feature

                        • -
                        • detectedFeatureType (str) – The detected feature type of the column

                        • -
                        • detectedDataType (str) – The detected data type of the column

                        • +
                        • name (str) – The unique name of the column

                        • +
                        • selectClause (str) – The sql logic for creating this feature’s data

                        • +
                        • featureMapping (str) – The Feature Mapping of the feature

                        • +
                        • sourceTable (str) – The source table of the column

                        • +
                        • originalName (str) – The original name of the column

                        • +
                        • usingClause (str) – Nested Column Using Clause

                        • +
                        • orderClause (str) – Nested Column Ordering Clause

                        • +
                        • whereClause (str) – Nested Column Where Clause

                        • +
                        • featureType (str) – Feature Type of the Feature

                        • +
                        • dataType (str) – Data Type of the Feature

                        • +
                        • detectedFeatureType (str) – The detected feature type of the column

                        • +
                        • detectedDataType (str) – The detected data type of the column

                        • columns (NestedFeature) – Nested Features

                        • pointInTimeInfo (PointInTimeFeature) – Point in time column information

                        @@ -39276,7 +43633,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -39292,13 +43649,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • type (str) – Data type of values in each distribution, typically ‘categorical’ or ‘numerical’.

                        • -
                        • trainingDistribution (dict) – A dict describing the range of values in the training distribution.

                        • -
                        • predictionDistribution (dict) – A dict describing the range of values in the specified window.

                        • -
                        • numericalTrainingDistribution (dict) – A dict describing the summary statistics of the numerical training distribution.

                        • -
                        • numericalPredictionDistribution (dict) – A dict describing the summary statistics of the numerical prediction distribution.

                        • -
                        • trainingStatistics (dict) – A dict describing summary statistics of values in the training distribution.

                        • -
                        • predictionStatistics (dict) – A dict describing summary statistics of values in the specified window.

                        • +
                        • type (str) – Data type of values in each distribution, typically ‘categorical’ or ‘numerical’.

                        • +
                        • trainingDistribution (dict) – A dict describing the range of values in the training distribution.

                        • +
                        • predictionDistribution (dict) – A dict describing the range of values in the specified window.

                        • +
                        • numericalTrainingDistribution (dict) – A dict describing the summary statistics of the numerical training distribution.

                        • +
                        • numericalPredictionDistribution (dict) – A dict describing the summary statistics of the numerical prediction distribution.

                        • +
                        • trainingStatistics (dict) – A dict describing summary statistics of values in the training distribution.

                        • +
                        • predictionStatistics (dict) – A dict describing summary statistics of values in the specified window.

                        @@ -39356,7 +43713,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -39372,14 +43729,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – Name of feature.

                        • -
                        • distance (float) – Symmetric sum of KL divergences between the training distribution and the range of values in the specified window.

                        • -
                        • jsDistance (float) – JS divergence between the training distribution and the range of values in the specified window.

                        • -
                        • wsDistance (float) – Wasserstein distance between the training distribution and the range of values in the specified window.

                        • -
                        • ksStatistic (float) – Kolmogorov-Smirnov statistic computed between the training distribution and the range of values in the specified window.

                        • -
                        • psi (float) – Population stability index computed between the training distribution and the range of values in the specified window.

                        • -
                        • csi (float) – Characteristic Stability Index computed between the training distribution and the range of values in the specified window.

                        • -
                        • chiSquare (float) – Chi-square statistic computed between the training distribution and the range of values in the specified window.

                        • +
                        • name (str) – Name of feature.

                        • +
                        • distance (float) – Symmetric sum of KL divergences between the training distribution and the range of values in the specified window.

                        • +
                        • jsDistance (float) – JS divergence between the training distribution and the range of values in the specified window.

                        • +
                        • wsDistance (float) – Wasserstein distance between the training distribution and the range of values in the specified window.

                        • +
                        • ksStatistic (float) – Kolmogorov-Smirnov statistic computed between the training distribution and the range of values in the specified window.

                        • +
                        • psi (float) – Population stability index computed between the training distribution and the range of values in the specified window.

                        • +
                        • csi (float) – Characteristic Stability Index computed between the training distribution and the range of values in the specified window.

                        • +
                        • chiSquare (float) – Chi-square statistic computed between the training distribution and the range of values in the specified window.

                        @@ -39442,7 +43799,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -39458,19 +43815,19 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureIndex (list[dict]) – A list of dicts of eligible feature names and corresponding overall feature drift measures.

                        • -
                        • name (str) – Name of feature.

                        • -
                        • distance (float) – Symmetric sum of KL divergences between the training distribution and the range of values in the specified window.

                        • -
                        • jsDistance (float) – JS divergence between the training distribution and the range of values in the specified window.

                        • -
                        • wsDistance (float) – Wasserstein distance between the training distribution and the range of values in the specified window.

                        • -
                        • ksStatistic (float) – Kolmogorov-Smirnov statistic computed between the training distribution and the range of values in the specified window.

                        • -
                        • predictionDrift (float) – Drift for the target column.

                        • -
                        • targetColumn (str) – Target column name.

                        • -
                        • dataIntegrityTimeseries (dict) – Frequency vs Data Integrity Violation Charts.

                        • -
                        • nestedSummary (list[dict]) – Summary of model monitoring statistics for nested features.

                        • -
                        • psi (float) – Population stability index computed between the training distribution and the range of values in the specified window.

                        • -
                        • csi (float) – Characteristic Stability Index computed between the training distribution and the range of values in the specified window.

                        • -
                        • chiSquare (float) – Chi-square statistic computed between the training distribution and the range of values in the specified window.

                        • +
                        • featureIndex (list[dict]) – A list of dicts of eligible feature names and corresponding overall feature drift measures.

                        • +
                        • name (str) – Name of feature.

                        • +
                        • distance (float) – Symmetric sum of KL divergences between the training distribution and the range of values in the specified window.

                        • +
                        • jsDistance (float) – JS divergence between the training distribution and the range of values in the specified window.

                        • +
                        • wsDistance (float) – Wasserstein distance between the training distribution and the range of values in the specified window.

                        • +
                        • ksStatistic (float) – Kolmogorov-Smirnov statistic computed between the training distribution and the range of values in the specified window.

                        • +
                        • predictionDrift (float) – Drift for the target column.

                        • +
                        • targetColumn (str) – Target column name.

                        • +
                        • dataIntegrityTimeseries (dict) – Frequency vs Data Integrity Violation Charts.

                        • +
                        • nestedSummary (list[dict]) – Summary of model monitoring statistics for nested features.

                        • +
                        • psi (float) – Population stability index computed between the training distribution and the range of values in the specified window.

                        • +
                        • csi (float) – Characteristic Stability Index computed between the training distribution and the range of values in the specified window.

                        • +
                        • chiSquare (float) – Chi-square statistic computed between the training distribution and the range of values in the specified window.

                        • nullViolations (NullViolation) – A list of dicts of feature names and a description of corresponding null violations.

                        • rangeViolations (RangeViolation) – A list of dicts of numerical feature names and corresponding prediction range discrepancies.

                        • catViolations (CategoricalRangeViolation) – A list of dicts of categorical feature names and corresponding prediction range discrepancies.

                        • @@ -39576,7 +43933,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -39592,42 +43949,42 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – Unique identifier for this feature group.

                        • -
                        • modificationLock (bool) – If feature group is locked against a change or not.

                        • -
                        • name (str)

                        • -
                        • featureGroupSourceType (str) – The source type of the feature group

                        • -
                        • tableName (str) – Unique table name of this feature group.

                        • -
                        • sql (str) – SQL definition creating this feature group.

                        • -
                        • datasetId (str) – Dataset ID the feature group is sourced from.

                        • -
                        • functionSourceCode (str) – Source definition creating this feature group.

                        • -
                        • functionName (str) – Function name to execute from the source code.

                        • -
                        • sourceTables (list[str]) – Source tables for this feature group.

                        • -
                        • createdAt (str) – Timestamp at which the feature group was created.

                        • -
                        • description (str) – Description of the feature group.

                        • -
                        • sqlError (str) – Error message with this feature group.

                        • -
                        • latestVersionOutdated (bool) – Is latest materialized feature group version outdated.

                        • -
                        • referencedFeatureGroups (list[str]) – Feature groups this feature group is used in.

                        • -
                        • tags (list[str]) – Tags added to this feature group.

                        • -
                        • primaryKey (str) – Primary index feature.

                        • -
                        • updateTimestampKey (str) – Primary timestamp feature.

                        • -
                        • lookupKeys (list[str]) – Additional indexed features for this feature group.

                        • -
                        • streamingEnabled (bool) – If true, the feature group can have data streamed to it.

                        • -
                        • incremental (bool) – If feature group corresponds to an incremental dataset.

                        • -
                        • mergeConfig (dict) – Merge configuration settings for the feature group.

                        • -
                        • samplingConfig (dict) – Sampling configuration for the feature group.

                        • -
                        • cpuSize (str) – CPU size specified for the Python feature group.

                        • -
                        • memory (int) – Memory in GB specified for the Python feature group.

                        • -
                        • streamingReady (bool) – If true, the feature group is ready to receive streaming data.

                        • -
                        • featureTags (dict) – Tags for features in this feature group

                        • -
                        • moduleName (str) – Path to the file with the feature group function.

                        • -
                        • templateBindings (dict) – Config specifying variable names and values to use when resolving a feature group template.

                        • -
                        • featureExpression (str) – If the dataset feature group has custom features, the SQL select expression creating those features.

                        • -
                        • useOriginalCsvNames (bool) – If true, the feature group will use the original column names in the source dataset.

                        • -
                        • pythonFunctionBindings (dict) – Config specifying variable names, types, and values to use when resolving a Python feature group.

                        • -
                        • pythonFunctionName (str) – Name of the Python function the feature group was built from.

                        • -
                        • useGpu (bool) – Whether this feature group is using gpu

                        • -
                        • versionLimit (int) – Version limit for the feature group.

                        • -
                        • exportOnMaterialization (bool) – Whether to export the feature group on materialization.

                        • +
                        • featureGroupId (str) – Unique identifier for this feature group.

                        • +
                        • modificationLock (bool) – If feature group is locked against a change or not.

                        • +
                        • name (str)

                        • +
                        • featureGroupSourceType (str) – The source type of the feature group

                        • +
                        • tableName (str) – Unique table name of this feature group.

                        • +
                        • sql (str) – SQL definition creating this feature group.

                        • +
                        • datasetId (str) – Dataset ID the feature group is sourced from.

                        • +
                        • functionSourceCode (str) – Source definition creating this feature group.

                        • +
                        • functionName (str) – Function name to execute from the source code.

                        • +
                        • sourceTables (list[str]) – Source tables for this feature group.

                        • +
                        • createdAt (str) – Timestamp at which the feature group was created.

                        • +
                        • description (str) – Description of the feature group.

                        • +
                        • sqlError (str) – Error message with this feature group.

                        • +
                        • latestVersionOutdated (bool) – Is latest materialized feature group version outdated.

                        • +
                        • referencedFeatureGroups (list[str]) – Feature groups this feature group is used in.

                        • +
                        • tags (list[str]) – Tags added to this feature group.

                        • +
                        • primaryKey (str) – Primary index feature.

                        • +
                        • updateTimestampKey (str) – Primary timestamp feature.

                        • +
                        • lookupKeys (list[str]) – Additional indexed features for this feature group.

                        • +
                        • streamingEnabled (bool) – If true, the feature group can have data streamed to it.

                        • +
                        • incremental (bool) – If feature group corresponds to an incremental dataset.

                        • +
                        • mergeConfig (dict) – Merge configuration settings for the feature group.

                        • +
                        • samplingConfig (dict) – Sampling configuration for the feature group.

                        • +
                        • cpuSize (str) – CPU size specified for the Python feature group.

                        • +
                        • memory (int) – Memory in GB specified for the Python feature group.

                        • +
                        • streamingReady (bool) – If true, the feature group is ready to receive streaming data.

                        • +
                        • featureTags (dict) – Tags for features in this feature group

                        • +
                        • moduleName (str) – Path to the file with the feature group function.

                        • +
                        • templateBindings (dict) – Config specifying variable names and values to use when resolving a feature group template.

                        • +
                        • featureExpression (str) – If the dataset feature group has custom features, the SQL select expression creating those features.

                        • +
                        • useOriginalCsvNames (bool) – If true, the feature group will use the original column names in the source dataset.

                        • +
                        • pythonFunctionBindings (dict) – Config specifying variable names, types, and values to use when resolving a Python feature group.

                        • +
                        • pythonFunctionName (str) – Name of the Python function the feature group was built from.

                        • +
                        • useGpu (bool) – Whether this feature group is using gpu

                        • +
                        • versionLimit (int) – Version limit for the feature group.

                        • +
                        • exportOnMaterialization (bool) – Whether to export the feature group on materialization.

                        • features (Feature) – List of resolved features.

                        • duplicateFeatures (Feature) – List of duplicate features.

                        • pointInTimeGroups (PointInTimeGroup) – List of Point In Time Groups.

                        • @@ -39908,7 +44265,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -39920,8 +44277,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The unique ID associated with the project.

                        • -
                        • feature_group_type (str) – The feature group type of the feature group, based on the use case under which the feature group is being created.

                        • +
                        • project_id (str) – The unique ID associated with the project.

                        • +
                        • feature_group_type (str) – The feature group type of the feature group, based on the use case under which the feature group is being created.

                        @@ -39934,7 +44291,7 @@

                        Package Contents
                        Parameters:
                        @@ -39947,7 +44304,7 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier for the project.

                        +

                        project_id (str) – Unique string identifier for the project.

                        Returns:

                        The feature group’s project configuration.

                        @@ -39964,7 +44321,7 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique ID associated with the project.

                        +

                        project_id (str) – The unique ID associated with the project.

                        @@ -39976,8 +44333,8 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – Unique identifier associated with the project.

                        • -
                        • feature_group_type (str) – The feature group type to set the feature group as.

                        • +
                        • project_id (str) – Unique identifier associated with the project.

                        • +
                        • feature_group_type (str) – The feature group type to set the feature group as.

                        @@ -39990,9 +44347,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        Returns:
                        @@ -40011,9 +44368,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        Returns:
                        @@ -40032,11 +44389,11 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • status (str) – The new status of the annotation. Must be one of the following: ‘TODO’, ‘IN_PROGRESS’, ‘DONE’.

                        • -
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • -
                        • save_metadata (bool) – If True, save the metadata for the annotation entry.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • status (str) – The new status of the annotation. Must be one of the following: ‘TODO’, ‘IN_PROGRESS’, ‘DONE’.

                        • +
                        • doc_id (str) – The ID of the primary document the annotation is on. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the feature group’s primary / identifier key value. At least one of the doc_id or feature_group_row_identifier must be provided in order to identify the correct annotation.

                        • +
                        • save_metadata (bool) – If True, save the metadata for the annotation entry.

                        Returns:
                        @@ -40055,10 +44412,10 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – The ID of the project that the annotation is associated with.

                        • -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value. If provided, fetch the immediate next (or previous) available document.

                        • -
                        • get_previous (bool) – If True, get the previous document instead of the next document. Applicable if feature_group_row_identifier is provided.

                        • +
                        • project_id (str) – The ID of the project that the annotation is associated with.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • feature_group_row_identifier (str) – The key value of the feature group row the annotation is on (cast to string). Usually the primary key value. If provided, fetch the immediate next (or previous) available document.

                        • +
                        • get_previous (bool) – If True, get the previous document instead of the next document. Applicable if feature_group_row_identifier is provided.

                        Returns:
                        @@ -40077,8 +44434,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature the annotation is on.

                        • -
                        • check_for_materialization (bool) – If True, check if the feature group needs to be materialized before using for annotations.

                        • +
                        • feature_name (str) – The name of the feature the annotation is on.

                        • +
                        • check_for_materialization (bool) – If True, check if the feature group needs to be materialized before using for annotations.

                        Returns:
                        @@ -40097,8 +44454,8 @@

                        Package Contents
                        Parameters:
                          -
                        • file (io.TextIOBase) – The file to import. Must be a csv file.

                        • -
                        • annotation_type (str) – The type of the annotation.

                        • +
                        • file (io.TextIOBase) – The file to import. Must be a csv file.

                        • +
                        • annotation_type (str) – The type of the annotation.

                        Returns:
                        @@ -40118,9 +44475,9 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – The unique name to be given to this sampling Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • table_name (str) – The unique name to be given to this sampling Feature Group. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • sampling_config (SamplingConfig) – Dictionary defining the sampling method and its parameters.

                        • -
                        • description (str) – A human-readable description of this Feature Group.

                        • +
                        • description (str) – A human-readable description of this Feature Group.

                        Returns:
                        @@ -40189,7 +44546,7 @@

                        Package Contents
                        Parameters:
                        -

                        schema (list) – JSON string containing an array of objects with ‘name’ and ‘dataType’ properties.

                        +

                        schema (list) – JSON string containing an array of objects with ‘name’ and ‘dataType’ properties.

                        @@ -40200,13 +44557,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique ID associated with the project.

                        +

                        project_id (str) – The unique ID associated with the project.

                        Returns:

                        A list of objects for each column in the specified feature group.

                        Return type:
                        -

                        list[Feature]

                        +

                        list[Feature]

                        @@ -40218,8 +44575,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the feature to add.

                        • -
                        • select_expression (str) – SQL SELECT expression to create the feature.

                        • +
                        • name (str) – The name of the feature to add.

                        • +
                        • select_expression (str) – SQL SELECT expression to create the feature.

                        Returns:
                        @@ -40237,7 +44594,7 @@

                        Package Contents
                        Parameters:
                        -

                        tag (str) – The tag to add to the feature group.

                        +

                        tag (str) – The tag to add to the feature group.

                        @@ -40248,7 +44605,7 @@

                        Package Contents
                        Parameters:
                        -

                        tag (str) – The tag to remove from the feature group.

                        +

                        tag (str) – The tag to remove from the feature group.

                        @@ -40260,8 +44617,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the feature to add.

                        • -
                        • annotation_type (str) – The type of annotation to set.

                        • +
                        • name (str) – The name of the feature to add.

                        • +
                        • annotation_type (str) – The type of annotation to set.

                        Returns:
                        @@ -40280,10 +44637,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature to set as annotatable.

                        • -
                        • annotation_type (str) – The type of annotation label to add.

                        • -
                        • feature_group_row_identifier_feature (str) – The key value of the feature group row the annotation is on (cast to string) and uniquely identifies the feature group row. At least one of the doc_id or key value must be provided so that the correct annotation can be identified.

                        • -
                        • doc_id_feature (str) – The name of the document ID feature.

                        • +
                        • feature_name (str) – The name of the feature to set as annotatable.

                        • +
                        • annotation_type (str) – The type of annotation label to add.

                        • +
                        • feature_group_row_identifier_feature (str) – The key value of the feature group row the annotation is on (cast to string) and uniquely identifies the feature group row. At least one of the doc_id or key value must be provided so that the correct annotation can be identified.

                        • +
                        • doc_id_feature (str) – The name of the document ID feature.

                        Returns:
                        @@ -40301,7 +44658,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_name (str) – The name of the feature to set as the annotation status feature.

                        +

                        feature_name (str) – The name of the feature to set as the annotation status feature.

                        Returns:

                        The updated feature group.

                        @@ -40318,7 +44675,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_name (str) – The name of the feature to unset.

                        +

                        feature_name (str) – The name of the feature to unset.

                        Returns:

                        The feature group after unsetting the feature

                        @@ -40336,9 +44693,9 @@

                        Package Contents
                        Parameters:
                          -
                        • label_name (str) – The name of the label.

                        • -
                        • annotation_type (str) – The type of the annotation to set.

                        • -
                        • label_definition (str) – the definition of the label.

                        • +
                        • label_name (str) – The name of the label.

                        • +
                        • annotation_type (str) – The type of the annotation to set.

                        • +
                        • label_definition (str) – the definition of the label.

                        Returns:
                        @@ -40356,7 +44713,7 @@

                        Package Contents
                        Parameters:
                        -

                        label_name (str) – The name of the label to remove.

                        +

                        label_name (str) – The name of the label to remove.

                        Returns:

                        The feature group after adding the annotation label

                        @@ -40374,8 +44731,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature (str) – The feature to set the tag on.

                        • -
                        • tag (str) – The tag to set on the feature.

                        • +
                        • feature (str) – The feature to set the tag on.

                        • +
                        • tag (str) – The tag to set on the feature.

                        @@ -40388,8 +44745,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature (str) – The feature to remove the tag from.

                        • -
                        • tag (str) – The tag to remove.

                        • +
                        • feature (str) – The feature to remove the tag from.

                        • +
                        • tag (str) – The tag to remove.

                        @@ -40402,11 +44759,11 @@

                        Package Contents
                        Parameters:
                          -
                        • nested_feature_name (str) – The name of the feature.

                        • -
                        • table_name (str) – The table name of the feature group to nest. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • -
                        • where_clause (str) – A SQL WHERE statement to filter the nested rows.

                        • -
                        • order_clause (str) – A SQL clause to order the nested rows.

                        • +
                        • nested_feature_name (str) – The name of the feature.

                        • +
                        • table_name (str) – The table name of the feature group to nest. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • +
                        • where_clause (str) – A SQL WHERE statement to filter the nested rows.

                        • +
                        • order_clause (str) – A SQL clause to order the nested rows.

                        Returns:
                        @@ -40425,12 +44782,12 @@

                        Package Contents
                        Parameters:
                          -
                        • nested_feature_name (str) – The name of the feature to be updated.

                        • -
                        • table_name (str) – The name of the table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • -
                        • where_clause (str) – An SQL WHERE statement to filter the nested rows.

                        • -
                        • order_clause (str) – An SQL clause to order the nested rows.

                        • -
                        • new_nested_feature_name (str) – New name for the nested feature.

                        • +
                        • nested_feature_name (str) – The name of the feature to be updated.

                        • +
                        • table_name (str) – The name of the table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • using_clause (str) – The SQL join column or logic to join the nested table with the parent.

                        • +
                        • where_clause (str) – An SQL WHERE statement to filter the nested rows.

                        • +
                        • order_clause (str) – An SQL clause to order the nested rows.

                        • +
                        • new_nested_feature_name (str) – New name for the nested feature.

                        Returns:
                        @@ -40448,7 +44805,7 @@

                        Package Contents
                        Parameters:
                        -

                        nested_feature_name (str) – The name of the feature to be deleted.

                        +

                        nested_feature_name (str) – The name of the feature to be deleted.

                        Returns:

                        A feature group object without the specified nested feature.

                        @@ -40468,16 +44825,16 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature to create.

                        • -
                        • history_table_name (str) – The table name of the history table.

                        • -
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • -
                        • timestamp_key (str) – Name of feature which contains the timestamp value for the point in time feature.

                        • -
                        • historical_timestamp_key (str) – Name of feature which contains the historical timestamp.

                        • -
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • -
                        • lookback_window_seconds (float) – If window is specified in terms of time, number of seconds in the past from the current time for start of the window.

                        • -
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

                        • -
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • +
                        • feature_name (str) – The name of the feature to create.

                        • +
                        • history_table_name (str) – The table name of the history table.

                        • +
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • +
                        • timestamp_key (str) – Name of feature which contains the timestamp value for the point in time feature.

                        • +
                        • historical_timestamp_key (str) – Name of feature which contains the historical timestamp.

                        • +
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • lookback_window_seconds (float) – If window is specified in terms of time, number of seconds in the past from the current time for start of the window.

                        • +
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

                        • +
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        Returns:
                        @@ -40496,17 +44853,17 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – The name of the feature.

                        • -
                        • history_table_name (str) – The table name of the history table. If not specified, we use the current table to do a self join.

                        • -
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • -
                        • timestamp_key (str) – Name of the feature which contains the timestamp value for the PiT feature.

                        • -
                        • historical_timestamp_key (str) – Name of the feature which contains the historical timestamp.

                        • -
                        • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

                        • -
                        • lookback_window_seconds (float) – If the window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

                        • -
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window. If it is negative, we are looking at the “future” rows in the history table.

                        • -
                        • lookback_count (int) – If the window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • -
                        • new_feature_name (str) – New name for the PiT feature.

                        • +
                        • feature_name (str) – The name of the feature.

                        • +
                        • history_table_name (str) – The table name of the history table. If not specified, we use the current table to do a self join.

                        • +
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • +
                        • timestamp_key (str) – Name of the feature which contains the timestamp value for the PiT feature.

                        • +
                        • historical_timestamp_key (str) – Name of the feature which contains the historical timestamp.

                        • +
                        • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • lookback_window_seconds (float) – If the window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

                        • +
                        • lookback_window_lag_seconds (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window. If it is negative, we are looking at the “future” rows in the history table.

                        • +
                        • lookback_count (int) – If the window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of the window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • +
                        • new_feature_name (str) – New name for the PiT feature.

                        Returns:
                        @@ -40525,16 +44882,16 @@

                        Package Contents
                        Parameters:
                          -
                        • group_name (str) – The name of the point in time group.

                        • -
                        • window_key (str) – Name of feature to use for ordering the rows on the source table.

                        • -
                        • aggregation_keys (list) – List of keys to perform on the source table for the window aggregation.

                        • -
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • -
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • -
                        • history_aggregation_keys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • -
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window. If 0, the lookback will include all rows.

                        • -
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, “future” rows in the history table are used.

                        • -
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many “future” rows in the history table are used.

                        • +
                        • group_name (str) – The name of the point in time group.

                        • +
                        • window_key (str) – Name of feature to use for ordering the rows on the source table.

                        • +
                        • aggregation_keys (list) – List of keys to perform on the source table for the window aggregation.

                        • +
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • +
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • +
                        • history_aggregation_keys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • +
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window. If 0, the lookback will include all rows.

                        • +
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, “future” rows in the history table are used.

                        • +
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many “future” rows in the history table are used.

                        Returns:
                        @@ -40553,10 +44910,10 @@

                        Package Contents
                        Parameters:
                          -
                        • group_name (str) – Name of the point-in-time group.

                        • -
                        • columns (list) – List of columns to generate point-in-time features for.

                        • -
                        • window_functions (list) – List of window functions to operate on.

                        • -
                        • prefix (str) – Prefix for generated features, defaults to group name

                        • +
                        • group_name (str) – Name of the point-in-time group.

                        • +
                        • columns (list) – List of columns to generate point-in-time features for.

                        • +
                        • window_functions (list) – List of window functions to operate on.

                        • +
                        • prefix (str) – Prefix for generated features, defaults to group name

                        Returns:
                        @@ -40575,16 +44932,16 @@

                        Package Contents
                        Parameters:
                          -
                        • group_name (str) – The name of the point-in-time group.

                        • -
                        • window_key (str) – Name of feature which contains the timestamp value for the point-in-time feature.

                        • -
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • -
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • -
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • -
                        • history_aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • -
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window.

                        • -
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, future rows in the history table are looked at.

                        • -
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many future rows in the history table are looked at.

                        • +
                        • group_name (str) – The name of the point-in-time group.

                        • +
                        • window_key (str) – Name of feature which contains the timestamp value for the point-in-time feature.

                        • +
                        • aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation.

                        • +
                        • history_table_name (str) – The table to use for aggregating, if not provided, the source table will be used.

                        • +
                        • history_window_key (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used.

                        • +
                        • history_aggregation_keys (list) – List of keys to use for joining the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys.

                        • +
                        • lookback_window (float) – Number of seconds in the past from the current time for the start of the window.

                        • +
                        • lookback_window_lag (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, future rows in the history table are looked at.

                        • +
                        • lookback_count (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookback_until_position (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, those many future rows in the history table are looked at.

                        Returns:
                        @@ -40602,7 +44959,7 @@

                        Package Contents
                        Parameters:
                        -

                        group_name (str) – The name of the point in time group.

                        +

                        group_name (str) – The name of the point in time group.

                        Returns:

                        The feature group after the point in time group has been deleted.

                        @@ -40620,9 +44977,9 @@

                        Package Contents
                        Parameters:
                          -
                        • group_name (str) – The name of the point-in-time group.

                        • -
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • -
                        • expression (str) – A SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • group_name (str) – The name of the point-in-time group.

                        • +
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • +
                        • expression (str) – A SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        Returns:
                        @@ -40641,9 +44998,9 @@

                        Package Contents
                        Parameters:
                          -
                        • group_name (str) – The name of the point-in-time group.

                        • -
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • -
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • group_name (str) – The name of the point-in-time group.

                        • +
                        • name (str) – The name of the feature to add to the point-in-time group.

                        • +
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        Returns:
                        @@ -40662,9 +45019,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature (str) – The name of the feature.

                        • -
                        • feature_type (str) – The machine learning type of the data in the feature.

                        • -
                        • project_id (str) – Optional unique ID associated with the project.

                        • +
                        • feature (str) – The name of the feature.

                        • +
                        • feature_type (str) – The machine learning type of the data in the feature.

                        • +
                        • project_id (str) – Optional unique ID associated with the project.

                        Returns:
                        @@ -40683,10 +45040,10 @@

                        Package Contents
                        Parameters:
                          -
                        • source_feature_group_id (str) – The Feature Group to concatenate with the destination Feature Group.

                        • -
                        • merge_type (str) – UNION or INTERSECTION.

                        • -
                        • replace_until_timestamp (int) – The UNIX timestamp to specify the point until which we will replace data from the source Feature Group.

                        • -
                        • skip_materialize (bool) – If True, will not materialize the concatenated Feature Group.

                        • +
                        • source_feature_group_id (str) – The Feature Group to concatenate with the destination Feature Group.

                        • +
                        • merge_type (str) – UNION or INTERSECTION.

                        • +
                        • replace_until_timestamp (int) – The UNIX timestamp to specify the point until which we will replace data from the source Feature Group.

                        • +
                        • skip_materialize (bool) – If True, will not materialize the concatenated Feature Group.

                        @@ -40698,7 +45055,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique identifier of the destination feature group to remove the concatenation configuration from.

                        +

                        feature_group_id (str) – Unique identifier of the destination feature group to remove the concatenation configuration from.

                        @@ -40723,7 +45080,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – A unique string identifier associated with the feature group.

                        +

                        feature_group_id (str) – A unique string identifier associated with the feature group.

                        Returns:

                        The feature group object.

                        @@ -40741,9 +45098,9 @@

                        Package Contents
                        Parameters:
                          -
                        • primary_key (str) – Name of the feature which defines the primary key of the feature group.

                        • -
                        • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication.

                        • -
                        • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

                        • +
                        • primary_key (str) – Name of the feature which defines the primary key of the feature group.

                        • +
                        • update_timestamp_key (str) – Name of the feature which defines the update timestamp of the feature group. Used in concatenation and primary key deduplication.

                        • +
                        • lookup_keys (list) – List of feature names which can be used in the lookup API to restrict the computation to a set of dataset rows. These feature names have to correspond to underlying dataset columns.

                        @@ -40755,7 +45112,7 @@

                        Package Contents
                        Parameters:
                        -

                        description (str) – Description of the Feature Group.

                        +

                        description (str) – Description of the Feature Group.

                        Returns:

                        Updated Feature Group object.

                        @@ -40772,7 +45129,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        +

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        Returns:

                        The updated feature group.

                        @@ -40789,7 +45146,7 @@

                        Package Contents
                        Parameters:
                        -

                        template_bindings (list) – Values in these bindings override values set in the template.

                        +

                        template_bindings (list) – Values in these bindings override values set in the template.

                        Returns:

                        Updated feature group.

                        @@ -40820,12 +45177,12 @@

                        Package Contents
                        Parameters:
                          -
                        • python_function_name (str) – The name of the python function to be associated with the feature group.

                        • +
                        • python_function_name (str) – The name of the python function to be associated with the feature group.

                        • python_function_bindings (List) – List of python function arguments.

                        • cpu_size (CPUSize) – Size of the CPU for the feature group python function.

                        • memory (MemorySize) – Memory (in GB) for the feature group python function.

                        • -
                        • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

                        • -
                        • use_original_csv_names (bool) – If enabled, it uses the original column names for input feature groups from CSV datasets.

                        • +
                        • use_gpu (bool) – Whether the feature group needs a gpu or not. Otherwise default to CPU.

                        • +
                        • use_original_csv_names (bool) – If enabled, it uses the original column names for input feature groups from CSV datasets.

                        @@ -40837,7 +45194,7 @@

                        Package Contents
                        Parameters:
                        -

                        sql (str) – The input SQL statement for the feature group.

                        +

                        sql (str) – The input SQL statement for the feature group.

                        Returns:

                        The updated feature group.

                        @@ -40854,7 +45211,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_expression (str) – The input SQL statement for the feature group.

                        +

                        feature_expression (str) – The input SQL statement for the feature group.

                        Returns:

                        The updated feature group.

                        @@ -40871,7 +45228,7 @@

                        Package Contents
                        Parameters:
                        -

                        version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        +

                        version_limit (int) – The maximum number of versions permitted for the feature group. Once this limit is exceeded, the oldest versions will be purged in a First-In-First-Out (FIFO) order.

                        Returns:

                        The updated feature group.

                        @@ -40889,9 +45246,9 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the feature to be updated.

                        • -
                        • select_expression (str) – SQL statement for modifying the feature.

                        • -
                        • new_name (str) – New name of the feature.

                        • +
                        • name (str) – Name of the feature to be updated.

                        • +
                        • select_expression (str) – SQL statement for modifying the feature.

                        • +
                        • new_name (str) – New name of the feature.

                        Returns:
                        @@ -40909,13 +45266,13 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique identifier of the feature group

                        +

                        feature_group_id (str) – Unique identifier of the feature group

                        Returns:

                        List of feature group exports

                        Return type:
                        -

                        list[FeatureGroupExport]

                        +

                        list[FeatureGroupExport]

                        @@ -40926,7 +45283,7 @@

                        Package Contents
                        Parameters:
                        -

                        locked (bool) – Whether to disable or enable feature group modification (True or False).

                        +

                        locked (bool) – Whether to disable or enable feature group modification (True or False).

                        @@ -40937,7 +45294,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier of the feature group.

                        +

                        feature_group_id (str) – Unique string identifier of the feature group.

                        Returns:

                        Information about the modification lock status and groups/organizations added to the feature group.

                        @@ -40954,7 +45311,7 @@

                        Package Contents
                        Parameters:
                        -

                        email (str) – The email address of the user to be added.

                        +

                        email (str) – The email address of the user to be added.

                        @@ -40965,7 +45322,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – Unique string identifier of the organization group.

                        +

                        organization_group_id (str) – Unique string identifier of the organization group.

                        @@ -40976,7 +45333,7 @@

                        Package Contents
                        Parameters:
                        -

                        email (str) – The email address of the user to be removed.

                        +

                        email (str) – The email address of the user to be removed.

                        @@ -40987,7 +45344,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – The unique ID associated with the organization group.

                        +

                        organization_group_id (str) – The unique ID associated with the organization group.

                        @@ -40998,7 +45355,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – Name of the feature to be deleted.

                        +

                        name (str) – Name of the feature to be deleted.

                        Returns:

                        Updated feature group object.

                        @@ -41015,7 +45372,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier for the feature group to be removed.

                        +

                        feature_group_id (str) – Unique string identifier for the feature group to be removed.

                        @@ -41026,7 +45383,7 @@

                        Package Contents
                        Parameters:
                        -

                        variable_bindings (dict) – Dictionary defining variable bindings that override parent feature group values.

                        +

                        variable_bindings (dict) – Dictionary defining variable bindings that override parent feature group values.

                        Returns:

                        A feature group version.

                        @@ -41044,15 +45401,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The maximum length of the returned versions.

                        • -
                        • start_after_version (str) – Results will start after this version.

                        • +
                        • limit (int) – The maximum length of the returned versions.

                        • +
                        • start_after_version (str) – Results will start after this version.

                        Returns:

                        A list of feature group versions.

                        Return type:
                        -

                        list[FeatureGroupVersion]

                        +

                        list[FeatureGroupVersion]

                        @@ -41074,7 +45431,7 @@

                        Package Contents
                        Parameters:
                        -

                        enable (bool) – If true, will enable exporting feature group to the connector. If false, will disable.

                        +

                        enable (bool) – If true, will enable exporting feature group to the connector. If false, will disable.

                        @@ -41086,12 +45443,12 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – User-friendly name for this feature group template.

                        • -
                        • template_sql (str) – The template SQL that will be resolved by applying values from the template variables to generate SQL for a feature group.

                        • -
                        • template_variables (list) – The template variables for resolving the template.

                        • -
                        • description (str) – Description of this feature group template.

                        • -
                        • template_bindings (list) – If the feature group will be attached to the newly created template, set these variable bindings on that feature group.

                        • -
                        • should_attach_feature_group_to_template (bool) – Set to True to convert the feature group to a template feature group and attach it to the newly created template.

                        • +
                        • name (str) – User-friendly name for this feature group template.

                        • +
                        • template_sql (str) – The template SQL that will be resolved by applying values from the template variables to generate SQL for a feature group.

                        • +
                        • template_variables (list) – The template variables for resolving the template.

                        • +
                        • description (str) – Description of this feature group template.

                        • +
                        • template_bindings (list) – If the feature group will be attached to the newly created template, set these variable bindings on that feature group.

                        • +
                        • should_attach_feature_group_to_template (bool) – Set to True to convert the feature group to a template feature group and attach it to the newly created template.

                        Returns:
                        @@ -41109,7 +45466,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique identifier associated with the feature group to use for suggesting values to use in the template.

                        +

                        feature_group_id (str) – Unique identifier associated with the feature group to use for suggesting values to use in the template.

                        Returns:

                        The suggested feature group template.

                        @@ -41126,7 +45483,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        +

                        feature_group_id (str) – Unique string identifier associated with the feature group.

                        @@ -41138,8 +45495,8 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – The streaming token for authenticating requests.

                        • -
                        • data (dict) – The data to record as a JSON object.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests.

                        • +
                        • data (dict) – The data to record as a JSON object.

                        @@ -41152,8 +45509,8 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – Streaming token for authenticating requests.

                        • -
                        • data (list) – Data to record, as a list of JSON objects.

                        • +
                        • streaming_token (str) – Streaming token for authenticating requests.

                        • +
                        • data (list) – Data to record, as a list of JSON objects.

                        @@ -41166,8 +45523,8 @@

                        Package Contents
                        Parameters:
                          -
                        • data (dict) – The data to record, in JSON format.

                        • -
                        • streaming_token (str) – Optional streaming token for authenticating requests if upserting to streaming FG.

                        • +
                        • data (dict) – The data to record, in JSON format.

                        • +
                        • streaming_token (str) – Optional streaming token for authenticating requests if upserting to streaming FG.

                        • blobs (None) – A dictionary of binary data to populate file fields’ in data to upsert to the streaming FG.

                        @@ -41186,7 +45543,7 @@

                        Package Contents
                        Parameters:
                        -

                        primary_key (str) – The primary key value for which to delete the feature group row

                        +

                        primary_key (str) – The primary key value for which to delete the feature group row

                        @@ -41200,15 +45557,15 @@

                        Package Contents
                        Parameters:
                          -
                        • primary_key (str) – The primary key value for which to retrieve the feature group row (only for online feature groups).

                        • -
                        • num_rows (int) – Maximum number of rows to return from the feature group

                        • +
                        • primary_key (str) – The primary key value for which to retrieve the feature group row (only for online feature groups).

                        • +
                        • num_rows (int) – Maximum number of rows to return from the feature group

                        Returns:

                        A list of feature group rows.

                        Return type:
                        -

                        list[FeatureGroupRow]

                        +

                        list[FeatureGroupRow]

                        @@ -41220,8 +45577,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • -
                        • model_id (str) – A unique string identifier associated with the Model.

                        • +
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • +
                        • model_id (str) – A unique string identifier associated with the Model.

                        Returns:
                        @@ -41240,8 +45597,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • -
                        • model_id (str) – A unique string identifier associated with the Model.

                        • +
                        • feature_group_version (str) – A unique string identifier associated with the Feature Group Version.

                        • +
                        • model_id (str) – A unique string identifier associated with the Model.

                        Returns:
                        @@ -41261,7 +45618,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 7200 seconds.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 7200 seconds.

                        @@ -41274,7 +45631,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 7200 seconds.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 7200 seconds.

                        @@ -41285,7 +45642,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 7200 seconds.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 7200 seconds.

                        @@ -41296,7 +45653,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 600 seconds.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out. Default value given is 600 seconds.

                        @@ -41310,10 +45667,10 @@

                        Package Contents

                        A string describing the status of a feature group (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        Parameters:
                        -

                        streaming_status (bool)

                        +

                        streaming_status (bool)

                        @@ -41339,8 +45696,8 @@

                        Package Contents
                        Parameters:
                          -
                        • doc_id_column (str) – The name of the feature / column containing the document ID.

                        • -
                        • document_column (str) – The name of the feature / column which either contains the document data itself or page infos with path to remotely stored documents. This column will be replaced with the extracted document data.

                        • +
                        • doc_id_column (str) – The name of the feature / column containing the document ID.

                        • +
                        • document_column (str) – The name of the feature / column which either contains the document data itself or page infos with path to remotely stored documents. This column will be replaced with the extracted document data.

                        Returns:
                        @@ -41391,9 +45748,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – The ID of the feature group this row belongs to.

                        • -
                        • docId (str) – Unique document id

                        • -
                        • status (str) – The status of the document processing

                        • +
                        • featureGroupId (str) – The ID of the feature group this row belongs to.

                        • +
                        • docId (str) – Unique document id

                        • +
                        • status (str) – The status of the document processing

                        @@ -41431,7 +45788,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -41447,24 +45804,24 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupExportId (str) – Unique identifier for this export.

                        • -
                        • failedWrites (int) – Number of failed writes.

                        • -
                        • totalWrites (int) – Total number of writes.

                        • -
                        • featureGroupVersion (str) – Version of the feature group being exported.

                        • -
                        • connectorType (str) – The type of connector

                        • -
                        • outputLocation (str) – File Connector location the feature group is being written to.

                        • -
                        • fileFormat (str) – File format being written to output_location.

                        • -
                        • databaseConnectorId (str) – Database connector ID used.

                        • -
                        • objectName (str) – Database connector’s object to write to.

                        • -
                        • writeMode (str) – UPSERT or INSERT for writing to the database connector.

                        • -
                        • databaseFeatureMapping (dict) – Column/feature pairs mapping the features to the database columns.

                        • -
                        • idColumn (str) – ID column to use as the upsert key.

                        • -
                        • status (str) – Current status of the export.

                        • -
                        • createdAt (str) – Timestamp at which the export was created (ISO-8601 format).

                        • -
                        • exportCompletedAt (str) – Timestamp at which the export completed (ISO-8601 format).

                        • -
                        • additionalIdColumns (list[str]) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        • -
                        • error (str) – If status is FAILED, this field will be populated with an error.

                        • -
                        • databaseOutputError (bool) – If True, there were errors reported by the database connector while writing.

                        • +
                        • featureGroupExportId (str) – Unique identifier for this export.

                        • +
                        • failedWrites (int) – Number of failed writes.

                        • +
                        • totalWrites (int) – Total number of writes.

                        • +
                        • featureGroupVersion (str) – Version of the feature group being exported.

                        • +
                        • connectorType (str) – The type of connector

                        • +
                        • outputLocation (str) – File Connector location the feature group is being written to.

                        • +
                        • fileFormat (str) – File format being written to output_location.

                        • +
                        • databaseConnectorId (str) – Database connector ID used.

                        • +
                        • objectName (str) – Database connector’s object to write to.

                        • +
                        • writeMode (str) – UPSERT or INSERT for writing to the database connector.

                        • +
                        • databaseFeatureMapping (dict) – Column/feature pairs mapping the features to the database columns.

                        • +
                        • idColumn (str) – ID column to use as the upsert key.

                        • +
                        • status (str) – Current status of the export.

                        • +
                        • createdAt (str) – Timestamp at which the export was created (ISO-8601 format).

                        • +
                        • exportCompletedAt (str) – Timestamp at which the export completed (ISO-8601 format).

                        • +
                        • additionalIdColumns (list[str]) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        • +
                        • error (str) – If status is FAILED, this field will be populated with an error.

                        • +
                        • databaseOutputError (bool) – If True, there were errors reported by the database connector while writing.

                        • projectConfig (ProjectConfig) – Project config for this feature group.

                        @@ -41583,7 +45940,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -41594,7 +45951,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_export_id (str) – Unique identifier of the Feature Group Export to get a signed URL for.

                        +

                        feature_group_export_id (str) – Unique identifier of the Feature Group Export to get a signed URL for.

                        Returns:

                        Instance containing the download URL and expiration time for the Feature Group Export.

                        @@ -41625,7 +45982,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_export_id (str) – Unique identifier of the feature group export.

                        +

                        feature_group_export_id (str) – Unique identifier of the feature group export.

                        Returns:

                        The feature group export object.

                        @@ -41642,7 +45999,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_export_id (str) – Unique identifier of the feature group export to get the errors for.

                        +

                        feature_group_export_id (str) – Unique identifier of the feature group export to get the errors for.

                        @@ -41653,7 +46010,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -41664,7 +46021,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -41678,7 +46035,7 @@

                        Package Contents

                        A string describing the status of a feature group export (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -41694,14 +46051,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • outputLocation (str) – The File Connector location to which the feature group is being written.

                        • -
                        • fileFormat (str) – The file format being written to output_location.

                        • -
                        • databaseConnectorId (str) – The unique string identifier of the database connector used.

                        • -
                        • objectName (str) – The object in the database connector to which the feature group is being written.

                        • -
                        • writeMode (str) – UPSERT or INSERT for writing to the database connector.

                        • -
                        • databaseFeatureMapping (dict) – The column/feature pairs mapping the features to the database columns.

                        • -
                        • idColumn (str) – The id column to use as the upsert key.

                        • -
                        • additionalIdColumns (str) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        • +
                        • outputLocation (str) – The File Connector location to which the feature group is being written.

                        • +
                        • fileFormat (str) – The file format being written to output_location.

                        • +
                        • databaseConnectorId (str) – The unique string identifier of the database connector used.

                        • +
                        • objectName (str) – The object in the database connector to which the feature group is being written.

                        • +
                        • writeMode (str) – UPSERT or INSERT for writing to the database connector.

                        • +
                        • databaseFeatureMapping (dict) – The column/feature pairs mapping the features to the database columns.

                        • +
                        • idColumn (str) – The id column to use as the upsert key.

                        • +
                        • additionalIdColumns (str) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        @@ -41764,7 +46121,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -41780,8 +46137,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • downloadUrl (str) – The URL of the download location.

                        • -
                        • expiresAt (str) – String representation of the ISO-8601 datetime when the URL expires.

                        • +
                        • downloadUrl (str) – The URL of the download location.

                        • +
                        • expiresAt (str) – String representation of the ISO-8601 datetime when the URL expires.

                        @@ -41814,7 +46171,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -41864,7 +46221,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -41880,15 +46237,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • connectorType (str) – The type of connector the feature group is

                        • -
                        • location (str) – The file connector location of the feature group export

                        • -
                        • exportFileFormat (str) – The file format of the feature group export

                        • -
                        • additionalIdColumns (list) – Additional id columns to use for upsert operations

                        • -
                        • databaseFeatureMapping (dict) – The mapping of feature names to database columns

                        • -
                        • externalConnectionId (str) – The unique identifier of the external connection to write to

                        • -
                        • idColumn (str) – The column to use as the id column for upsert operations

                        • -
                        • objectName (str) – The name of the object to write to

                        • -
                        • writeMode (str) – The write mode to use for the export

                        • +
                        • connectorType (str) – The type of connector the feature group is

                        • +
                        • location (str) – The file connector location of the feature group export

                        • +
                        • exportFileFormat (str) – The file format of the feature group export

                        • +
                        • additionalIdColumns (list) – Additional id columns to use for upsert operations

                        • +
                        • databaseFeatureMapping (dict) – The mapping of feature names to database columns

                        • +
                        • externalConnectionId (str) – The unique identifier of the external connection to write to

                        • +
                        • idColumn (str) – The column to use as the id column for upsert operations

                        • +
                        • objectName (str) – The name of the object to write to

                        • +
                        • writeMode (str) – The write mode to use for the export

                        @@ -41956,7 +46313,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -41972,11 +46329,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – The ID of the feature group this row belongs to.

                        • -
                        • primaryKey (str) – Value of the primary key for this row.

                        • -
                        • createdAt (str) – The timestamp this feature group row was created in ISO-8601 format.

                        • -
                        • updatedAt (str) – The timestamp when this feature group row was last updated in ISO-8601 format.

                        • -
                        • contents (dict) – A dictionary of feature names and values for this row.

                        • +
                        • featureGroupId (str) – The ID of the feature group this row belongs to.

                        • +
                        • primaryKey (str) – Value of the primary key for this row.

                        • +
                        • createdAt (str) – The timestamp this feature group row was created in ISO-8601 format.

                        • +
                        • updatedAt (str) – The timestamp when this feature group row was last updated in ISO-8601 format.

                        • +
                        • contents (dict) – A dictionary of feature names and values for this row.

                        @@ -42024,7 +46381,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -42040,19 +46397,19 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – The ID of the feature group this row that was processed belongs to.

                        • -
                        • deploymentId (str) – The ID of the deployment that processed this row.

                        • -
                        • primaryKeyValue (str) – Value of the primary key for this row.

                        • -
                        • featureGroupRowProcessId (str) – The ID of the feature group row process.

                        • -
                        • createdAt (str) – The timestamp this feature group row was created in ISO-8601 format.

                        • -
                        • updatedAt (str) – The timestamp when this feature group row was last updated in ISO-8601 format.

                        • -
                        • startedAt (str) – The timestamp when this feature group row process was started in ISO-8601 format.

                        • -
                        • completedAt (str) – The timestamp when this feature group row was completed.

                        • -
                        • timeoutAt (str) – The time the feature group row process will timeout.

                        • -
                        • retriesRemaining (int) – The number of retries remaining for this feature group row process.

                        • -
                        • totalAttemptsAllowed (int) – The total number of attempts allowed for this feature group row process.

                        • -
                        • status (str) – The status of the feature group row process.

                        • -
                        • error (str) – The error message if the status is FAILED.

                        • +
                        • featureGroupId (str) – The ID of the feature group this row that was processed belongs to.

                        • +
                        • deploymentId (str) – The ID of the deployment that processed this row.

                        • +
                        • primaryKeyValue (str) – Value of the primary key for this row.

                        • +
                        • featureGroupRowProcessId (str) – The ID of the feature group row process.

                        • +
                        • createdAt (str) – The timestamp this feature group row was created in ISO-8601 format.

                        • +
                        • updatedAt (str) – The timestamp when this feature group row was last updated in ISO-8601 format.

                        • +
                        • startedAt (str) – The timestamp when this feature group row process was started in ISO-8601 format.

                        • +
                        • completedAt (str) – The timestamp when this feature group row was completed.

                        • +
                        • timeoutAt (str) – The time the feature group row process will timeout.

                        • +
                        • retriesRemaining (int) – The number of retries remaining for this feature group row process.

                        • +
                        • totalAttemptsAllowed (int) – The total number of attempts allowed for this feature group row process.

                        • +
                        • status (str) – The status of the feature group row process.

                        • +
                        • error (str) – The error message if the status is FAILED.

                        @@ -42140,7 +46497,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -42151,7 +46508,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -42165,7 +46522,7 @@

                        Package Contents

                        A string describing the status of the feature group row process

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -42181,11 +46538,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • logs (str) – The logs for both stdout and stderr of the step

                        • -
                        • featureGroupId (str) – The ID of the feature group this row that was processed belongs to.

                        • -
                        • deploymentId (str) – The ID of the deployment that processed this row.

                        • -
                        • primaryKeyValue (str) – Value of the primary key for this row.

                        • -
                        • featureGroupRowProcessId (str) – The ID of the feature group row process.

                        • +
                        • logs (str) – The logs for both stdout and stderr of the step

                        • +
                        • featureGroupId (str) – The ID of the feature group this row that was processed belongs to.

                        • +
                        • deploymentId (str) – The ID of the deployment that processed this row.

                        • +
                        • primaryKeyValue (str) – Value of the primary key for this row.

                        • +
                        • featureGroupRowProcessId (str) – The ID of the feature group row process.

                        @@ -42233,7 +46590,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -42249,11 +46606,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • totalProcesses (int) – The total number of processes

                        • -
                        • pendingProcesses (int) – The number of pending processes

                        • -
                        • processingProcesses (int) – The number of processes currently processing

                        • -
                        • completeProcesses (int) – The number of complete processes

                        • -
                        • failedProcesses (int) – The number of failed processes

                        • +
                        • totalProcesses (int) – The total number of processes

                        • +
                        • pendingProcesses (int) – The number of pending processes

                        • +
                        • processingProcesses (int) – The number of processes currently processing

                        • +
                        • completeProcesses (int) – The number of complete processes

                        • +
                        • failedProcesses (int) – The number of failed processes

                        @@ -42301,7 +46658,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -42317,15 +46674,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupTemplateId (str) – The unique identifier for this feature group template.

                        • -
                        • description (str) – A user-friendly text description of this feature group template.

                        • -
                        • featureGroupId (str) – The unique identifier for the feature group used to create this template.

                        • -
                        • isSystemTemplate (bool) – True if this is a system template returned from a user organization.

                        • -
                        • name (str) – The user-friendly name of this feature group template.

                        • -
                        • templateSql (str) – SQL that can include variables which will be replaced by values from the template config to resolve this template SQL into a valid SQL query for a feature group.

                        • -
                        • templateVariables (dict) – A map, from template variable names to parameters for replacing those template variables with values (e.g. to values and metadata on how to resolve those values).

                        • -
                        • createdAt (str) – When the feature group template was created.

                        • -
                        • updatedAt (str) – When the feature group template was updated.

                        • +
                        • featureGroupTemplateId (str) – The unique identifier for this feature group template.

                        • +
                        • description (str) – A user-friendly text description of this feature group template.

                        • +
                        • featureGroupId (str) – The unique identifier for the feature group used to create this template.

                        • +
                        • isSystemTemplate (bool) – True if this is a system template returned from a user organization.

                        • +
                        • name (str) – The user-friendly name of this feature group template.

                        • +
                        • templateSql (str) – SQL that can include variables which will be replaced by values from the template config to resolve this template SQL into a valid SQL query for a feature group.

                        • +
                        • templateVariables (dict) – A map, from template variable names to parameters for replacing those template variables with values (e.g. to values and metadata on how to resolve those values).

                        • +
                        • createdAt (str) – When the feature group template was created.

                        • +
                        • updatedAt (str) – When the feature group template was updated.

                        @@ -42393,7 +46750,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -42404,7 +46761,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_template_id (str) – Unique string identifier associated with the feature group template.

                        +

                        feature_group_template_id (str) – Unique string identifier associated with the feature group template.

                        @@ -42429,7 +46786,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_template_id (str) – The unique identifier of a feature group template.

                        +

                        feature_group_template_id (str) – The unique identifier of a feature group template.

                        Returns:

                        The feature group template object.

                        @@ -42447,10 +46804,10 @@

                        Package Contents
                        Parameters:
                          -
                        • template_sql (str) – If provided, the new value to use for the template SQL.

                        • -
                        • template_variables (list) – If provided, the new value to use for the template variables.

                        • -
                        • description (str) – Description of this feature group template.

                        • -
                        • name (str) – User-friendly name for this feature group template.

                        • +
                        • template_sql (str) – If provided, the new value to use for the template SQL.

                        • +
                        • template_variables (list) – If provided, the new value to use for the template variables.

                        • +
                        • description (str) – Description of this feature group template.

                        • +
                        • name (str) – User-friendly name for this feature group template.

                        Returns:
                        @@ -42469,10 +46826,10 @@

                        Package Contents
                        Parameters:
                          -
                        • template_bindings (list) – Values to override the template variable values specified by the template.

                        • -
                        • template_sql (str) – If specified, use this as the template SQL instead of the feature group template’s SQL.

                        • -
                        • template_variables (list) – Template variables to use. If a template is provided, this overrides the template’s template variables.

                        • -
                        • should_validate (bool) – If true, validates the resolved SQL.

                        • +
                        • template_bindings (list) – Values to override the template variable values specified by the template.

                        • +
                        • template_sql (str) – If specified, use this as the template SQL instead of the feature group template’s SQL.

                        • +
                        • template_variables (list) – Template variables to use. If a template is provided, this overrides the template’s template variables.

                        • +
                        • should_validate (bool) – If true, validates the resolved SQL.

                        Returns:
                        @@ -42495,8 +46852,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • templateVariableOptions (list[dict]) – List of values we can select for different template variables.

                        • -
                        • userFeedback (list[str]) – List of additional information regarding variable options for the user.

                        • +
                        • templateVariableOptions (list[dict]) – List of values we can select for different template variables.

                        • +
                        • userFeedback (list[str]) – List of additional information regarding variable options for the user.

                        @@ -42529,7 +46886,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -42545,24 +46902,24 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupVersion (str) – The unique identifier for this materialized version of feature group.

                        • -
                        • featureGroupId (str) – The unique identifier of the feature group this version belongs to.

                        • -
                        • sql (str) – The sql definition creating this feature group.

                        • -
                        • sourceTables (list[str]) – The source tables for this feature group.

                        • -
                        • sourceDatasetVersions (list[str]) – The dataset version ids for this feature group version.

                        • -
                        • createdAt (str) – The timestamp at which the feature group version was created.

                        • -
                        • status (str) – The current status of the feature group version.

                        • -
                        • error (str) – Relevant error if the status is FAILED.

                        • -
                        • deployable (bool) – whether feature group is deployable or not.

                        • -
                        • cpuSize (str) – Cpu size specified for the python feature group.

                        • -
                        • memory (int) – Memory in GB specified for the python feature group.

                        • -
                        • useOriginalCsvNames (bool) – If true, the feature group will use the original column names in the source dataset.

                        • -
                        • pythonFunctionBindings (list) – Config specifying variable names, types, and values to use when resolving a Python feature group.

                        • -
                        • indexingConfigWarningMsg (str) – The warning message related to indexing keys.

                        • -
                        • materializationStartedAt (str) – The timestamp at which the feature group materialization started.

                        • -
                        • materializationCompletedAt (str) – The timestamp at which the feature group materialization completed.

                        • -
                        • columns (list[feature]) – List of resolved columns.

                        • -
                        • templateBindings (list) – Template variable bindings used for resolving the template.

                        • +
                        • featureGroupVersion (str) – The unique identifier for this materialized version of feature group.

                        • +
                        • featureGroupId (str) – The unique identifier of the feature group this version belongs to.

                        • +
                        • sql (str) – The sql definition creating this feature group.

                        • +
                        • sourceTables (list[str]) – The source tables for this feature group.

                        • +
                        • sourceDatasetVersions (list[str]) – The dataset version ids for this feature group version.

                        • +
                        • createdAt (str) – The timestamp at which the feature group version was created.

                        • +
                        • status (str) – The current status of the feature group version.

                        • +
                        • error (str) – Relevant error if the status is FAILED.

                        • +
                        • deployable (bool) – whether feature group is deployable or not.

                        • +
                        • cpuSize (str) – Cpu size specified for the python feature group.

                        • +
                        • memory (int) – Memory in GB specified for the python feature group.

                        • +
                        • useOriginalCsvNames (bool) – If true, the feature group will use the original column names in the source dataset.

                        • +
                        • pythonFunctionBindings (list) – Config specifying variable names, types, and values to use when resolving a Python feature group.

                        • +
                        • indexingConfigWarningMsg (str) – The warning message related to indexing keys.

                        • +
                        • materializationStartedAt (str) – The timestamp at which the feature group materialization started.

                        • +
                        • materializationCompletedAt (str) – The timestamp at which the feature group materialization completed.

                        • +
                        • columns (list[feature]) – List of resolved columns.

                        • +
                        • templateBindings (list) – Template variable bindings used for resolving the template.

                        • features (Feature) – List of features.

                        • pointInTimeGroups (PointInTimeGroup) – List of Point In Time Groups

                        • codeSource (CodeSource) – If a python feature group, information on the source code

                        • @@ -42705,7 +47062,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -42716,7 +47073,7 @@

                        Package Contents
                        Parameters:
                        -

                        table_name (str) – Name for the newly created Snapshot Feature Group table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        +

                        table_name (str) – Name for the newly created Snapshot Feature Group table. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        Returns:

                        Feature Group corresponding to the newly created Snapshot.

                        @@ -42734,9 +47091,9 @@

                        Package Contents
                        Parameters:
                          -
                        • location (str) – Cloud file location to export to.

                        • -
                        • export_file_format (str) – Enum string specifying the file format to export to.

                        • -
                        • overwrite (bool) – If true and a file exists at this location, this process will overwrite the file.

                        • +
                        • location (str) – Cloud file location to export to.

                        • +
                        • export_file_format (str) – Enum string specifying the file format to export to.

                        • +
                        • overwrite (bool) – If true and a file exists at this location, this process will overwrite the file.

                        Returns:
                        @@ -42755,12 +47112,12 @@

                        Package Contents
                        Parameters:
                          -
                        • database_connector_id (str) – Unique string identifier for the Database Connector to export to.

                        • -
                        • object_name (str) – Name of the database object to write to.

                        • -
                        • write_mode (str) – Enum string indicating whether to use INSERT or UPSERT.

                        • -
                        • database_feature_mapping (dict) – Key/value pair JSON object of “database connector column” -> “feature name” pairs.

                        • -
                        • id_column (str) – Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key.

                        • -
                        • additional_id_columns (list) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        • +
                        • database_connector_id (str) – Unique string identifier for the Database Connector to export to.

                        • +
                        • object_name (str) – Name of the database object to write to.

                        • +
                        • write_mode (str) – Enum string indicating whether to use INSERT or UPSERT or REPLACE.

                        • +
                        • database_feature_mapping (dict) – Key/value pair JSON object of “database connector column” -> “feature name” pairs.

                        • +
                        • id_column (str) – Required if write_mode is UPSERT. Indicates which database column should be used as the lookup key.

                        • +
                        • additional_id_columns (list) – For database connectors which support it, additional ID columns to use as a complex key for upserting.

                        Returns:
                        @@ -42778,7 +47135,7 @@

                        Package Contents
                        Parameters:
                        -

                        export_file_format (str) – File format to export to.

                        +

                        export_file_format (str) – File format to export to.

                        Returns:

                        The FeatureGroupExport instance.

                        @@ -42795,7 +47152,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_version (str) – String identifier for the feature group version to be removed.

                        +

                        feature_group_version (str) – String identifier for the feature group version to be removed.

                        @@ -42807,8 +47164,8 @@

                        Package Contents
                        Parameters:
                          -
                        • stdout (bool) – Set to True to get info logs.

                        • -
                        • stderr (bool) – Set to True to get error logs.

                        • +
                        • stdout (bool) – Set to True to get info logs.

                        • +
                        • stderr (bool) – Set to True to get error logs.

                        Returns:
                        @@ -42840,7 +47197,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_version (str) – The unique identifier associated with the feature group version.

                        +

                        feature_group_version (str) – The unique identifier associated with the feature group version.

                        Returns:

                        The feature group version.

                        @@ -42859,8 +47216,8 @@

                        Package ContentsParameters:
                        • selected_columns (List) – A list of columns to order first.

                        • -
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • -
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        • +
                        • include_charts (bool) – A flag indicating whether charts should be included in the response. Default is false.

                        • +
                        • include_statistics (bool) – A flag indicating whether statistics should be included in the response. Default is true.

                        Returns:
                        @@ -42878,7 +47235,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_version (str) – The unique version ID of the feature group version.

                        +

                        feature_group_version (str) – The unique version ID of the feature group version.

                        Returns:

                        The logs for the specified feature group version.

                        @@ -42895,7 +47252,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -42906,7 +47263,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -42920,7 +47277,7 @@

                        Package Contents

                        A string describing the status of a feature group version (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -42936,7 +47293,7 @@

                        Package Contents
                        Parameters:
                        -

                        max_workers (int) – The number of threads.

                        +

                        max_workers (int) – The number of threads.

                        Returns:

                        A pandas dataframe displaying the data in the feature group version.

                        @@ -42954,9 +47311,9 @@

                        Package Contents
                        Parameters:
                          -
                        • doc_id_column (str) – The name of the feature / column containing the document ID.

                        • -
                        • document_column (str) – The name of the feature / column which either contains the document data itself or page infos with path to remotely stored documents. This column will be replaced with the extracted document data.

                        • -
                        • max_workers (int) – The number of threads.

                        • +
                        • doc_id_column (str) – The name of the feature / column containing the document ID.

                        • +
                        • document_column (str) – The name of the feature / column which either contains the document data itself or page infos with path to remotely stored documents. This column will be replaced with the extracted document data.

                        • +
                        • max_workers (int) – The number of threads.

                        Returns:
                        @@ -42979,7 +47336,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • logs (list[str]) – List of logs from feature group version.

                        • +
                        • logs (list[str]) – List of logs from feature group version.

                        @@ -43007,7 +47364,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43023,12 +47380,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • shapFeatureImportance (dict) – A map of feature name to feature importance, determined by Shap values on a sample dataset.

                        • -
                        • limeFeatureImportance (dict) – A map of feature name to feature importance, determined by Lime contribution values on a sample dataset.

                        • -
                        • permutationFeatureImportance (dict) – A map of feature name to feature importance, determined by permutation importance.

                        • -
                        • nullFeatureImportance (dict) – A map of feature name to feature importance, determined by null feature importance.

                        • -
                        • lofoFeatureImportance (dict) – A map of feature name to feature importance, determined by the Leave One Feature Out method.

                        • -
                        • ebmFeatureImportance (dict) – A map of feature name to feature importance, determined by an Explainable Boosting Machine.

                        • +
                        • shapFeatureImportance (dict) – A map of feature name to feature importance, determined by Shap values on a sample dataset.

                        • +
                        • limeFeatureImportance (dict) – A map of feature name to feature importance, determined by Lime contribution values on a sample dataset.

                        • +
                        • permutationFeatureImportance (dict) – A map of feature name to feature importance, determined by permutation importance.

                        • +
                        • nullFeatureImportance (dict) – A map of feature name to feature importance, determined by null feature importance.

                        • +
                        • lofoFeatureImportance (dict) – A map of feature name to feature importance, determined by the Leave One Feature Out method.

                        • +
                        • ebmFeatureImportance (dict) – A map of feature name to feature importance, determined by an Explainable Boosting Machine.

                        @@ -43081,7 +47438,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43097,8 +47454,8 @@

                        Package ContentsParameters:
                        @@ -43131,7 +47488,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43147,9 +47504,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • features (list) – A list of the features that are being analyzed.

                        • -
                        • featureMetrics (list) – A list of dictionary for every feature and its metrics

                        • -
                        • metricsKeys (list) – A list of the keys for the metrics.

                        • +
                        • features (list) – A list of the features that are being analyzed.

                        • +
                        • featureMetrics (list) – A list of dictionary for every feature and its metrics

                        • +
                        • metricsKeys (list) – A list of the keys for the metrics.

                        @@ -43187,51 +47544,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        -
                        - - - - - -
                        -
                        -class abacusai.FeatureRecord(client, data=None)
                        -

                        Bases: abacusai.return_class.AbstractApiClass

                        -

                        A feature record

                        -
                        -
                        Parameters:
                        -
                          -
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • data (dict) – the record’s current data

                        • -
                        -
                        -
                        -
                        -
                        -data = None
                        -
                        - -
                        -
                        -deprecated_keys
                        -
                        - -
                        -
                        -__repr__()
                        -
                        - -
                        -
                        -to_dict()
                        -

                        Get a dict representation of the parameters in this class

                        -
                        -
                        Returns:
                        -

                        The dict value representation of the class parameters

                        -
                        -
                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43240,17 +47553,18 @@

                        Package Contents
                        -class abacusai.FileConnector(client, bucket=None, verified=None, writePermission=None, authExpiresAt=None)
                        +class abacusai.FileConnector(client, bucket=None, verified=None, writePermission=None, authExpiresAt=None, createdAt=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        Verification result for an external storage service

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • bucket (str) – The address of the bucket. eg., s3://your-bucket

                        • -
                        • verified (bool) – true if the bucket has passed verification

                        • -
                        • writePermission (bool) – true if Abacus.AI has permission to write to this bucket

                        • -
                        • authExpiresAt (str) – The time when the file connector’s auth expires, if applicable

                        • +
                        • bucket (str) – The address of the bucket. eg., s3://your-bucket

                        • +
                        • verified (bool) – true if the bucket has passed verification

                        • +
                        • writePermission (bool) – true if Abacus.AI has permission to write to this bucket

                        • +
                        • authExpiresAt (str) – The time when the file connector’s auth expires, if applicable

                        • +
                        • createdAt (str) – The timestamp at which the file connector was created

                        @@ -43274,6 +47588,11 @@

                        Package Contentsauth_expires_at = None

                        +
                        +
                        +created_at = None
                        +
                        +
                        deprecated_keys
                        @@ -43293,7 +47612,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43309,9 +47628,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • verified (bool) – True if the bucket has passed verification

                        • -
                        • writePermission (bool) – True if Abacus.AI has permission to write to this bucket

                        • -
                        • authOptions (list[dict]) – A list of options for giving Abacus.AI access to this bucket

                        • +
                        • verified (bool) – True if the bucket has passed verification

                        • +
                        • writePermission (bool) – True if Abacus.AI has permission to write to this bucket

                        • +
                        • authOptions (list[dict]) – A list of options for giving Abacus.AI access to this bucket

                        @@ -43349,7 +47668,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43365,8 +47684,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • verified (bool) – true if the bucket has passed verification

                        • -
                        • writePermission (bool) – true if Abacus.AI has permission to write to this bucket

                        • +
                        • verified (bool) – true if the bucket has passed verification

                        • +
                        • writePermission (bool) – true if Abacus.AI has permission to write to this bucket

                        @@ -43399,7 +47718,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43415,16 +47734,16 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The user-friendly name for the model.

                        • -
                        • finetunedPretrainedModelId (str) – The unique identifier of the model.

                        • -
                        • finetunedPretrainedModelVersion (str) – The unique identifier of the model version.

                        • -
                        • createdAt (str) – When the finetuned pretrained model was created.

                        • -
                        • updatedAt (str) – When the finetuned pretrained model was last updated.

                        • -
                        • config (dict) – The finetuned pretrained model configuration

                        • -
                        • baseModel (str) – The pretrained base model for fine tuning

                        • -
                        • finetuningDatasetVersion (str) – The finetuned dataset instance id of the model.

                        • -
                        • status (str) – The current status of the finetuned pretrained model.

                        • -
                        • error (str) – Relevant error if the status is FAILED.

                        • +
                        • name (str) – The user-friendly name for the model.

                        • +
                        • finetunedPretrainedModelId (str) – The unique identifier of the model.

                        • +
                        • finetunedPretrainedModelVersion (str) – The unique identifier of the model version.

                        • +
                        • createdAt (str) – When the finetuned pretrained model was created.

                        • +
                        • updatedAt (str) – When the finetuned pretrained model was last updated.

                        • +
                        • config (dict) – The finetuned pretrained model configuration

                        • +
                        • baseModel (str) – The pretrained base model for fine tuning

                        • +
                        • finetuningDatasetVersion (str) – The finetuned dataset instance id of the model.

                        • +
                        • status (str) – The current status of the finetuned pretrained model.

                        • +
                        • error (str) – Relevant error if the status is FAILED.

                        @@ -43497,7 +47816,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43513,12 +47832,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • data (list) – List of graph data

                        • -
                        • xAxis (str) – Feature that represents the x axis

                        • -
                        • yAxis (str) – Feature that represents the y axis

                        • -
                        • dataColumns (list) – Ordered name of the column for each rowwise data

                        • -
                        • chartName (str) – Name of the chart represented by the data

                        • -
                        • chartTypes (list) – Type of charts in that can exist in the current data.

                        • +
                        • data (list) – List of graph data

                        • +
                        • xAxis (str) – Feature that represents the x axis

                        • +
                        • yAxis (str) – Feature that represents the y axis

                        • +
                        • dataColumns (list) – Ordered name of the column for each rowwise data

                        • +
                        • chartName (str) – Name of the chart represented by the data

                        • +
                        • chartTypes (list) – Type of charts in that can exist in the current data.

                        • itemStatistics (ItemStatistics) – In item wise charts, gives the mean, median, count, missing_percent, p10, p90, standard_deviation, min, max

                        • chartDescriptions (EdaChartDescription) – List of descriptions of what the chart contains

                        @@ -43583,7 +47902,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43633,7 +47952,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43649,13 +47968,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • predictionTimestampCol (str) – Feature in the data that represents the timestamp column.

                        • -
                        • predictionTargetCol (str) – Feature in the data that represents the target.

                        • -
                        • trainingTimestampCol (str) – Feature in the data that represents the timestamp column.

                        • -
                        • trainingTargetCol (str) – Feature in the data that represents the target.

                        • -
                        • predictionItemId (str) – Feature in the data that represents the item id.

                        • -
                        • trainingItemId (str) – Feature in the data that represents the item id.

                        • -
                        • forecastFrequency (str) – Frequency of data, could be hourly, daily, weekly, monthly, quarterly or yearly.

                        • +
                        • predictionTimestampCol (str) – Feature in the data that represents the timestamp column.

                        • +
                        • predictionTargetCol (str) – Feature in the data that represents the target.

                        • +
                        • trainingTimestampCol (str) – Feature in the data that represents the timestamp column.

                        • +
                        • trainingTargetCol (str) – Feature in the data that represents the target.

                        • +
                        • predictionItemId (str) – Feature in the data that represents the item id.

                        • +
                        • trainingItemId (str) – Feature in the data that represents the item id.

                        • +
                        • forecastFrequency (str) – Frequency of data, could be hourly, daily, weekly, monthly, quarterly or yearly.

                        • trainingTargetAcrossTime (ForecastingAnalysisGraphData) – Data showing average, p10, p90, median sales across time

                        • predictionTargetAcrossTime (ForecastingAnalysisGraphData) – Data showing average, p10, p90, median sales across time

                        • actualsHistogram (ForecastingAnalysisGraphData) – Data showing actuals histogram

                        • @@ -43761,7 +48080,87 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.FsEntry(client, name=None, type=None, path=None, size=None, modified=None, isFolderEmpty=None, children=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        File system entry.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • name (str) – The name of the file/folder

                        • +
                        • type (str) – The type of entry (file/folder)

                        • +
                        • path (str) – The path of the entry

                        • +
                        • size (int) – The size of the entry in bytes

                        • +
                        • modified (int) – The last modified timestamp

                        • +
                        • isFolderEmpty (bool) – Whether the folder is empty (only for folders)

                        • +
                        • children (list) – List of child FSEntry objects (only for folders)

                        • +
                        +
                        +
                        +
                        +
                        +name = None
                        +
                        + +
                        +
                        +type = None
                        +
                        + +
                        +
                        +path = None
                        +
                        + +
                        +
                        +size = None
                        +
                        + +
                        +
                        +modified = None
                        +
                        + +
                        +
                        +isFolderEmpty = None
                        +
                        + +
                        +
                        +children = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -43777,11 +48176,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • function (str) – The function this is logging

                        • -
                        • stats (dict) – Statistics for the start and end time execution for this function

                        • -
                        • stdout (str) – Standard out logs

                        • -
                        • stderr (str) – Standard error logs

                        • -
                        • algorithm (str) – Algorithm name for this function

                        • +
                        • function (str) – The function this is logging

                        • +
                        • stats (dict) – Statistics for the start and end time execution for this function

                        • +
                        • stdout (str) – Standard out logs

                        • +
                        • stderr (str) – Standard error logs

                        • +
                        • algorithm (str) – Algorithm name for this function

                        • exception (UserException) – The exception stacktrace

                        @@ -43835,7 +48234,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43851,10 +48250,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The short name of the aggregation type.

                        • -
                        • displayName (str) – The display name of the aggregation type.

                        • -
                        • default (bool) – The default value for the option.

                        • -
                        • description (str) – The description of the aggregation type.

                        • +
                        • name (str) – The short name of the aggregation type.

                        • +
                        • displayName (str) – The display name of the aggregation type.

                        • +
                        • default (bool) – The default value for the option.

                        • +
                        • description (str) – The description of the aggregation type.

                        @@ -43897,7 +48296,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -43913,15 +48312,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The user-friendly name for the graph dashboard.

                        • -
                        • graphDashboardId (str) – The unique identifier of the graph dashboard.

                        • -
                        • createdAt (str) – Date and time at which the graph dashboard was created, in ISO-8601 format.

                        • -
                        • projectId (str) – The unique identifier of the project this graph dashboard belongs to.

                        • -
                        • pythonFunctionIds (list[str]) – List of Python function IDs included in the dashboard.

                        • -
                        • plotReferenceIds (list[str]) – List of the graph reference IDs for the plots to the dashboard.

                        • -
                        • pythonFunctionNames (list[str]) – List of names of each of the plots to the dashboard.

                        • -
                        • projectName (str) – The name the graph dashboard belongs to.

                        • -
                        • description (str) – The description of the graph dashboard.

                        • +
                        • name (str) – The user-friendly name for the graph dashboard.

                        • +
                        • graphDashboardId (str) – The unique identifier of the graph dashboard.

                        • +
                        • createdAt (str) – Date and time at which the graph dashboard was created, in ISO-8601 format.

                        • +
                        • projectId (str) – The unique identifier of the project this graph dashboard belongs to.

                        • +
                        • pythonFunctionIds (list[str]) – List of Python function IDs included in the dashboard.

                        • +
                        • plotReferenceIds (list[str]) – List of the graph reference IDs for the plots to the dashboard.

                        • +
                        • pythonFunctionNames (list[str]) – List of names of each of the plots to the dashboard.

                        • +
                        • projectName (str) – The name the graph dashboard belongs to.

                        • +
                        • description (str) – The description of the graph dashboard.

                        @@ -43989,7 +48388,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44014,7 +48413,7 @@

                        Package Contents
                        Parameters:
                        -

                        graph_dashboard_id (str) – Unique identifier for the graph dashboard.

                        +

                        graph_dashboard_id (str) – Unique identifier for the graph dashboard.

                        Returns:

                        An object containing information about the graph dashboard.

                        @@ -44031,7 +48430,7 @@

                        Package Contents
                        Parameters:
                        -

                        graph_dashboard_id (str) – Unique string identifier for the graph dashboard to be deleted.

                        +

                        graph_dashboard_id (str) – Unique string identifier for the graph dashboard to be deleted.

                        @@ -44043,7 +48442,7 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the dashboard.

                        • +
                        • name (str) – Name of the dashboard.

                        • python_function_ids (List) – List of unique string identifiers for the Python functions to be used in the graph dashboard.

                        @@ -44067,11 +48466,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • holdoutAnalysisId (str) – The unique identifier of the holdout analysis.

                        • -
                        • name (str) – The name of the holdout analysis.

                        • -
                        • featureGroupIds (list[str]) – The feature group ids associated with the holdout analysis.

                        • -
                        • modelId (str) – The model id associated with the holdout analysis.

                        • -
                        • modelName (str) – The model name associated with the holdout analysis.

                        • +
                        • holdoutAnalysisId (str) – The unique identifier of the holdout analysis.

                        • +
                        • name (str) – The name of the holdout analysis.

                        • +
                        • featureGroupIds (list[str]) – The feature group ids associated with the holdout analysis.

                        • +
                        • modelId (str) – The model id associated with the holdout analysis.

                        • +
                        • modelName (str) – The model name associated with the holdout analysis.

                        @@ -44119,7 +48518,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44131,8 +48530,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – (optional) Version of the model to use for the holdout analysis

                        • -
                        • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

                        • +
                        • model_version (str) – (optional) Version of the model to use for the holdout analysis

                        • +
                        • algorithm (str) – (optional) ID of algorithm to use for the holdout analysis

                        Returns:
                        @@ -44164,7 +48563,7 @@

                        Package Contents
                        Parameters:
                        -

                        holdout_analysis_id (str) – ID of the holdout analysis to get

                        +

                        holdout_analysis_id (str) – ID of the holdout analysis to get

                        Returns:

                        The holdout analysis

                        @@ -44181,13 +48580,13 @@

                        Package Contents
                        Parameters:
                        -

                        holdout_analysis_id (str) – ID of the holdout analysis to list holdout analysis versions for

                        +

                        holdout_analysis_id (str) – ID of the holdout analysis to list holdout analysis versions for

                        Returns:

                        The holdout analysis versions

                        Return type:
                        -

                        list[HoldoutAnalysisVersion]

                        +

                        list[HoldoutAnalysisVersion]

                        @@ -44203,17 +48602,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • holdoutAnalysisVersion (str) – The unique identifier of the holdout analysis version.

                        • -
                        • holdoutAnalysisId (str) – The unique identifier of the holdout analysis.

                        • -
                        • createdAt (str) – The timestamp at which the holdout analysis version was created.

                        • -
                        • status (str) – The status of the holdout analysis version.

                        • -
                        • error (str) – The error message if the status is FAILED.

                        • -
                        • modelId (str) – The model id associated with the holdout analysis.

                        • -
                        • modelVersion (str) – The model version associated with the holdout analysis.

                        • -
                        • algorithm (str) – The algorithm used to train the model.

                        • -
                        • algoName (str) – The name of the algorithm used to train the model.

                        • -
                        • metrics (dict) – The metrics of the holdout analysis version.

                        • -
                        • metricInfos (dict) – The metric infos of the holdout analysis version.

                        • +
                        • holdoutAnalysisVersion (str) – The unique identifier of the holdout analysis version.

                        • +
                        • holdoutAnalysisId (str) – The unique identifier of the holdout analysis.

                        • +
                        • createdAt (str) – The timestamp at which the holdout analysis version was created.

                        • +
                        • status (str) – The status of the holdout analysis version.

                        • +
                        • error (str) – The error message if the status is FAILED.

                        • +
                        • modelId (str) – The model id associated with the holdout analysis.

                        • +
                        • modelVersion (str) – The model version associated with the holdout analysis.

                        • +
                        • algorithm (str) – The algorithm used to train the model.

                        • +
                        • algoName (str) – The name of the algorithm used to train the model.

                        • +
                        • metrics (dict) – The metrics of the holdout analysis version.

                        • +
                        • metricInfos (dict) – The metric infos of the holdout analysis version.

                        @@ -44291,7 +48690,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44316,7 +48715,7 @@

                        Package Contents
                        Parameters:
                        -

                        get_metrics (bool) – (optional) Whether to get the metrics for the holdout analysis version

                        +

                        get_metrics (bool) – (optional) Whether to get the metrics for the holdout analysis version

                        Returns:

                        The holdout analysis version

                        @@ -44333,7 +48732,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -44347,7 +48746,553 @@

                        Package Contents

                        A string describing the status of a holdout analysis version (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        +
                        + + + + + +
                        +
                        +class abacusai.HostedApp(client, hostedAppId=None, deploymentConversationId=None, name=None, createdAt=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Hosted App

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • hostedAppId (id) – The ID of the hosted app

                        • +
                        • deploymentConversationId (id) – The ID of the deployment conversation

                        • +
                        • name (str) – The name of the hosted app

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        +
                        +
                        +
                        +
                        +hosted_app_id = None
                        +
                        + +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +name = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.HostedAppContainer(client, hostedAppContainerId=None, hostedAppId=None, deploymentConversationId=None, hostedAppVersion=None, name=None, userId=None, email=None, createdAt=None, updatedAt=None, containerImage=None, route=None, appConfig=None, isDev=None, isDeployable=None, isPreviewAvailable=None, lifecycle=None, status=None, deployedStatus=None, accessLevel=None, hostname=None, llmArtifactId=None, artifactType=None, deployedLlmArtifactId=None, hasDatabase=None, hasStorage=None, webAppProjectId=None, parentConversationId=None, projectMetadata=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Hosted app + Deep agent container information.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • hostedAppContainerId (id) – The ID of the hosted app container

                        • +
                        • hostedAppId (id) – The ID of the hosted app

                        • +
                        • deploymentConversationId (id) – The deployment conversation ID

                        • +
                        • hostedAppVersion (id) – The instance of the hosted app

                        • +
                        • name (str) – The name of the hosted app

                        • +
                        • userId (id) – The ID of the creation user

                        • +
                        • email (str) – The email of the creation user

                        • +
                        • createdAt (str) – Creation timestamp

                        • +
                        • updatedAt (str) – Last update timestamp

                        • +
                        • containerImage (str) – Container image name

                        • +
                        • route (str) – Container route

                        • +
                        • appConfig (dict) – App configuration

                        • +
                        • isDev (bool) – Whether this is a dev container

                        • +
                        • isDeployable (bool) – Can this version be deployed

                        • +
                        • isPreviewAvailable (bool) – Is the dev preview available on the container

                        • +
                        • lifecycle (str) – Container lifecycle status (PENDING/DEPLOYING/ACTIVE/FAILED/STOPPED/DELETING)

                        • +
                        • status (str) – Container status (RUNNING/STOPPED/DEPLOYING/FAILED)

                        • +
                        • deployedStatus (str) – Deployment status (PENDING/ACTIVE/STOPPED/NOT_DEPLOYED)

                        • +
                        • accessLevel (str) – Access Level (PUBLIC/PRIVATE/DEDICATED)

                        • +
                        • hostname (str) – Hostname of the deployed app

                        • +
                        • llmArtifactId (id) – The ID of the LLM artifact

                        • +
                        • artifactType (str) – The type of the artifact

                        • +
                        • deployedLlmArtifactId (id) – The ID of the deployed LLM artifact

                        • +
                        • hasDatabase (bool) – Whether the app has a database associated to it

                        • +
                        • hasStorage (bool) – Whether the app has a cloud storage associated to it

                        • +
                        • webAppProjectId (id) – The ID of the web app project

                        • +
                        • parentConversationId (id) – The ID of the parent conversation

                        • +
                        • projectMetadata (dict) – The metadata of the web app project

                        • +
                        +
                        +
                        +
                        +
                        +hosted_app_container_id = None
                        +
                        + +
                        +
                        +hosted_app_id = None
                        +
                        + +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +hosted_app_version = None
                        +
                        + +
                        +
                        +name = None
                        +
                        + +
                        +
                        +user_id = None
                        +
                        + +
                        +
                        +email = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +updated_at = None
                        +
                        + +
                        +
                        +container_image = None
                        +
                        + +
                        +
                        +route = None
                        +
                        + +
                        +
                        +app_config = None
                        +
                        + +
                        +
                        +is_dev = None
                        +
                        + +
                        +
                        +is_deployable = None
                        +
                        + +
                        +
                        +is_preview_available = None
                        +
                        + +
                        +
                        +lifecycle = None
                        +
                        + +
                        +
                        +status = None
                        +
                        + +
                        +
                        +deployed_status = None
                        +
                        + +
                        +
                        +access_level = None
                        +
                        + +
                        +
                        +hostname = None
                        +
                        + +
                        +
                        +llm_artifact_id = None
                        +
                        + +
                        +
                        +artifact_type = None
                        +
                        + +
                        +
                        +deployed_llm_artifact_id = None
                        +
                        + +
                        +
                        +has_database = None
                        +
                        + +
                        +
                        +has_storage = None
                        +
                        + +
                        +
                        +web_app_project_id = None
                        +
                        + +
                        +
                        +parent_conversation_id = None
                        +
                        + +
                        +
                        +project_metadata = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.HostedAppFileRead(client, content=None, start=None, end=None, retcode=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Result of reading file content from a hosted app container.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • content (str) – The contents of the file or a portion of it.

                        • +
                        • start (int) – If present, the starting position of the read.

                        • +
                        • end (int) – If present, the last position in the file returned in this read.

                        • +
                        • retcode (int) – If the read is associated with a log the return code of the command.

                        • +
                        +
                        +
                        +
                        +
                        +content = None
                        +
                        + +
                        +
                        +start = None
                        +
                        + +
                        +
                        +end = None
                        +
                        + +
                        +
                        +retcode = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.HostedArtifact(client, hostname=None, artifactType=None, llmArtifactId=None, lifecycle=None, externalApplicationId=None, deploymentConversationId=None, conversationSequenceNumber=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A hosted artifact being served by the platform.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • hostname (str) – The url at which the application is being hosted.

                        • +
                        • artifactType (str) – The type of artifact being hosted.

                        • +
                        • llmArtifactId (str) – The artifact id being hosted.

                        • +
                        • lifecycle (str) – The lifecycle of the artifact.

                        • +
                        • externalApplicationId (str) – Agent that deployed this application.

                        • +
                        • deploymentConversationId (str) – Conversation that created deployed this artifact, null if not applicable.

                        • +
                        • conversationSequenceNumber (number(integer)) – Conversation event associated with this artifact, null if not applicable.

                        • +
                        +
                        +
                        +
                        +
                        +hostname = None
                        +
                        + +
                        +
                        +artifact_type = None
                        +
                        + +
                        +
                        +llm_artifact_id = None
                        +
                        + +
                        +
                        +lifecycle = None
                        +
                        + +
                        +
                        +external_application_id = None
                        +
                        + +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +conversation_sequence_number = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.HostedDatabase(client, hostedDatabaseId=None, displayName=None, createdAt=None, updatedAt=None, lifecycle=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Hosted Database

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • hostedDatabaseId (id) – The ID of the hosted database

                        • +
                        • displayName (str) – The name of the hosted database

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        • updatedAt (str) – The last update timestamp

                        • +
                        • lifecycle (str) – The lifecycle of the hosted database

                        • +
                        +
                        +
                        +
                        +
                        +hosted_database_id = None
                        +
                        + +
                        +
                        +display_name = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +updated_at = None
                        +
                        + +
                        +
                        +lifecycle = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.HostedDatabaseSnapshot(client, hostedDatabaseSnapshotId=None, srcHostedDatabaseId=None, createdAt=None, updatedAt=None, lifecycle=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Hosted Database Snapshot

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • hostedDatabaseSnapshotId (id) – The ID of the hosted database snapshot

                        • +
                        • srcHostedDatabaseId (id) – The ID of the source hosted database

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        • updatedAt (str) – The last update timestamp

                        • +
                        • lifecycle (str) – The lifecycle of the hosted database snapshot

                        • +
                        +
                        +
                        +
                        +
                        +hosted_database_snapshot_id = None
                        +
                        + +
                        +
                        +src_hosted_database_id = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +updated_at = None
                        +
                        + +
                        +
                        +lifecycle = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -44363,10 +49308,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • createdAt (str) – When the token was created

                        • -
                        • tag (str) – A user-friendly tag for the API key.

                        • -
                        • trailingAuthToken (str) – The last four characters of the un-encrypted auth token

                        • -
                        • hostedModelTokenId (str) – The unique identifier attached to this authenticaion token

                        • +
                        • createdAt (str) – When the token was created

                        • +
                        • tag (str) – A user-friendly tag for the API key.

                        • +
                        • trailingAuthToken (str) – The last four characters of the un-encrypted auth token

                        • +
                        • hostedModelTokenId (str) – The unique identifier attached to this authenticaion token

                        @@ -44409,7 +49354,57 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.HostnameInfo(client, isRootDomain=None, hasRootNameserversConfigured=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Hostname Info

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • isRootDomain (bool) – Whether the hostname is a root domain

                        • +
                        • hasRootNameserversConfigured (bool) – Whether the root domain has Abacus nameservers configured.

                        • +
                        +
                        +
                        +
                        +
                        +is_root_domain = None
                        +
                        + +
                        +
                        +has_root_nameservers_configured = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -44425,8 +49420,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the voice.

                        • -
                        • gender (str) – The gender of the voice.

                        • +
                        • name (str) – The name of the voice.

                        • +
                        • gender (str) – The gender of the voice.

                        @@ -44459,7 +49454,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44467,29 +49462,165 @@

                        Package Contents -
                        -class abacusai.ImageGenSettings(client, model=None, settings=None)
                        +
                        +class abacusai.ImageGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={})

                        Bases: abacusai.return_class.AbstractApiClass

                        -

                        Image generation settings

                        +

                        Image generation model

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • model (dict) – Dropdown for models available for image generation.

                        • -
                        • settings (dict) – The settings for each model.

                        • +
                        • displayName (str) – The display name for the UI component.

                        • +
                        • type (str) – The type of the UI component.

                        • +
                        • valueType (str) – The data type of the values within the UI component.

                        • +
                        • optional (bool) – Whether the selection of a value is optional.

                        • +
                        • default (str) – The default value for the image generation model.

                        • +
                        • helptext (str) – The helptext for the UI component.

                        • +
                        • options (ImageGenModelOptions) – The options of models available for image generation.

                        -
                        -model = None
                        +
                        +display_name = None
                        +
                        + +
                        +
                        +type = None
                        +
                        + +
                        +
                        +value_type = None
                        +
                        +
                        +optional = None
                        +
                        + +
                        +
                        +default = None
                        +
                        + +
                        +
                        +helptext = None
                        +
                        + +
                        +
                        +options
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.ImageGenModelOptions(client, keys=None, values=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Image generation model options

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • keys (list) – The keys of the image generation model options represented as the enum values.

                        • +
                        • values (list) – The display names of the image generation model options.

                        • +
                        +
                        +
                        +
                        +
                        +keys = None
                        +
                        + +
                        +
                        +values = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.ImageGenSettings(client, settings=None, warnings=None, model={})
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Image generation settings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • settings (dict) – The settings for each model.

                        • +
                        • warnings (dict) – The warnings for each model.

                        • +
                        • model (ImageGenModel) – Dropdown for models available for image generation.

                        • +
                        +
                        +
                        settings = None
                        +
                        +
                        +warnings = None
                        +
                        + +
                        +
                        +model
                        +
                        +
                        deprecated_keys
                        @@ -44509,7 +49640,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44525,9 +49656,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • primaryKey (str) – A single key index

                        • -
                        • updateTimestampKey (str) – The primary timestamp feature

                        • -
                        • lookupKeys (list[str]) – A multi-key index. Cannot be used in conjuction with primary key.

                        • +
                        • primaryKey (str) – A single key index

                        • +
                        • updateTimestampKey (str) – The primary timestamp feature

                        • +
                        • lookupKeys (list[str]) – A multi-key index. Cannot be used in conjuction with primary key.

                        @@ -44565,7 +49696,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44609,7 +49740,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44625,7 +49756,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • error (str) – Error message if there was an error inferring the feature mappings

                        • +
                        • error (str) – Error message if there was an error inferring the feature mappings

                        • featureMappings (FeatureMapping) – The inferred feature mappings

                        @@ -44659,7 +49790,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44675,17 +49806,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • missingPercent (float) – percentage of missing values in data

                        • -
                        • count (int) – count of data

                        • -
                        • median (float) – median of the data

                        • -
                        • mean (float) – mean value of the data

                        • -
                        • p10 (float) – 10th percentile of the data

                        • -
                        • p90 (float) – 90th_percentile of the data

                        • -
                        • stddev (float) – standard deviation of the data

                        • -
                        • min (int) – min value in the data

                        • -
                        • max (int) – max value in the data

                        • -
                        • lowerBound (float) – lower bound threshold of the data

                        • -
                        • upperBound (float) – upper bound threshold of the data

                        • +
                        • missingPercent (float) – percentage of missing values in data

                        • +
                        • count (int) – count of data

                        • +
                        • median (float) – median of the data

                        • +
                        • mean (float) – mean value of the data

                        • +
                        • p10 (float) – 10th percentile of the data

                        • +
                        • p90 (float) – 90th_percentile of the data

                        • +
                        • stddev (float) – standard deviation of the data

                        • +
                        • min (int) – min value in the data

                        • +
                        • max (int) – max value in the data

                        • +
                        • lowerBound (float) – lower bound threshold of the data

                        • +
                        • upperBound (float) – upper bound threshold of the data

                        @@ -44763,7 +49894,57 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.LipSyncGenSettings(client, model=None, settings=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Lip sync generation settings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • model (dict) – The model settings.

                        • +
                        • settings (dict) – The settings for each model.

                        • +
                        +
                        +
                        +
                        +
                        +model = None
                        +
                        + +
                        +
                        +settings = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -44779,14 +49960,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • llmAppId (str) – The unique identifier of the LLM App.

                        • -
                        • name (str) – The name of the LLM App.

                        • -
                        • description (str) – The description of the LLM App.

                        • -
                        • projectId (str) – The project ID of the deployment associated with the LLM App.

                        • -
                        • deploymentId (str) – The deployment ID associated with the LLM App.

                        • -
                        • createdAt (str) – The timestamp at which the LLM App was created.

                        • -
                        • updatedAt (str) – The timestamp at which the LLM App was updated.

                        • -
                        • status (str) – The status of the LLM App’s deployment.

                        • +
                        • llmAppId (str) – The unique identifier of the LLM App.

                        • +
                        • name (str) – The name of the LLM App.

                        • +
                        • description (str) – The description of the LLM App.

                        • +
                        • projectId (str) – The project ID of the deployment associated with the LLM App.

                        • +
                        • deploymentId (str) – The deployment ID associated with the LLM App.

                        • +
                        • createdAt (str) – The timestamp at which the LLM App was created.

                        • +
                        • updatedAt (str) – The timestamp at which the LLM App was updated.

                        • +
                        • status (str) – The status of the LLM App’s deployment.

                        @@ -44849,7 +50030,129 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.LlmArtifact(client, llmArtifactId=None, info=None, description=None, createdAt=None, webAppDeploymentId=None, deploymentStatus=None, isLatest=None, deploymentConversationId=None, webAppProjectId=None, hasDatabase=None, hasStorage=None, projectMetadata=None, hasDatabaseSnapshot=None, supportsPreviewRestore=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        LLM Artifact

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • llmArtifactId (id) – The ID of the LLM artifact

                        • +
                        • info (dict) – The info of the LLM artifact

                        • +
                        • description (str) – The description of the LLM artifact

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        • webAppDeploymentId (id) – The ID of the associated web app deployment

                        • +
                        • deploymentStatus (str) – The status of the associated web app deployment

                        • +
                        • isLatest (bool) – Whether it is the most recent version of the artifact

                        • +
                        • deploymentConversationId (id) – The ID of the deployment conversation

                        • +
                        • webAppProjectId (id) – The ID of the web app project

                        • +
                        • hasDatabase (bool) – Whether the app associated with the artifact has a database

                        • +
                        • hasStorage (bool) – Whether the app associated with the artifact has a storage

                        • +
                        • projectMetadata (dict) – The metadata of the web app project

                        • +
                        • hasDatabaseSnapshot (bool) – Whether the artifact database has a snapshot

                        • +
                        • supportsPreviewRestore (bool) – Whether the artifact supports preview restore

                        • +
                        +
                        +
                        +
                        +
                        +llm_artifact_id = None
                        +
                        + +
                        +
                        +info = None
                        +
                        + +
                        +
                        +description = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +web_app_deployment_id = None
                        +
                        + +
                        +
                        +deployment_status = None
                        +
                        + +
                        +
                        +is_latest = None
                        +
                        + +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +web_app_project_id = None
                        +
                        + +
                        +
                        +has_database = None
                        +
                        + +
                        +
                        +has_storage = None
                        +
                        + +
                        +
                        +project_metadata = None
                        +
                        + +
                        +
                        +has_database_snapshot = None
                        +
                        + +
                        +
                        +supports_preview_restore = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -44865,11 +50168,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • language (str) – The language of the code block. Eg - python/sql/etc.

                        • -
                        • code (str) – source code string

                        • -
                        • start (int) – index of the starting character of the code block in the original response

                        • -
                        • end (int) – index of the last character of the code block in the original response

                        • -
                        • valid (bool) – flag denoting whether the soruce code string is syntactically valid

                        • +
                        • language (str) – The language of the code block. Eg - python/sql/etc.

                        • +
                        • code (str) – source code string

                        • +
                        • start (int) – index of the starting character of the code block in the original response

                        • +
                        • end (int) – index of the last character of the code block in the original response

                        • +
                        • valid (bool) – flag denoting whether the soruce code string is syntactically valid

                        @@ -44917,7 +50220,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44933,8 +50236,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • error (str) – The error message if the preview failed.

                        • -
                        • sql (str) – Preview of SQL query generated by LLM.

                        • +
                        • error (str) – The error message if the preview failed.

                        • +
                        • sql (str) – Preview of SQL query generated by LLM.

                        @@ -44967,7 +50270,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -44983,8 +50286,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • status (str) – The status of the execution.

                        • -
                        • error (str) – The error message if the execution failed.

                        • +
                        • status (str) – The status of the execution.

                        • +
                        • error (str) – The error message if the execution failed.

                        • execution (ExecuteFeatureGroupOperation) – Information on execution of the query.

                        • preview (LlmExecutionPreview) – Preview of executing queries using LLM.

                        @@ -45029,7 +50332,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -45045,7 +50348,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • sql (str) – SQL query generated by LLM.

                        • +
                        • sql (str) – SQL query generated by LLM.

                        @@ -45073,7 +50376,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -45089,7 +50392,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • content (str) – Content of the response

                        • +
                        • content (str) – Content of the response

                        @@ -45117,7 +50420,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -45133,7 +50436,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • parameters (dict) – The parameters of LLM for given inputs.

                        • +
                        • parameters (dict) – The parameters of LLM for given inputs.

                        @@ -45161,7 +50464,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -45177,13 +50480,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • content (str) – Full response from LLM.

                        • -
                        • tokens (int) – The number of tokens in the response.

                        • -
                        • stopReason (str) – The reason due to which the response generation stopped.

                        • -
                        • llmName (str) – The name of the LLM model used to generate the response.

                        • -
                        • inputTokens (int) – The number of input tokens used in the LLM call.

                        • -
                        • outputTokens (int) – The number of output tokens generated in the LLM response.

                        • -
                        • totalTokens (int) – The total number of tokens (input + output) used in the LLM interaction.

                        • +
                        • content (str) – Full response from LLM.

                        • +
                        • tokens (int) – The number of tokens in the response.

                        • +
                        • stopReason (str) – The reason due to which the response generation stopped.

                        • +
                        • llmName (str) – The name of the LLM model used to generate the response.

                        • +
                        • inputTokens (int) – The number of input tokens used in the LLM call.

                        • +
                        • outputTokens (int) – The number of output tokens generated in the LLM response.

                        • +
                        • totalTokens (int) – The total number of tokens (input + output) used in the LLM interaction.

                        • codeBlocks (LlmCodeBlock) – A list of parsed code blocks from raw LLM Response

                        @@ -45247,7 +50550,297 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.McpConfig(client, mcpConfig=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Model Context Protocol Config

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • mcpConfig (dict) – The MCP configuration for the current user

                        • +
                        +
                        +
                        +
                        +
                        +mcp_config = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.McpServer(client, name=None, description=None, envVars=None, config=None, envVarInstructions=None, url=None, isActive=None, metadata=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Model Context Protocol Server

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • name (str) – The name of the MCP server.

                        • +
                        • description (str) – description of what the MCP server does.

                        • +
                        • envVars (list) – list of api_keys or credentials required by the MCP server.

                        • +
                        • config (str) – a json string containing the command and arguments for the MCP server.

                        • +
                        • envVarInstructions (str) – instructions for the user to get the environment variables.

                        • +
                        • url (str) – The url of the MCP server github repository or webpage.

                        • +
                        • isActive (bool) – Whether the MCP server is active.

                        • +
                        • metadata (dict) – additional information about the MCP server including github_stars, etc.

                        • +
                        +
                        +
                        +
                        +
                        +name = None
                        +
                        + +
                        +
                        +description = None
                        +
                        + +
                        +
                        +env_vars = None
                        +
                        + +
                        +
                        +config = None
                        +
                        + +
                        +
                        +env_var_instructions = None
                        +
                        + +
                        +
                        +url = None
                        +
                        + +
                        +
                        +is_active = None
                        +
                        + +
                        +
                        +metadata = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.McpServerConnection(client, mcpServerConnectionId=None, createdAt=None, updatedAt=None, name=None, config=None, description=None, transport=None, authType=None, externalConnectionId=None, inactive=None, tools=None, errorMsg=None, metadata=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Model Context Protocol Server Connection

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • mcpServerConnectionId (id) – the id of the MCP server connection.

                        • +
                        • createdAt (str) – the date and time the MCP server connection was created.

                        • +
                        • updatedAt (str) – the date and time the MCP server connection was updated.

                        • +
                        • name (str) – The name of the MCP server.

                        • +
                        • config (dict) – a dictionary containing the config for the MCP server.

                        • +
                        • description (str) – description of what the MCP server does.

                        • +
                        • transport (str) – the transport type for the MCP server.

                        • +
                        • authType (str) – the auth type for the MCP server.

                        • +
                        • externalConnectionId (id) – the external connection id for the MCP server.

                        • +
                        • inactive (bool) – whether the MCP server is inactive.

                        • +
                        • tools (list) – the tools for the MCP server.

                        • +
                        • errorMsg (str) – the error message for the MCP server.

                        • +
                        • metadata (dict) – the metadata for the MCP server.

                        • +
                        +
                        +
                        +
                        +
                        +mcp_server_connection_id = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +updated_at = None
                        +
                        + +
                        +
                        +name = None
                        +
                        + +
                        +
                        +config = None
                        +
                        + +
                        +
                        +description = None
                        +
                        + +
                        +
                        +transport = None
                        +
                        + +
                        +
                        +auth_type = None
                        +
                        + +
                        +
                        +external_connection_id = None
                        +
                        + +
                        +
                        +inactive = None
                        +
                        + +
                        +
                        +tools = None
                        +
                        + +
                        +
                        +error_msg = None
                        +
                        + +
                        +
                        +metadata = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.McpServerQueryResult(client, output=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Result of a MCP server query

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • output (dict) – The execution logs as well as the final output of the MCP server query

                        • +
                        +
                        +
                        +
                        +
                        +output = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -45297,7 +50890,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -45313,14 +50906,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • welcomeMessage (str) – on the first installation of the app the user will get this message

                        • -
                        • defaultMessage (str) – when user triggers hi, hello, help they will get this message

                        • -
                        • disclaimer (str) – given along with every bot response

                        • -
                        • messagingBotName (str) – the name you want to see at various places instead of Abacus.AI

                        • -
                        • useDefaultLabel (bool) – to use the default Abacus.AI label in case it is set to true

                        • -
                        • initAckReq (bool) – Set to true if the initial Acknowledgment for the query is required by the user

                        • -
                        • defaultLabels (dict) – Dictionary of default labels, if the user-specified labels aren’t set

                        • -
                        • enabledExternalLinks (list) – list of external application which have external links applicable

                        • +
                        • welcomeMessage (str) – on the first installation of the app the user will get this message

                        • +
                        • defaultMessage (str) – when user triggers hi, hello, help they will get this message

                        • +
                        • disclaimer (str) – given along with every bot response

                        • +
                        • messagingBotName (str) – the name you want to see at various places instead of Abacus.AI

                        • +
                        • useDefaultLabel (bool) – to use the default Abacus.AI label in case it is set to true

                        • +
                        • initAckReq (bool) – Set to true if the initial Acknowledgment for the query is required by the user

                        • +
                        • defaultLabels (dict) – Dictionary of default labels, if the user-specified labels aren’t set

                        • +
                        • enabledExternalLinks (list) – list of external application which have external links applicable

                        @@ -45383,7 +50976,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -45392,41 +50985,39 @@

                        Package Contents
                        -class abacusai.Model(client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, shared=None, sharedAt=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={})
                        +class abacusai.Model(client, name=None, modelId=None, modelConfigType=None, modelPredictionConfig=None, createdAt=None, projectId=None, trainFunctionName=None, predictFunctionName=None, predictManyFunctionName=None, initializeFunctionName=None, trainingInputTables=None, sourceCode=None, cpuSize=None, memory=None, trainingFeatureGroupIds=None, algorithmModelConfigs=None, trainingVectorStoreVersions=None, documentRetrievers=None, documentRetrieverIds=None, isPythonModel=None, defaultAlgorithm=None, customAlgorithmConfigs=None, restrictedAlgorithms=None, useGpu=None, notebookId=None, trainingRequired=None, location={}, refreshSchedules={}, codeSource={}, databaseConnector={}, dataLlmFeatureGroups={}, latestModelVersion={}, modelConfig={})

                        Bases: abacusai.return_class.AbstractApiClass

                        A model

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The user-friendly name for the model.

                        • -
                        • modelId (str) – The unique identifier of the model.

                        • -
                        • modelConfigType (str) – Name of the TrainingConfig class of the model_config.

                        • -
                        • modelPredictionConfig (dict) – The prediction config options for the model.

                        • -
                        • createdAt (str) – Date and time at which the model was created.

                        • -
                        • projectId (str) – The project this model belongs to.

                        • -
                        • shared (bool) – If model is shared to the Abacus.AI model showcase.

                        • -
                        • sharedAt (str) – The date and time at which the model was shared to the model showcase

                        • -
                        • trainFunctionName (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run.

                        • -
                        • predictManyFunctionName (str) – Name of the function found in the source code that will be executed to run batch predictions trhough the model.

                        • -
                        • initializeFunctionName (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • -
                        • trainingInputTables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • -
                        • sourceCode (str) – Python code used to make the model.

                        • -
                        • cpuSize (str) – Cpu size specified for the python model training.

                        • -
                        • memory (int) – Memory in GB specified for the python model training.

                        • -
                        • trainingFeatureGroupIds (list of unique string identifiers) – The unique identifiers of the feature groups used as the inputs to train this model on.

                        • -
                        • algorithmModelConfigs (list[dict]) – List of algorithm specific training configs.

                        • -
                        • trainingVectorStoreVersions (list) – The vector store version IDs used as inputs during training to create this ModelVersion.

                        • -
                        • documentRetrievers (list) – List of document retrievers use to create this model.

                        • -
                        • documentRetrieverIds (list) – List of document retriever IDs used to create this model.

                        • -
                        • isPythonModel (bool) – If this model is handled as python model

                        • -
                        • defaultAlgorithm (str) – If set, this algorithm will always be used when deploying the model regardless of the model metrics

                        • -
                        • customAlgorithmConfigs (dict) – User-defined configs for each of the user-defined custom algorithm

                        • -
                        • restrictedAlgorithms (dict) – User-selected algorithms to train.

                        • -
                        • useGpu (bool) – If this model uses gpu.

                        • -
                        • notebookId (str) – The notebook associated with this model.

                        • -
                        • trainingRequired (bool) – If training is required to keep the model up-to-date.

                        • +
                        • name (str) – The user-friendly name for the model.

                        • +
                        • modelId (str) – The unique identifier of the model.

                        • +
                        • modelConfigType (str) – Name of the TrainingConfig class of the model_config.

                        • +
                        • modelPredictionConfig (dict) – The prediction config options for the model.

                        • +
                        • createdAt (str) – Date and time at which the model was created.

                        • +
                        • projectId (str) – The project this model belongs to.

                        • +
                        • trainFunctionName (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed run predictions through model. It is not executed when this function is run.

                        • +
                        • predictManyFunctionName (str) – Name of the function found in the source code that will be executed to run batch predictions trhough the model.

                        • +
                        • initializeFunctionName (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • +
                        • trainingInputTables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • +
                        • sourceCode (str) – Python code used to make the model.

                        • +
                        • cpuSize (str) – Cpu size specified for the python model training.

                        • +
                        • memory (int) – Memory in GB specified for the python model training.

                        • +
                        • trainingFeatureGroupIds (list of unique string identifiers) – The unique identifiers of the feature groups used as the inputs to train this model on.

                        • +
                        • algorithmModelConfigs (list[dict]) – List of algorithm specific training configs.

                        • +
                        • trainingVectorStoreVersions (list) – The vector store version IDs used as inputs during training to create this ModelVersion.

                        • +
                        • documentRetrievers (list) – List of document retrievers use to create this model.

                        • +
                        • documentRetrieverIds (list) – List of document retriever IDs used to create this model.

                        • +
                        • isPythonModel (bool) – If this model is handled as python model

                        • +
                        • defaultAlgorithm (str) – If set, this algorithm will always be used when deploying the model regardless of the model metrics

                        • +
                        • customAlgorithmConfigs (dict) – User-defined configs for each of the user-defined custom algorithm

                        • +
                        • restrictedAlgorithms (dict) – User-selected algorithms to train.

                        • +
                        • useGpu (bool) – If this model uses gpu.

                        • +
                        • notebookId (str) – The notebook associated with this model.

                        • +
                        • trainingRequired (bool) – If training is required to keep the model up-to-date.

                        • latestModelVersion (ModelVersion) – The latest model version.

                        • location (ModelLocation) – Location information for models that are imported.

                        • refreshSchedules (RefreshSchedule) – List of refresh schedules that indicate when the next model version will be trained

                        • @@ -45467,16 +51058,6 @@

                          Package Contentsproject_id = None

                        -
                        -
                        -shared = None
                        -
                        - -
                        -
                        -shared_at = None
                        -
                        -
                        train_function_name = None
                        @@ -45631,7 +51212,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -45642,7 +51223,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – The unique ID of the model. By default, the latest model version will be returned if no version is specified.

                        +

                        model_id (str) – The unique ID of the model. By default, the latest model version will be returned if no version is specified.

                        Returns:

                        The feature group containing the training data and fold information.

                        @@ -45673,7 +51254,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – Unique string identifier associated with the model.

                        +

                        model_id (str) – Unique string identifier associated with the model.

                        Returns:

                        Description of the model.

                        @@ -45690,7 +51271,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The new name to assign to the model.

                        +

                        name (str) – The new name to assign to the model.

                        @@ -45703,17 +51284,17 @@

                        Package Contents
                        Parameters:
                          -
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • -
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized DataFrames (same type as the functions return value).

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • -
                        • memory (int) – Memory (in GB) for the model training function.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • -
                        • is_thread_safe (bool) – Whether this model is thread safe

                        • +
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • +
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized DataFrames (same type as the functions return value).

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • +
                        • memory (int) – Memory (in GB) for the model training function.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • is_thread_safe (bool) – Whether this model is thread safe

                        • training_config (TrainingConfig) – The training config used to train this model.

                        @@ -45734,16 +51315,16 @@

                        Package Contents
                        Parameters:
                          -
                        • train_function_name (str) – Name of the function found in the train module that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • -
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • -
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the function’s return value).

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • -
                        • memory (int) – Memory (in GB) for the model training function.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • train_function_name (str) – Name of the function found in the train module that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through the model. It is not executed when this function is run.

                        • +
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • +
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the function’s return value).

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • +
                        • memory (int) – Memory (in GB) for the model training function.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        Returns:
                        @@ -45763,18 +51344,18 @@

                        Package Contents
                        Parameters:
                          -
                        • application_connector_id (str) – The unique ID associated with the Git application connector.

                        • -
                        • branch_name (str) – Name of the branch in the Git repository to be used for training.

                        • -
                        • python_root (str) – Path from the top level of the Git repository to the directory containing the Python source code. If not provided, the default is the root of the Git repository.

                        • -
                        • train_function_name (str) – Name of the function found in train module that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through model. It is not executed when this function is run.

                        • -
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • -
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • -
                        • memory (int) – Memory (in GB) for the model training function.

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • application_connector_id (str) – The unique ID associated with the Git application connector.

                        • +
                        • branch_name (str) – Name of the branch in the Git repository to be used for training.

                        • +
                        • python_root (str) – Path from the top level of the Git repository to the directory containing the Python source code. If not provided, the default is the root of the Git repository.

                        • +
                        • train_function_name (str) – Name of the function found in train module that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • predict_function_name (str) – Name of the function found in the predict module that will be executed to run predictions through model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the predict module that will be executed to run batch predictions through model. It is not executed when this function is run.

                        • +
                        • train_module_name (str) – Full path of the module that contains the train function from the root of the zip.

                        • +
                        • predict_module_name (str) – Full path of the module that contains the predict function from the root of the zip.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function.

                        • +
                        • memory (int) – Memory (in GB) for the model training function.

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        Returns:
                        @@ -45812,7 +51393,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_config (dict) – Prediction configuration for the model.

                        +

                        prediction_config (dict) – Prediction configuration for the model.

                        Returns:

                        Model object after the prediction configuration is applied.

                        @@ -45831,9 +51412,9 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – Version of the model.

                        • -
                        • return_graphs (bool) – If true, will return the information used for the graphs on the model metrics page such as PR Curve per label.

                        • -
                        • validation (bool) – If true, will return the validation metrics instead of the test metrics.

                        • +
                        • model_version (str) – Version of the model.

                        • +
                        • return_graphs (bool) – If true, will return the information used for the graphs on the model metrics page such as PR Curve per label.

                        • +
                        • validation (bool) – If true, will return the validation metrics instead of the test metrics.

                        Returns:
                        @@ -45852,15 +51433,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – Maximum length of the list of all dataset versions.

                        • -
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        • +
                        • limit (int) – Maximum length of the list of all dataset versions.

                        • +
                        • start_after_version (str) – Unique string identifier of the version after which the list starts.

                        Returns:

                        An array of model versions.

                        Return type:
                        -

                        list[ModelVersion]

                        +

                        list[ModelVersion]

                        @@ -45874,13 +51455,13 @@

                        Package Contents
                        • deployment_ids (List) – List of unique string identifiers of deployments to automatically deploy to.

                        • feature_group_ids (List) – List of feature group IDs provided by the user to train the model on.

                        • -
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, will honor the runs from the last time and applicable new custom algorithms.

                        • -
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of Abacus.AI built-in algorithms to train. If not set, will honor the runs from the last time and applicable new built-in algorithms.

                        • -
                        • custom_algorithm_configs (dict) – User-defined training configs for each custom algorithm.

                        • -
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • -
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • +
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, will honor the runs from the last time and applicable new custom algorithms.

                        • +
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of Abacus.AI built-in algorithms to train. If not set, will honor the runs from the last time and applicable new built-in algorithms.

                        • +
                        • custom_algorithm_configs (dict) – User-defined training configs for each custom algorithm.

                        • +
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • +
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • training_config (TrainingConfig) – The training config used to train this model.

                        • -
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        • +
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        Returns:
                        @@ -45898,7 +51479,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – Unique string identifier of the model to delete.

                        +

                        model_id (str) – Unique string identifier of the model to delete.

                        @@ -45910,8 +51491,8 @@

                        Package Contents
                        Parameters:
                          -
                        • algorithm (str) – Algorithm to pin in the model.

                        • -
                        • data_cluster_type (str) – Data cluster type to set the lead model for.

                        • +
                        • algorithm (str) – Algorithm to pin in the model.

                        • +
                        • data_cluster_type (str) – Data cluster type to set the lead model for.

                        @@ -45923,13 +51504,13 @@

                        Package Contents
                        Parameters:
                        -

                        limit (int) – Maximum length of the list of all exports.

                        +

                        limit (int) – Maximum length of the list of all exports.

                        Returns:

                        List of model artifacts exports.

                        Return type:
                        -

                        list[ModelArtifactsExport]

                        +

                        list[ModelArtifactsExport]

                        @@ -45941,8 +51522,8 @@

                        Package Contents
                        Parameters:
                          -
                        • model_version (str) – The unique ID associated with the model version to deploy.

                        • -
                        • algorithm (str) – The unique ID associated with the algorithm to deploy.

                        • +
                        • model_version (str) – The unique ID associated with the model version to deploy.

                        • +
                        • algorithm (str) – The unique ID associated with the algorithm to deploy.

                        Returns:
                        @@ -45961,21 +51542,21 @@

                        Package Contents
                        Parameters:
                          -
                        • memory (int) – Memory (in GB) for the agent.

                        • -
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • +
                        • memory (int) – Memory (in GB) for the agent.

                        • +
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • included_modules (List) – A list of user created custom modules to include in the agent’s environment.

                        • org_level_connectors (List) – A list of org level connector ids to be used by the agent.

                        • user_level_connectors (Dict) – A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific user level application connector, while the value is a list of scopes that define the permissions granted to the application.

                        • -
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • -
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • -
                        • function_source_code (str)

                        • -
                        • agent_function_name (str)

                        • -
                        • enable_binary_input (bool)

                        • -
                        • agent_input_schema (dict)

                        • -
                        • agent_output_schema (dict)

                        • +
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • +
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • +
                        • function_source_code (str)

                        • +
                        • agent_function_name (str)

                        • +
                        • enable_binary_input (bool)

                        • +
                        • agent_input_schema (dict)

                        • +
                        • agent_output_schema (dict)

                        Returns:
                        @@ -45993,7 +51574,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -46004,7 +51585,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -46015,7 +51596,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -46026,7 +51607,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -46040,10 +51621,10 @@

                        Package Contents

                        A string describing the status of a model training (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        Parameters:
                        -

                        get_automl_status (bool)

                        +

                        get_automl_status (bool)

                        @@ -46054,7 +51635,7 @@

                        Package Contents
                        Parameters:
                        -

                        cron (str) – A cron style string to set the refresh time.

                        +

                        cron (str) – A cron style string to set the refresh time.

                        Returns:

                        The refresh policy object.

                        @@ -46104,13 +51685,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modelArtifactsExportId (str) – Unique identifier for this export.

                        • -
                        • modelVersion (str) – Version of the model being exported.

                        • -
                        • outputLocation (str) – File Connector location the feature group is being written to.

                        • -
                        • status (str) – Current status of the export.

                        • -
                        • createdAt (str) – Timestamp at which the export was created (ISO-8601 format).

                        • -
                        • exportCompletedAt (str) – Timestamp at which the export completed (ISO-8601 format).

                        • -
                        • error (str) – If status is FAILED, this field will be populated with an error.

                        • +
                        • modelArtifactsExportId (str) – Unique identifier for this export.

                        • +
                        • modelVersion (str) – Version of the model being exported.

                        • +
                        • outputLocation (str) – File Connector location the feature group is being written to.

                        • +
                        • status (str) – Current status of the export.

                        • +
                        • createdAt (str) – Timestamp at which the export was created (ISO-8601 format).

                        • +
                        • exportCompletedAt (str) – Timestamp at which the export completed (ISO-8601 format).

                        • +
                        • error (str) – If status is FAILED, this field will be populated with an error.

                        @@ -46168,7 +51749,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46193,7 +51774,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_artifacts_export_id (str) – A unique string identifier for the export.

                        +

                        model_artifacts_export_id (str) – A unique string identifier for the export.

                        Returns:

                        Object describing the export and its status.

                        @@ -46210,7 +51791,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -46224,7 +51805,7 @@

                        Package Contents

                        A string describing the status of a model artifacts export (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -46240,8 +51821,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modelVersion (str) – Version of the model that the blueprint is for.

                        • -
                        • currentTrainingConfig (dict) – The current training configuration for the model. It can be used to get training configs and train a new model

                        • +
                        • modelVersion (str) – Version of the model that the blueprint is for.

                        • +
                        • currentTrainingConfig (dict) – The current training configuration for the model. It can be used to get training configs and train a new model

                        • modelBlueprintStages (ModelBlueprintStage) – The stages of the model blueprint. Each one includes the stage name, display name, description, parameters, and predecessors.

                        @@ -46280,7 +51861,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46296,11 +51877,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • stageName (str) – The name of the stage.

                        • -
                        • displayName (str) – The display name of the stage.

                        • -
                        • description (str) – The description of the stage.

                        • -
                        • params (dict) – The parameters for the stage.

                        • -
                        • predecessors (list) – A list of stages that occur directly before this stage.

                        • +
                        • stageName (str) – The name of the stage.

                        • +
                        • displayName (str) – The display name of the stage.

                        • +
                        • description (str) – The description of the stage.

                        • +
                        • params (dict) – The parameters for the stage.

                        • +
                        • predecessors (list) – A list of stages that occur directly before this stage.

                        @@ -46348,7 +51929,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46364,8 +51945,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • location (str) – Location of the plug-and-play model.

                        • -
                        • artifactNames (dict) – Representations of the names of the artifacts used to create the model.

                        • +
                        • location (str) – Location of the plug-and-play model.

                        • +
                        • artifactNames (dict) – Representations of the names of the artifacts used to create the model.

                        @@ -46398,7 +51979,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46414,14 +51995,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • algoMetrics (dict) – Dictionary mapping algorithm ID to algorithm name and algorithm metrics dictionary

                        • -
                        • selectedAlgorithm (str) – The algorithm ID of the selected (default) algorithm that will be used in deployments of this Model Version

                        • -
                        • selectedAlgorithmName (str) – The algorithm name of the selected (default) algorithm that will be used in deployments of this Model Version

                        • -
                        • modelId (str) – The Model ID

                        • -
                        • modelVersion (str) – The Model Version

                        • -
                        • metricNames (dict) – Maps shorthand names of the metrics to their verbose names

                        • -
                        • targetColumn (str) – The target feature that the model was trained to predict

                        • -
                        • trainValTestSplit (dict) – Info on train, val and test split

                        • +
                        • algoMetrics (dict) – Dictionary mapping algorithm ID to algorithm name and algorithm metrics dictionary

                        • +
                        • selectedAlgorithm (str) – The algorithm ID of the selected (default) algorithm that will be used in deployments of this Model Version

                        • +
                        • selectedAlgorithmName (str) – The algorithm name of the selected (default) algorithm that will be used in deployments of this Model Version

                        • +
                        • modelId (str) – The Model ID

                        • +
                        • modelVersion (str) – The Model Version

                        • +
                        • metricNames (dict) – Maps shorthand names of the metrics to their verbose names

                        • +
                        • targetColumn (str) – The target feature that the model was trained to predict

                        • +
                        • trainValTestSplit (dict) – Info on train, val and test split

                        • trainingCompletedAt (datetime) – Timestamp when training was completed

                        @@ -46490,7 +52071,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46506,32 +52087,32 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modelMonitorId (str) – The unique identifier of the model monitor.

                        • -
                        • name (str) – The user-friendly name for the model monitor.

                        • -
                        • createdAt (str) – Date and time at which the model was created.

                        • -
                        • projectId (str) – The project this model belongs to.

                        • -
                        • trainingFeatureGroupId (list[str]) – Feature group IDs that this model monitor is monitoring.

                        • -
                        • predictionFeatureGroupId (list[str]) – Feature group IDs that this model monitor is monitoring.

                        • -
                        • predictionFeatureGroupVersion (list[str]) – Feature group versions that this model monitor is monitoring.

                        • -
                        • trainingFeatureGroupVersion (list[str]) – Feature group versions that this model monitor is monitoring.

                        • -
                        • alertConfig (dict) – Alerting configuration for this model monitor.

                        • -
                        • biasMetricId (str) – The bias metric ID

                        • -
                        • metricConfigs (dict) – Configurations for model monitor

                        • -
                        • featureGroupMonitorConfigs (dict) – Configurations for feature group monitor

                        • -
                        • metricTypes (dict) – List of metric types

                        • -
                        • modelId (str) – Model ID that this model monitor is monitoring.

                        • -
                        • starred (bool) – Whether this model monitor is starred.

                        • -
                        • batchPredictionId (str) – The batch prediction ID this model monitor monitors

                        • -
                        • monitorType (str) – The type of the monitor, one of MODEL_MONITOR, or FEATURE_GROUP_MONITOR

                        • -
                        • edaConfigs (dict) – The configs for EDA

                        • -
                        • trainingForecastConfig (dict) – The tarining config for forecast monitors

                        • -
                        • predictionForecastConfig (dict) – The prediction config for forecast monitors

                        • -
                        • forecastFrequency (str) – The frequency of the forecast

                        • -
                        • trainingFeatureGroupSampling (bool) – Whether or not we sample from training feature group

                        • -
                        • predictionFeatureGroupSampling (bool) – Whether or not we sample from prediction feature group

                        • -
                        • monitorDriftConfig (dict) – The monitor drift config for the monitor

                        • -
                        • predictionDataUseMappings (dict) – The data_use mapping of the prediction features

                        • -
                        • trainingDataUseMappings (dict) – The data_use mapping of the training features

                        • +
                        • modelMonitorId (str) – The unique identifier of the model monitor.

                        • +
                        • name (str) – The user-friendly name for the model monitor.

                        • +
                        • createdAt (str) – Date and time at which the model was created.

                        • +
                        • projectId (str) – The project this model belongs to.

                        • +
                        • trainingFeatureGroupId (list[str]) – Feature group IDs that this model monitor is monitoring.

                        • +
                        • predictionFeatureGroupId (list[str]) – Feature group IDs that this model monitor is monitoring.

                        • +
                        • predictionFeatureGroupVersion (list[str]) – Feature group versions that this model monitor is monitoring.

                        • +
                        • trainingFeatureGroupVersion (list[str]) – Feature group versions that this model monitor is monitoring.

                        • +
                        • alertConfig (dict) – Alerting configuration for this model monitor.

                        • +
                        • biasMetricId (str) – The bias metric ID

                        • +
                        • metricConfigs (dict) – Configurations for model monitor

                        • +
                        • featureGroupMonitorConfigs (dict) – Configurations for feature group monitor

                        • +
                        • metricTypes (dict) – List of metric types

                        • +
                        • modelId (str) – Model ID that this model monitor is monitoring.

                        • +
                        • starred (bool) – Whether this model monitor is starred.

                        • +
                        • batchPredictionId (str) – The batch prediction ID this model monitor monitors

                        • +
                        • monitorType (str) – The type of the monitor, one of MODEL_MONITOR, or FEATURE_GROUP_MONITOR

                        • +
                        • edaConfigs (dict) – The configs for EDA

                        • +
                        • trainingForecastConfig (dict) – The tarining config for forecast monitors

                        • +
                        • predictionForecastConfig (dict) – The prediction config for forecast monitors

                        • +
                        • forecastFrequency (str) – The frequency of the forecast

                        • +
                        • trainingFeatureGroupSampling (bool) – Whether or not we sample from training feature group

                        • +
                        • predictionFeatureGroupSampling (bool) – Whether or not we sample from prediction feature group

                        • +
                        • monitorDriftConfig (dict) – The monitor drift config for the monitor

                        • +
                        • predictionDataUseMappings (dict) – The data_use mapping of the prediction features

                        • +
                        • trainingDataUseMappings (dict) – The data_use mapping of the training features

                        • latestMonitorModelVersion (ModelMonitorVersion) – The latest model monitor version.

                        • refreshSchedules (RefreshSchedule) – List of refresh schedules that indicate when the next model version will be trained.

                        @@ -46696,7 +52277,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46707,7 +52288,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – Unique string identifier of the model monitor to re-run.

                        +

                        model_monitor_id (str) – Unique string identifier of the model monitor to re-run.

                        Returns:

                        The model monitor that is being re-run.

                        @@ -46738,7 +52319,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – Unique string identifier associated with the model monitor.

                        +

                        model_monitor_id (str) – Unique string identifier associated with the model monitor.

                        Returns:

                        Description of the model monitor.

                        @@ -46755,7 +52336,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – A unique string identifier associated with the model monitor.

                        +

                        model_monitor_id (str) – A unique string identifier associated with the model monitor.

                        Returns:

                        An object describing integrity, bias violations, model accuracy and drift for the model monitor.

                        @@ -46773,15 +52354,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The maximum length of the list of all model monitor versions.

                        • -
                        • start_after_version (str) – The ID of the version after which the list starts.

                        • +
                        • limit (int) – The maximum length of the list of all model monitor versions.

                        • +
                        • start_after_version (str) – The ID of the version after which the list starts.

                        Returns:

                        A list of model monitor versions.

                        Return type:
                        -

                        list[ModelMonitorVersion]

                        +

                        list[ModelMonitorVersion]

                        @@ -46792,7 +52373,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The new name to apply to the model monitor.

                        +

                        name (str) – The new name to apply to the model monitor.

                        @@ -46803,7 +52384,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_id (str) – Unique identifier of the Model Monitor to delete.

                        +

                        model_monitor_id (str) – Unique identifier of the Model Monitor to delete.

                        @@ -46814,13 +52395,13 @@

                        Package Contents
                        Parameters:
                        -

                        realtime_monitor_id (str) – The unique ID associated with the real-time monitor.

                        +

                        realtime_monitor_id (str) – The unique ID associated with the real-time monitor.

                        Returns:

                        A list of monitor alerts.

                        Return type:
                        -

                        list[MonitorAlert]

                        +

                        list[MonitorAlert]

                        @@ -46836,14 +52417,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • summary (dict) – Count of monitors, count of versions, count of total rows of prediction data, count of failed versions.

                        • -
                        • featureDrift (dict) – Percentage of monitors with and without KL divergence > 2.

                        • -
                        • labelDrift (dict) – Histogram of label drift across versions.

                        • -
                        • dataIntegrity (dict) – Counts of violations.

                        • -
                        • performance (dict) – Model accuracy information.

                        • -
                        • alerts (dict) – Count of alerts that are raised.

                        • -
                        • monitorData (dict) – Information about monitors used in the summary for each time period.

                        • -
                        • totalStarredMonitors (int) – Total number of starred monitors.

                        • +
                        • summary (dict) – Count of monitors, count of versions, count of total rows of prediction data, count of failed versions.

                        • +
                        • featureDrift (dict) – Percentage of monitors with and without KL divergence > 2.

                        • +
                        • labelDrift (dict) – Histogram of label drift across versions.

                        • +
                        • dataIntegrity (dict) – Counts of violations.

                        • +
                        • performance (dict) – Model accuracy information.

                        • +
                        • alerts (dict) – Count of alerts that are raised.

                        • +
                        • monitorData (dict) – Information about monitors used in the summary for each time period.

                        • +
                        • totalStarredMonitors (int) – Total number of starred monitors.

                        @@ -46906,7 +52487,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46922,11 +52503,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modelAccuracy (list) – A list of model accuracy objects including accuracy and monitor version information.

                        • -
                        • modelDrift (list) – A list of model drift objects including label and prediction drifts and monitor version information.

                        • -
                        • dataIntegrity (list) – A list of data integrity objects including counts of violations and monitor version information.

                        • -
                        • biasViolations (list) – A list of bias objects including bias counts and monitor version information.

                        • -
                        • alerts (list) – A list of alerts by type for each model monitor instance

                        • +
                        • modelAccuracy (list) – A list of model accuracy objects including accuracy and monitor version information.

                        • +
                        • modelDrift (list) – A list of model drift objects including label and prediction drifts and monitor version information.

                        • +
                        • dataIntegrity (list) – A list of data integrity objects including counts of violations and monitor version information.

                        • +
                        • biasViolations (list) – A list of bias objects including bias counts and monitor version information.

                        • +
                        • alerts (list) – A list of alerts by type for each model monitor instance

                        @@ -46974,7 +52555,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -46990,8 +52571,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • data (list) – A list of either model accuracy, drift, data integrity, or bias chart objects and their monitor version information.

                        • -
                        • infos (dict) – A dictionary of model monitor information.

                        • +
                        • data (list) – A list of either model accuracy, drift, data integrity, or bias chart objects and their monitor version information.

                        • +
                        • infos (dict) – A dictionary of model monitor information.

                        @@ -47024,7 +52605,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -47040,28 +52621,28 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modelMonitorVersion (str) – The unique identifier of a model monitor version.

                        • -
                        • status (str) – The current status of the model.

                        • -
                        • modelMonitorId (str) – A reference to the model monitor this version belongs to.

                        • -
                        • monitoringStartedAt (str) – The start time and date of the monitoring process.

                        • -
                        • monitoringCompletedAt (str) – The end time and date of the monitoring process.

                        • -
                        • trainingFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is monitoring.

                        • -
                        • predictionFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is monitoring.

                        • -
                        • error (str) – Relevant error if the status is FAILED.

                        • -
                        • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

                        • -
                        • failedDeploymentIds (list) – List of failed deployment IDs.

                        • -
                        • metricConfigs (list[dict]) – List of metric configs for the model monitor instance.

                        • -
                        • featureGroupMonitorConfigs (dict) – Configurations for feature group monitor

                        • -
                        • metricTypes (list) – List of metric types.

                        • -
                        • modelVersion (list[str]) – Model version IDs that this refresh pipeline run is monitoring.

                        • -
                        • batchPredictionVersion (str) – The batch prediction version this model monitor is monitoring

                        • -
                        • edaConfigs (list) – The list of eda configs for the version

                        • -
                        • trainingForecastConfig (dict) – The training forecast config for the monitor version

                        • -
                        • predictionForecastConfig (dict) – The prediction forecast config for the monitor version

                        • -
                        • forecastFrequency (str) – The forecast frequency for the monitor version

                        • -
                        • monitorDriftConfig (dict) – The monitor drift config for the monitor version

                        • -
                        • predictionDataUseMappings (dict) – The mapping of prediction data use to feature group version

                        • -
                        • trainingDataUseMappings (dict) – The mapping of training data use to feature group version

                        • +
                        • modelMonitorVersion (str) – The unique identifier of a model monitor version.

                        • +
                        • status (str) – The current status of the model.

                        • +
                        • modelMonitorId (str) – A reference to the model monitor this version belongs to.

                        • +
                        • monitoringStartedAt (str) – The start time and date of the monitoring process.

                        • +
                        • monitoringCompletedAt (str) – The end time and date of the monitoring process.

                        • +
                        • trainingFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is monitoring.

                        • +
                        • predictionFeatureGroupVersion (list[str]) – Feature group version IDs that this refresh pipeline run is monitoring.

                        • +
                        • error (str) – Relevant error if the status is FAILED.

                        • +
                        • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

                        • +
                        • failedDeploymentIds (list) – List of failed deployment IDs.

                        • +
                        • metricConfigs (list[dict]) – List of metric configs for the model monitor instance.

                        • +
                        • featureGroupMonitorConfigs (dict) – Configurations for feature group monitor

                        • +
                        • metricTypes (list) – List of metric types.

                        • +
                        • modelVersion (list[str]) – Model version IDs that this refresh pipeline run is monitoring.

                        • +
                        • batchPredictionVersion (str) – The batch prediction version this model monitor is monitoring

                        • +
                        • edaConfigs (list) – The list of eda configs for the version

                        • +
                        • trainingForecastConfig (dict) – The training forecast config for the monitor version

                        • +
                        • predictionForecastConfig (dict) – The prediction forecast config for the monitor version

                        • +
                        • forecastFrequency (str) – The forecast frequency for the monitor version

                        • +
                        • monitorDriftConfig (dict) – The monitor drift config for the monitor version

                        • +
                        • predictionDataUseMappings (dict) – The mapping of prediction data use to feature group version

                        • +
                        • trainingDataUseMappings (dict) – The mapping of training data use to feature group version

                        @@ -47194,7 +52775,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -47205,7 +52786,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – Unique string identifier for a model monitor version created under the project.

                        +

                        model_monitor_version (str) – Unique string identifier for a model monitor version created under the project.

                        Returns:

                        Object describing training and prediction output label and prediction distributions.

                        @@ -47236,7 +52817,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – The unique version ID of the model monitor version.

                        +

                        model_monitor_version (str) – The unique version ID of the model monitor version.

                        Returns:

                        A model monitor version.

                        @@ -47253,7 +52834,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – Unique identifier of the model monitor version to delete.

                        +

                        model_monitor_version (str) – Unique identifier of the model monitor version to delete.

                        @@ -47265,8 +52846,8 @@

                        Package Contents
                        Parameters:
                          -
                        • metric_type (str) – The type of metric to get data for.

                        • -
                        • actual_values_to_detail (list) – The actual values to detail.

                        • +
                        • metric_type (str) – The type of metric to get data for.

                        • +
                        • actual_values_to_detail (list) – The actual values to detail.

                        Returns:
                        @@ -47284,13 +52865,13 @@

                        Package Contents
                        Parameters:
                        -

                        model_monitor_version (str) – The unique ID associated with the model monitor.

                        +

                        model_monitor_version (str) – The unique ID associated with the model monitor.

                        Returns:

                        A list of monitor alert versions.

                        Return type:
                        -

                        list[MonitorAlertVersion]

                        +

                        list[MonitorAlertVersion]

                        @@ -47302,8 +52883,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • -
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        • +
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • +
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        Returns:
                        @@ -47322,8 +52903,8 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • -
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        • +
                        • feature_name (str) – Name of the feature to view the distribution of.

                        • +
                        • nested_feature_name (str) – Optionally, the name of the nested feature that the feature is in.

                        @@ -47335,7 +52916,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -47349,7 +52930,7 @@

                        Package Contents

                        A string describing the status of the model monitor version, for e.g., pending, complete, etc.

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -47365,17 +52946,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the metric type

                        • -
                        • algoName (str) – The name of the algo used for the prediction metric

                        • -
                        • featureGroupVersion (str) – The prediction feature group used for analysis

                        • -
                        • modelMonitor (str) – The id of the model monitor

                        • -
                        • modelMonitorVersion (str) – The id of the model monitor version

                        • -
                        • metricInfos (dict) – Name and description for metrics

                        • -
                        • metricNames (dict) – Internal name to external name mapping

                        • -
                        • metrics (dict) – Metric name to metric data

                        • -
                        • metricCharts (list) – List of different metric charts

                        • -
                        • otherMetrics (list) – List of other metrics to optionally plot

                        • -
                        • actualValuesSupportedForDrilldown (list) – List of values support for drilldown

                        • +
                        • name (str) – The name of the metric type

                        • +
                        • algoName (str) – The name of the algo used for the prediction metric

                        • +
                        • featureGroupVersion (str) – The prediction feature group used for analysis

                        • +
                        • modelMonitor (str) – The id of the model monitor

                        • +
                        • modelMonitorVersion (str) – The id of the model monitor version

                        • +
                        • metricInfos (dict) – Name and description for metrics

                        • +
                        • metricNames (dict) – Internal name to external name mapping

                        • +
                        • metrics (dict) – Metric name to metric data

                        • +
                        • metricCharts (list) – List of different metric charts

                        • +
                        • otherMetrics (list) – List of other metrics to optionally plot

                        • +
                        • actualValuesSupportedForDrilldown (list) – List of values support for drilldown

                        @@ -47453,7 +53034,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -47469,8 +53050,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • label (str) – Labels to show to users in deployment UI

                        • -
                        • value (str) – Value to use on backend for deployment API call

                        • +
                        • label (str) – Labels to show to users in deployment UI

                        • +
                        • value (str) – Value to use on backend for deployment API call

                        @@ -47503,7 +53084,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -47519,21 +53100,21 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modelId (str) – A reference to the model this version belongs to.

                        • -
                        • modelVersion (str) – A unique identifier for the model version.

                        • -
                        • status (str) – The current status of the model.

                        • -
                        • createdAt (str) – The timestamp at which the model version was created, in ISO-8601 format.

                        • -
                        • modelUploadId (str) – An upload identifier to be used when uploading the TensorFlow Saved Model.

                        • -
                        • embeddingsUploadId (str) – An upload identifier to be used when uploading the embeddings CSV.

                        • -
                        • artifactsUploadId (str) – An upload identifier to be used when uploading the artifacts JSON file.

                        • -
                        • verificationsUploadId (str) – An upload identifier to be used when uploading the verifications JSON file.

                        • -
                        • defaultItemsUploadId (str) – An upload identifier to be used when uploading the default items JSON file.

                        • -
                        • modelFileUploadId (str) – An upload identifier to be used when uploading the model JSON file.

                        • -
                        • modelStateUploadId (str) – An upload identifier to be used when uploading the model state JSON file.

                        • -
                        • inputPreprocessorUploadId (str) – An upload identifier to be used when uploading the input preprocessor JSON file.

                        • -
                        • requirementsUploadId (str) – An upload identifier to be used when uploading the requirements JSON file.

                        • -
                        • resourcesUploadId (str) – An upload identifier to be used when uploading the resources JSON file.

                        • -
                        • multiCatalogEmbeddingsUploadId (str) – An upload identifier to be used when upload the multi-catalog embeddings CSV file.

                        • +
                        • modelId (str) – A reference to the model this version belongs to.

                        • +
                        • modelVersion (str) – A unique identifier for the model version.

                        • +
                        • status (str) – The current status of the model.

                        • +
                        • createdAt (str) – The timestamp at which the model version was created, in ISO-8601 format.

                        • +
                        • modelUploadId (str) – An upload identifier to be used when uploading the TensorFlow Saved Model.

                        • +
                        • embeddingsUploadId (str) – An upload identifier to be used when uploading the embeddings CSV.

                        • +
                        • artifactsUploadId (str) – An upload identifier to be used when uploading the artifacts JSON file.

                        • +
                        • verificationsUploadId (str) – An upload identifier to be used when uploading the verifications JSON file.

                        • +
                        • defaultItemsUploadId (str) – An upload identifier to be used when uploading the default items JSON file.

                        • +
                        • modelFileUploadId (str) – An upload identifier to be used when uploading the model JSON file.

                        • +
                        • modelStateUploadId (str) – An upload identifier to be used when uploading the model state JSON file.

                        • +
                        • inputPreprocessorUploadId (str) – An upload identifier to be used when uploading the input preprocessor JSON file.

                        • +
                        • requirementsUploadId (str) – An upload identifier to be used when uploading the requirements JSON file.

                        • +
                        • resourcesUploadId (str) – An upload identifier to be used when uploading the resources JSON file.

                        • +
                        • multiCatalogEmbeddingsUploadId (str) – An upload identifier to be used when upload the multi-catalog embeddings CSV file.

                        @@ -47631,7 +53212,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -47647,35 +53228,35 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modelVersion (str) – The unique identifier of a model version.

                        • -
                        • modelConfigType (str) – Name of the TrainingConfig class of the model_config.

                        • -
                        • status (str) – The current status of the model.

                        • -
                        • modelId (str) – A reference to the model this version belongs to.

                        • -
                        • modelPredictionConfig (dict) – The prediction config options for the model.

                        • -
                        • trainingStartedAt (str) – The start time and date of the training process in ISO-8601 format.

                        • -
                        • trainingCompletedAt (str) – The end time and date of the training process in ISO-8601 format.

                        • -
                        • featureGroupVersions (list) – A list of Feature Group version IDs used for model training.

                        • -
                        • customAlgorithms (list) – List of user-defined algorithms used for model training.

                        • -
                        • builtinAlgorithms (list) – List of algorithm names builtin algorithms provided by Abacus.AI used for model training.

                        • -
                        • error (str) – Relevant error if the status is FAILED.

                        • -
                        • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

                        • -
                        • failedDeploymentIds (list) – List of failed deployment IDs.

                        • -
                        • cpuSize (str) – CPU size specified for the python model training.

                        • -
                        • memory (int) – Memory in GB specified for the python model training.

                        • -
                        • automlComplete (bool) – If true, all algorithms have completed training.

                        • -
                        • trainingFeatureGroupIds (list) – The unique identifiers of the feature groups used as inputs during training to create this ModelVersion.

                        • -
                        • trainingDocumentRetrieverVersions (list) – The document retriever version IDs used as inputs during training to create this ModelVersion.

                        • -
                        • documentRetrieverMappings (dict) – mapping of document retriever version to their respective information.

                        • -
                        • bestAlgorithm (dict) – Best performing algorithm.

                        • -
                        • defaultAlgorithm (dict) – Default algorithm that the user has selected.

                        • -
                        • featureAnalysisStatus (str) – Lifecycle of the feature analysis stage.

                        • -
                        • dataClusterInfo (dict) – Information about the models for different data clusters.

                        • -
                        • customAlgorithmConfigs (dict) – User-defined configs for each of the user-defined custom algorithms.

                        • -
                        • trainedModelTypes (list) – List of trained model types.

                        • -
                        • useGpu (bool) – Whether this model version is using gpu

                        • -
                        • partialComplete (bool) – If true, all required algorithms have completed training.

                        • -
                        • modelFeatureGroupSchemaMappings (dict) – mapping of feature group to schema version

                        • -
                        • trainingConfigUpdated (bool) – If the training config has been updated since the instance was created.

                        • +
                        • modelVersion (str) – The unique identifier of a model version.

                        • +
                        • modelConfigType (str) – Name of the TrainingConfig class of the model_config.

                        • +
                        • status (str) – The current status of the model.

                        • +
                        • modelId (str) – A reference to the model this version belongs to.

                        • +
                        • modelPredictionConfig (dict) – The prediction config options for the model.

                        • +
                        • trainingStartedAt (str) – The start time and date of the training process in ISO-8601 format.

                        • +
                        • trainingCompletedAt (str) – The end time and date of the training process in ISO-8601 format.

                        • +
                        • featureGroupVersions (list) – A list of Feature Group version IDs used for model training.

                        • +
                        • customAlgorithms (list) – List of user-defined algorithms used for model training.

                        • +
                        • builtinAlgorithms (list) – List of algorithm names builtin algorithms provided by Abacus.AI used for model training.

                        • +
                        • error (str) – Relevant error if the status is FAILED.

                        • +
                        • pendingDeploymentIds (list) – List of deployment IDs where deployment is pending.

                        • +
                        • failedDeploymentIds (list) – List of failed deployment IDs.

                        • +
                        • cpuSize (str) – CPU size specified for the python model training.

                        • +
                        • memory (int) – Memory in GB specified for the python model training.

                        • +
                        • automlComplete (bool) – If true, all algorithms have completed training.

                        • +
                        • trainingFeatureGroupIds (list) – The unique identifiers of the feature groups used as inputs during training to create this ModelVersion.

                        • +
                        • trainingDocumentRetrieverVersions (list) – The document retriever version IDs used as inputs during training to create this ModelVersion.

                        • +
                        • documentRetrieverMappings (dict) – mapping of document retriever version to their respective information.

                        • +
                        • bestAlgorithm (dict) – Best performing algorithm.

                        • +
                        • defaultAlgorithm (dict) – Default algorithm that the user has selected.

                        • +
                        • featureAnalysisStatus (str) – Lifecycle of the feature analysis stage.

                        • +
                        • dataClusterInfo (dict) – Information about the models for different data clusters.

                        • +
                        • customAlgorithmConfigs (dict) – User-defined configs for each of the user-defined custom algorithms.

                        • +
                        • trainedModelTypes (list) – List of trained model types.

                        • +
                        • useGpu (bool) – Whether this model version is using gpu

                        • +
                        • partialComplete (bool) – If true, all required algorithms have completed training.

                        • +
                        • modelFeatureGroupSchemaMappings (dict) – mapping of feature group to schema version

                        • +
                        • trainingConfigUpdated (bool) – If the training config has been updated since the instance was created.

                        • codeSource (CodeSource) – If a python model, information on where the source code is located.

                        • modelConfig (TrainingConfig) – The training config options used to train this model.

                        • deployableAlgorithms (DeployableAlgorithm) – List of deployable algorithms.

                        • @@ -47861,7 +53442,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -47872,7 +53453,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – The unique version ID of the model version.

                        +

                        model_version (str) – The unique version ID of the model version.

                        Returns:

                        The feature group version containing the training data and folds information.

                        @@ -47890,7 +53471,7 @@

                        Package Contents
                        Parameters:
                        -

                        metric (str) – The metric to use to determine the best model.

                        +

                        metric (str) – The metric to use to determine the best model.

                        @@ -47901,13 +53482,13 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – Unique string identifier for the version of the model.

                        +

                        model_version (str) – Unique string identifier for the version of the model.

                        Returns:

                        List of schema for all feature groups used in the model version.

                        Return type:
                        -

                        list[ModelVersionFeatureGroupSchema]

                        +

                        list[ModelVersionFeatureGroupSchema]

                        @@ -47918,7 +53499,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – The unique identifier of the model version to delete.

                        +

                        model_version (str) – The unique identifier of the model version to delete.

                        @@ -47930,7 +53511,7 @@

                        Package Contents
                        Parameters:
                          -
                        • table_name (str) – Name of the feature group table to create.

                        • +
                        • table_name (str) – Name of the feature group table to create.

                        • artifact_type (EvalArtifactType) – eval artifact type to export.

                        @@ -47963,7 +53544,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – Unique string identifier of the model version.

                        +

                        model_version (str) – Unique string identifier of the model version.

                        Returns:

                        A model version.

                        @@ -47980,7 +53561,7 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – Unique string identifier for the model version.

                        +

                        model_version (str) – Unique string identifier for the model version.

                        Returns:

                        Feature importances for the model.

                        @@ -47997,13 +53578,13 @@

                        Package Contents
                        Parameters:
                        -

                        model_version (str) – The unique version ID of the model version.

                        +

                        model_version (str) – The unique version ID of the model version.

                        Returns:

                        A list of logs.

                        Return type:
                        -

                        list[DataPrepLogs]

                        +

                        list[DataPrepLogs]

                        @@ -48015,8 +53596,8 @@

                        Package Contents
                        Parameters:
                          -
                        • stdout (bool) – Set True to get info logs.

                        • -
                        • stderr (bool) – Set True to get error logs.

                        • +
                        • stdout (bool) – Set True to get info logs.

                        • +
                        • stderr (bool) – Set True to get error logs.

                        Returns:
                        @@ -48035,8 +53616,8 @@

                        Package Contents
                        Parameters:
                          -
                        • output_location (str) – Location to export the model artifacts results. For example, s3://a-bucket/

                        • -
                        • algorithm (str) – The algorithm to be exported. Optional if there’s only one custom algorithm in the model version.

                        • +
                        • output_location (str) – Location to export the model artifacts results. For example, s3://a-bucket/

                        • +
                        • algorithm (str) – The algorithm to be exported. Optional if there’s only one custom algorithm in the model version.

                        Returns:
                        @@ -48054,7 +53635,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -48065,7 +53646,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -48079,7 +53660,7 @@

                        Package Contents

                        A string describing the status of a model training (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -48109,8 +53690,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – The ID of the feature group.

                        • -
                        • featureGroupName (str) – The name of the feature group.

                        • +
                        • featureGroupId (str) – The ID of the feature group.

                        • +
                        • featureGroupName (str) – The name of the feature group.

                        • schema (Schema) – List of feature schemas of a feature group.

                        @@ -48149,7 +53730,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48165,9 +53746,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • modificationLock (bool) – Whether or not the object has its modification lock activated.

                        • -
                        • userEmails (list of strings) – The list of user emails allowed to modify the object if the object’s modification lock is activated.

                        • -
                        • organizationGroups (list of unique string identifiers) – The list organization groups allowed to modify the object if the object’s modification lock is activated.

                        • +
                        • modificationLock (bool) – Whether or not the object has its modification lock activated.

                        • +
                        • userEmails (list of strings) – The list of user emails allowed to modify the object if the object’s modification lock is activated.

                        • +
                        • organizationGroups (list of unique string identifiers) – The list organization groups allowed to modify the object if the object’s modification lock is activated.

                        @@ -48205,7 +53786,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48221,10 +53802,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

                        • -
                        • createdAt (str) – The date and time when the Python function was created, in ISO-8601 format.

                        • -
                        • notebookId (str) – The unique string identifier of the notebook used to create or edit the module.

                        • -
                        • hideModuleCode (bool) – Whether the module code is hidden from external users

                        • +
                        • name (str) – The name to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

                        • +
                        • createdAt (str) – The date and time when the Python function was created, in ISO-8601 format.

                        • +
                        • notebookId (str) – The unique string identifier of the notebook used to create or edit the module.

                        • +
                        • hideModuleCode (bool) – Whether the module code is hidden from external users

                        • codeSource (CodeSource) – Information about the source code of the Python function.

                        @@ -48273,7 +53854,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48289,18 +53870,18 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The user-friendly name for the alert.

                        • -
                        • monitorAlertId (str) – The unique identifier of the monitor alert.

                        • -
                        • createdAt (str) – Date and time at which the monitor alert was created.

                        • -
                        • projectId (str) – The project this alert belongs to.

                        • -
                        • modelMonitorId (str) – The monitor id that this alert is associated with

                        • -
                        • realtimeMonitorId (str) – The realtime monitor id that this alert is associated with

                        • -
                        • conditionConfig (dict) – The condition configuration for this alert.

                        • -
                        • actionConfig (dict) – The action configuration for this alert.

                        • -
                        • conditionDescription (str) – User friendly description of the condition

                        • -
                        • actionDescription (str) – User friendly description of the action

                        • -
                        • alertType (str) – The type of the alert

                        • -
                        • deploymentId (str) – The deployment ID this alert is associated with

                        • +
                        • name (str) – The user-friendly name for the alert.

                        • +
                        • monitorAlertId (str) – The unique identifier of the monitor alert.

                        • +
                        • createdAt (str) – Date and time at which the monitor alert was created.

                        • +
                        • projectId (str) – The project this alert belongs to.

                        • +
                        • modelMonitorId (str) – The monitor id that this alert is associated with

                        • +
                        • realtimeMonitorId (str) – The realtime monitor id that this alert is associated with

                        • +
                        • conditionConfig (dict) – The condition configuration for this alert.

                        • +
                        • actionConfig (dict) – The action configuration for this alert.

                        • +
                        • conditionDescription (str) – User friendly description of the condition

                        • +
                        • actionDescription (str) – User friendly description of the action

                        • +
                        • alertType (str) – The type of the alert

                        • +
                        • deploymentId (str) – The deployment ID this alert is associated with

                        • latestMonitorAlertVersion (MonitorAlertVersion) – The latest monitor alert version.

                        @@ -48389,7 +53970,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48401,7 +53982,7 @@

                        Package Contents
                        Parameters:
                        @@ -48435,7 +54016,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_id (str) – Unique identifier of the monitor alert.

                        +

                        monitor_alert_id (str) – Unique identifier of the monitor alert.

                        Returns:

                        Object containing information about the monitor alert.

                        @@ -48452,7 +54033,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_id (str) – Unique identifier of a monitor alert.

                        +

                        monitor_alert_id (str) – Unique identifier of a monitor alert.

                        Returns:

                        Object describing the monitor alert.

                        @@ -48469,7 +54050,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_id (str) – The unique string identifier of the alert to delete.

                        +

                        monitor_alert_id (str) – The unique string identifier of the alert to delete.

                        @@ -48485,25 +54066,25 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The user-friendly name for the monitor alert.

                        • -
                        • monitorAlertVersion (str) – The identifier for the alert version.

                        • -
                        • monitorAlertId (str) – The identifier for the alert.

                        • -
                        • status (str) – The current status of the monitor alert.

                        • -
                        • createdAt (str) – Date and time at which the monitor alert was created.

                        • -
                        • alertingStartedAt (str) – The start time and date of the monitor alerting process.

                        • -
                        • alertingCompletedAt (str) – The end time and date of the monitor alerting process.

                        • -
                        • error (str) – Relevant error if the status is FAILED.

                        • -
                        • modelMonitorVersion (str) – The model monitor version associated with the monitor alert version.

                        • -
                        • conditionConfig (dict) – The condition configuration for this alert.

                        • -
                        • actionConfig (dict) – The action configuration for this alert.

                        • -
                        • alertResult (str) – The current result of the alert

                        • -
                        • actionStatus (str) – The current status of the action as a result of the monitor alert.

                        • -
                        • actionError (str) – Relevant error if the action status is FAILED.

                        • -
                        • actionStartedAt (str) – The start time and date of the actionfor the alerting process.

                        • -
                        • actionCompletedAt (str) – The end time and date of the actionfor the alerting process.

                        • -
                        • conditionDescription (str) – User friendly description of the condition

                        • -
                        • actionDescription (str) – User friendly description of the action

                        • -
                        • alertType (str) – The type of the alert

                        • +
                        • name (str) – The user-friendly name for the monitor alert.

                        • +
                        • monitorAlertVersion (str) – The identifier for the alert version.

                        • +
                        • monitorAlertId (str) – The identifier for the alert.

                        • +
                        • status (str) – The current status of the monitor alert.

                        • +
                        • createdAt (str) – Date and time at which the monitor alert was created.

                        • +
                        • alertingStartedAt (str) – The start time and date of the monitor alerting process.

                        • +
                        • alertingCompletedAt (str) – The end time and date of the monitor alerting process.

                        • +
                        • error (str) – Relevant error if the status is FAILED.

                        • +
                        • modelMonitorVersion (str) – The model monitor version associated with the monitor alert version.

                        • +
                        • conditionConfig (dict) – The condition configuration for this alert.

                        • +
                        • actionConfig (dict) – The action configuration for this alert.

                        • +
                        • alertResult (str) – The current result of the alert

                        • +
                        • actionStatus (str) – The current status of the action as a result of the monitor alert.

                        • +
                        • actionError (str) – Relevant error if the action status is FAILED.

                        • +
                        • actionStartedAt (str) – The start time and date of the actionfor the alerting process.

                        • +
                        • actionCompletedAt (str) – The end time and date of the actionfor the alerting process.

                        • +
                        • conditionDescription (str) – User friendly description of the condition

                        • +
                        • actionDescription (str) – User friendly description of the action

                        • +
                        • alertType (str) – The type of the alert

                        @@ -48621,7 +54202,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48646,7 +54227,7 @@

                        Package Contents
                        Parameters:
                        -

                        monitor_alert_version (str) – Unique string identifier for the monitor alert.

                        +

                        monitor_alert_version (str) – Unique string identifier for the monitor alert.

                        Returns:

                        An object describing the monitor alert version.

                        @@ -48663,7 +54244,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -48677,7 +54258,7 @@

                        Package Contents

                        A string describing the status of a monitor alert version (pending, running, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -48693,9 +54274,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureDrifts (list[dict]) – A list of dicts of eligible feature names and corresponding overall feature drift measures.

                        • -
                        • featureDistributions (list[dict]) – A list of dicts of feature names and corresponding feature distributions.

                        • -
                        • nestedDrifts (list[dict]) – A list of dicts of nested feature names and corresponding overall feature drift measures.

                        • +
                        • featureDrifts (list[dict]) – A list of dicts of eligible feature names and corresponding overall feature drift measures.

                        • +
                        • featureDistributions (list[dict]) – A list of dicts of feature names and corresponding feature distributions.

                        • +
                        • nestedDrifts (list[dict]) – A list of dicts of nested feature names and corresponding overall feature drift measures.

                        • forecastingMonitorSummary (ForecastingMonitorSummary) – Summary of important model monitoring statistics for features available in a model monitoring instance

                        • embeddingsDistribution (EmbeddingFeatureDriftDistribution) – Summary of important model monitoring statistics for features available in a model monitoring instance

                        @@ -48745,7 +54326,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48761,10 +54342,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • shortExplanation (str) – succinct explanation of the artifact

                        • -
                        • longExplanation (str) – Longer and verbose explanation of the artifact

                        • -
                        • isOutdated (bool) – Flag indicating whether the explanation is outdated due to a change in the underlying artifact

                        • -
                        • htmlExplanation (str) – HTML formatted explanation of the artifact

                        • +
                        • shortExplanation (str) – succinct explanation of the artifact

                        • +
                        • longExplanation (str) – Longer and verbose explanation of the artifact

                        • +
                        • isOutdated (bool) – Flag indicating whether the explanation is outdated due to a change in the underlying artifact

                        • +
                        • htmlExplanation (str) – HTML formatted explanation of the artifact

                        @@ -48807,7 +54388,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48823,13 +54404,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The unique name of the column

                        • -
                        • selectClause (str) – The sql logic for creating this feature’s data

                        • -
                        • featureType (str) – Feature Type of the Feature

                        • -
                        • featureMapping (str) – The Feature Mapping of the feature

                        • -
                        • dataType (str) – Data Type of the Feature

                        • -
                        • sourceTable (str) – The source table of the column

                        • -
                        • originalName (str) – The original name of the column

                        • +
                        • name (str) – The unique name of the column

                        • +
                        • selectClause (str) – The sql logic for creating this feature’s data

                        • +
                        • featureType (str) – Feature Type of the Feature

                        • +
                        • featureMapping (str) – The Feature Mapping of the feature

                        • +
                        • dataType (str) – Data Type of the Feature

                        • +
                        • sourceTable (str) – The source table of the column

                        • +
                        • originalName (str) – The original name of the column

                        @@ -48887,7 +54468,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48903,12 +54484,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The unique name of the column

                        • -
                        • featureType (str) – Feature Type of the Feature

                        • -
                        • featureMapping (str) – The Feature Mapping of the feature

                        • -
                        • dataType (str) – Data Type of the Feature

                        • -
                        • detectedFeatureType (str) – The detected feature type for this feature

                        • -
                        • sourceTable (str) – The source table of the column

                        • +
                        • name (str) – The unique name of the column

                        • +
                        • featureType (str) – Feature Type of the Feature

                        • +
                        • featureMapping (str) – The Feature Mapping of the feature

                        • +
                        • dataType (str) – Data Type of the Feature

                        • +
                        • detectedFeatureType (str) – The detected feature type for this feature

                        • +
                        • sourceTable (str) – The source table of the column

                        • pointInTimeInfo (PointInTimeFeatureInfo) – Point in time information for this feature

                        @@ -48967,7 +54548,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -48983,14 +54564,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • title (str) – The title of the news.

                        • -
                        • url (str) – The URL of the news.

                        • -
                        • description (str) – The description of the news.

                        • -
                        • thumbnailUrl (str) – The URL of the image of the news.

                        • -
                        • thumbnailWidth (int) – The width of the image of the news.

                        • -
                        • thumbnailHeight (int) – The height of the image of the news.

                        • -
                        • faviconUrl (str) – The URL of the favicon of the news.

                        • -
                        • datePublished (str) – The date the news was published.

                        • +
                        • title (str) – The title of the news.

                        • +
                        • url (str) – The URL of the news.

                        • +
                        • description (str) – The description of the news.

                        • +
                        • thumbnailUrl (str) – The URL of the image of the news.

                        • +
                        • thumbnailWidth (int) – The width of the image of the news.

                        • +
                        • thumbnailHeight (int) – The height of the image of the news.

                        • +
                        • faviconUrl (str) – The URL of the favicon of the news.

                        • +
                        • datePublished (str) – The date the news was published.

                        @@ -49053,7 +54634,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49069,8 +54650,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • -
                        • messages (list) – The conversation messages in the chat.

                        • +
                        • deploymentConversationId (str) – The unique identifier of the deployment conversation.

                        • +
                        • messages (list) – The conversation messages in the chat.

                        @@ -49103,7 +54684,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49119,10 +54700,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – Name of feature.

                        • -
                        • violation (str) – Description of null violation for a prediction feature.

                        • -
                        • trainingNullFreq (float) – Proportion of null entries in training feature.

                        • -
                        • predictionNullFreq (float) – Proportion of null entries in prediction feature.

                        • +
                        • name (str) – Name of feature.

                        • +
                        • violation (str) – Description of null violation for a prediction feature.

                        • +
                        • trainingNullFreq (float) – Proportion of null entries in training feature.

                        • +
                        • predictionNullFreq (float) – Proportion of null entries in prediction feature.

                        @@ -49165,7 +54746,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49174,17 +54755,18 @@

                        Package Contents
                        -class abacusai.OrganizationExternalApplicationSettings(client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None)
                        +class abacusai.OrganizationExternalApplicationSettings(client, logo=None, theme=None, managedUserService=None, passwordsDisabled=None, externalServiceForRoles=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        The External Application Settings for an Organization.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • logo (str) – The logo.

                        • -
                        • theme (dict) – The theme used for External Applications in this org.

                        • -
                        • managedUserService (str) – The external service that is managing the user accounts.

                        • -
                        • passwordsDisabled (bool) – Whether or not passwords are disabled for this organization’s domain.

                        • +
                        • logo (str) – The logo.

                        • +
                        • theme (dict) – The theme used for External Applications in this org.

                        • +
                        • managedUserService (str) – The external service that is managing the user accounts.

                        • +
                        • passwordsDisabled (bool) – Whether or not passwords are disabled for this organization’s domain.

                        • +
                        • externalServiceForRoles (str) – The external service that is managing the user roles.

                        @@ -49208,6 +54790,11 @@

                        Package Contentspasswords_disabled = None
                        +
                        +
                        +external_service_for_roles = None
                        +
                        +
                        deprecated_keys
                        @@ -49227,7 +54814,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49243,12 +54830,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • organizationGroupId (str) – The unique identifier of the Organization Group.

                        • -
                        • permissions (list of enum string) – The list of permissions (VIEW, MODIFY, ADMIN, BILLING, API_KEY, INVITE_USER) the group has.

                        • -
                        • groupName (str) – The name of the Organization Group.

                        • -
                        • defaultGroup (bool) – If true, all new users will be added to this group automatically.

                        • -
                        • admin (bool) – If true, this group contains all permissions available to the organization and cannot be modified or deleted.

                        • -
                        • createdAt (str) – When the Organization Group was created.

                        • +
                        • organizationGroupId (str) – The unique identifier of the Organization Group.

                        • +
                        • permissions (list of enum string) – The list of permissions (VIEW, MODIFY, ADMIN, BILLING, API_KEY, INVITE_USER) the group has.

                        • +
                        • groupName (str) – The name of the Organization Group.

                        • +
                        • defaultGroup (bool) – If true, all new users will be added to this group automatically.

                        • +
                        • admin (bool) – If true, this group contains all permissions available to the organization and cannot be modified or deleted.

                        • +
                        • createdAt (str) – When the Organization Group was created.

                        @@ -49301,7 +54888,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49326,7 +54913,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – The unique identifier of the organization group to be described.

                        +

                        organization_group_id (str) – The unique identifier of the organization group to be described.

                        Returns:

                        Information about a specific organization group.

                        @@ -49343,7 +54930,7 @@

                        Package Contents
                        Parameters:
                        -

                        permission (str) – Permission to add to the Organization Group.

                        +

                        permission (str) – Permission to add to the Organization Group.

                        @@ -49354,7 +54941,7 @@

                        Package Contents
                        Parameters:
                        -

                        permission (str) – The permission to remove from the Organization Group.

                        +

                        permission (str) – The permission to remove from the Organization Group.

                        @@ -49365,7 +54952,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – Unique string identifier of the organization group.

                        +

                        organization_group_id (str) – Unique string identifier of the organization group.

                        @@ -49376,7 +54963,7 @@

                        Package Contents
                        Parameters:
                        -

                        email (str) – Email of the user to be added to the group.

                        +

                        email (str) – Email of the user to be added to the group.

                        @@ -49387,7 +54974,7 @@

                        Package Contents
                        Parameters:
                        -

                        email (str) – Email of the user to remove.

                        +

                        email (str) – Email of the user to remove.

                        @@ -49398,7 +54985,7 @@

                        Package Contents
                        Parameters:
                        -

                        organization_group_id (str) – Unique string identifier of the Organization Group.

                        +

                        organization_group_id (str) – Unique string identifier of the Organization Group.

                        @@ -49414,8 +55001,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • score (float) – The relevance score of the search result.

                        • -
                        • featureGroupContext (str) – The rendered context for the feature group that can be used in prompts

                        • +
                        • score (float) – The relevance score of the search result.

                        • +
                        • featureGroupContext (str) – The rendered context for the feature group that can be used in prompts

                        • featureGroup (FeatureGroup) – The feature group object retrieved through search.

                        • featureGroupVersion (FeatureGroupVersion) – The feature group version object retrieved through search.

                        @@ -49460,7 +55047,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49469,16 +55056,17 @@

                        Package Contents
                        -class abacusai.OrganizationSecret(client, secretKey=None, value=None, createdAt=None)
                        +class abacusai.OrganizationSecret(client, secretKey=None, value=None, createdAt=None, metadata=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        Organization secret

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • secretKey (str) – The key of the secret

                        • -
                        • value (str) – The value of the secret

                        • -
                        • createdAt (str) – The date and time when the secret was created, in ISO-8601 format.

                        • +
                        • secretKey (str) – The key of the secret

                        • +
                        • value (str) – The value of the secret

                        • +
                        • createdAt (str) – The date and time when the secret was created, in ISO-8601 format.

                        • +
                        • metadata (dict) – Additional metadata for the secret (e.g., web_app_project_ids).

                        @@ -49497,6 +55085,11 @@

                        Package Contentscreated_at = None
                        +
                        +
                        +metadata = None
                        +
                        +
                        deprecated_keys
                        @@ -49516,7 +55109,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49532,19 +55125,19 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • docId (str) – Unique Docstore string identifier for the document.

                        • -
                        • page (int) – The page number. Starts from 0.

                        • -
                        • height (int) – The height of the page in pixels.

                        • -
                        • width (int) – The width of the page in pixels.

                        • -
                        • pageCount (int) – The total number of pages in document.

                        • -
                        • pageText (str) – The text extracted from the page.

                        • -
                        • pageTokenStartOffset (int) – The offset of the first token in the page.

                        • -
                        • tokenCount (int) – The number of tokens in the page.

                        • -
                        • tokens (list) – The tokens in the page.

                        • -
                        • extractedText (str) – The extracted text in the page obtained from OCR.

                        • -
                        • rotationAngle (float) – The detected rotation angle of the page in degrees. Positive values indicate clockwise and negative values indicate anti-clockwise rotation from the original orientation.

                        • -
                        • pageMarkdown (str) – The markdown text for the page.

                        • -
                        • embeddedText (str) – The embedded text in the page. Only available for digital documents.

                        • +
                        • docId (str) – Unique Docstore string identifier for the document.

                        • +
                        • page (int) – The page number. Starts from 0.

                        • +
                        • height (int) – The height of the page in pixels.

                        • +
                        • width (int) – The width of the page in pixels.

                        • +
                        • pageCount (int) – The total number of pages in document.

                        • +
                        • pageText (str) – The text extracted from the page.

                        • +
                        • pageTokenStartOffset (int) – The offset of the first token in the page.

                        • +
                        • tokenCount (int) – The number of tokens in the page.

                        • +
                        • tokens (list) – The tokens in the page.

                        • +
                        • extractedText (str) – The extracted text in the page obtained from OCR.

                        • +
                        • rotationAngle (float) – The detected rotation angle of the page in degrees. Positive values indicate clockwise and negative values indicate anti-clockwise rotation from the original orientation.

                        • +
                        • pageMarkdown (str) – The markdown text for the page.

                        • +
                        • embeddedText (str) – The embedded text in the page. Only available for digital documents.

                        @@ -49632,7 +55225,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49648,15 +55241,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • pipelineName (str) – The name of the pipeline this step is a part of.

                        • -
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • -
                        • createdAt (str) – The date and time which the pipeline was created.

                        • -
                        • notebookId (str) – The reference to the notebook this pipeline belongs to.

                        • -
                        • cron (str) – A cron-style string that describes when this refresh policy is to be executed in UTC

                        • -
                        • nextRunTime (str) – The next time this pipeline will be run.

                        • -
                        • isProd (bool) – Whether this pipeline is a production pipeline.

                        • -
                        • warning (str) – Warning message for possible errors that might occur if the pipeline is run.

                        • -
                        • createdBy (str) – The email of the user who created the pipeline

                        • +
                        • pipelineName (str) – The name of the pipeline this step is a part of.

                        • +
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • +
                        • createdAt (str) – The date and time which the pipeline was created.

                        • +
                        • notebookId (str) – The reference to the notebook this pipeline belongs to.

                        • +
                        • cron (str) – A cron-style string that describes when this refresh policy is to be executed in UTC

                        • +
                        • nextRunTime (str) – The next time this pipeline will be run.

                        • +
                        • isProd (bool) – Whether this pipeline is a production pipeline.

                        • +
                        • warning (str) – Warning message for possible errors that might occur if the pipeline is run.

                        • +
                        • createdBy (str) – The email of the user who created the pipeline

                        • steps (PipelineStep) – A list of the pipeline steps attached to the pipeline.

                        • pipelineReferences (PipelineReference) – A list of references from the pipeline to other objects

                        • latestPipelineVersion (PipelineVersion) – The latest version of the pipeline.

                        • @@ -49754,7 +55347,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -49779,7 +55372,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The ID of the pipeline to describe.

                        +

                        pipeline_id (str) – The ID of the pipeline to describe.

                        Returns:

                        An object describing a Pipeline

                        @@ -49797,10 +55390,10 @@

                        Package Contents
                        Parameters:
                          -
                        • project_id (str) – A unique string identifier for the pipeline.

                        • +
                        • project_id (str) – A unique string identifier for the pipeline.

                        • pipeline_variable_mappings (List) – List of Python function arguments for the pipeline.

                        • -
                        • cron (str) – A cron-like string specifying the frequency of the scheduled pipeline runs.

                        • -
                        • is_prod (bool) – Whether the pipeline is a production pipeline or not.

                        • +
                        • cron (str) – A cron-like string specifying the frequency of the scheduled pipeline runs.

                        • +
                        • is_prod (bool) – Whether the pipeline is a production pipeline or not.

                        Returns:
                        @@ -49818,7 +55411,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_name (str) – The new name of the pipeline.

                        +

                        pipeline_name (str) – The new name of the pipeline.

                        Returns:

                        An object that describes a Pipeline.

                        @@ -49835,7 +55428,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The ID of the pipeline to delete.

                        +

                        pipeline_id (str) – The ID of the pipeline to delete.

                        @@ -49846,13 +55439,13 @@

                        Package Contents
                        Parameters:
                        -

                        limit (int) – The maximum number of pipeline versions to return.

                        +

                        limit (int) – The maximum number of pipeline versions to return.

                        Returns:

                        A list of pipeline versions.

                        Return type:
                        -

                        list[PipelineVersion]

                        +

                        list[PipelineVersion]

                        @@ -49881,16 +55474,16 @@

                        Package Contents
                        Parameters:
                          -
                        • step_name (str) – The name of the step.

                        • -
                        • function_name (str) – The name of the Python function.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • step_name (str) – The name of the step.

                        • +
                        • function_name (str) – The name of the Python function.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • step_input_mappings (List) – List of Python function arguments.

                        • output_variable_mappings (List) – List of Python function outputs.

                        • -
                        • step_dependencies (list) – List of step names this step depends on.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • cpu_size (str) – Size of the CPU for the step function.

                        • -
                        • memory (int) – Memory (in GB) for the step function.

                        • -
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        • +
                        • step_dependencies (list) – List of step names this step depends on.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • cpu_size (str) – Size of the CPU for the step function.

                        • +
                        • memory (int) – Memory (in GB) for the step function.

                        • +
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        Returns:
                        @@ -49908,7 +55501,7 @@

                        Package Contents
                        Parameters:
                        -

                        step_name (str) – The name of the step.

                        +

                        step_name (str) – The name of the step.

                        Returns:

                        An object describing the pipeline step.

                        @@ -49925,7 +55518,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The id of the pipeline.

                        +

                        pipeline_id (str) – The id of the pipeline.

                        Returns:

                        Object describing the pipeline.

                        @@ -49942,7 +55535,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The id of the pipeline.

                        +

                        pipeline_id (str) – The id of the pipeline.

                        Returns:

                        Object describing the pipeline.

                        @@ -49959,7 +55552,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_id (str) – The id of the pipeline.

                        +

                        pipeline_id (str) – The id of the pipeline.

                        Returns:

                        Object describing the pipeline.

                        @@ -49977,14 +55570,14 @@

                        Package Contents
                        Parameters:
                          -
                        • step_name (str) – The name of the step.

                        • +
                        • step_name (str) – The name of the step.

                        • function (callable) – The python function.

                        • step_input_mappings (List[PythonFunctionArguments]) – List of Python function arguments.

                        • output_variable_mappings (List[OutputVariableMapping]) – List of Python function ouputs.

                        • -
                        • step_dependencies (List[str]) – List of step names this step depends on.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • cpu_size (str) – Size of the CPU for the step function.

                        • -
                        • memory (int) – Memory (in GB) for the step function.

                        • +
                        • step_dependencies (List[str]) – List of step names this step depends on.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • cpu_size (str) – Size of the CPU for the step function.

                        • +
                        • memory (int) – Memory (in GB) for the step function.

                        @@ -49996,7 +55589,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -50010,7 +55603,7 @@

                        Package Contents

                        A string describing the status of a pipeline version (pending, running, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -50026,16 +55619,16 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • pipelineReferenceId (str) – The id of the reference.

                        • -
                        • pipelineId (str) – The id of the pipeline for the reference.

                        • -
                        • objectType (str) – The object type of the reference.

                        • -
                        • datasetId (str) – The dataset id of the reference.

                        • -
                        • modelId (str) – The model id of the reference.

                        • -
                        • deploymentId (str) – The deployment id of the reference.

                        • -
                        • batchPredictionDescriptionId (str) – The batch prediction description id of the reference.

                        • -
                        • modelMonitorId (str) – The model monitor id of the reference.

                        • -
                        • notebookId (str) – The notebook id of the reference.

                        • -
                        • featureGroupId (str) – The feature group id of the reference.

                        • +
                        • pipelineReferenceId (str) – The id of the reference.

                        • +
                        • pipelineId (str) – The id of the pipeline for the reference.

                        • +
                        • objectType (str) – The object type of the reference.

                        • +
                        • datasetId (str) – The dataset id of the reference.

                        • +
                        • modelId (str) – The model id of the reference.

                        • +
                        • deploymentId (str) – The deployment id of the reference.

                        • +
                        • batchPredictionDescriptionId (str) – The batch prediction description id of the reference.

                        • +
                        • modelMonitorId (str) – The model monitor id of the reference.

                        • +
                        • notebookId (str) – The notebook id of the reference.

                        • +
                        • featureGroupId (str) – The feature group id of the reference.

                        @@ -50108,7 +55701,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -50124,17 +55717,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • pipelineStepId (str) – The reference to this step.

                        • -
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • -
                        • stepName (str) – The name of the step.

                        • -
                        • pipelineName (str) – The name of the pipeline this step is a part of.

                        • -
                        • createdAt (str) – The date and time which this step was created.

                        • -
                        • updatedAt (str) – The date and time when this step was last updated.

                        • -
                        • pythonFunctionId (str) – The python function_id.

                        • -
                        • stepDependencies (list[str]) – List of steps this step depends on.

                        • -
                        • cpuSize (str) – CPU size specified for the step function.

                        • -
                        • memory (int) – Memory in GB specified for the step function.

                        • -
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        • +
                        • pipelineStepId (str) – The reference to this step.

                        • +
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • +
                        • stepName (str) – The name of the step.

                        • +
                        • pipelineName (str) – The name of the pipeline this step is a part of.

                        • +
                        • createdAt (str) – The date and time which this step was created.

                        • +
                        • updatedAt (str) – The date and time when this step was last updated.

                        • +
                        • pythonFunctionId (str) – The python function_id.

                        • +
                        • stepDependencies (list[str]) – List of steps this step depends on.

                        • +
                        • cpuSize (str) – CPU size specified for the step function.

                        • +
                        • memory (int) – Memory in GB specified for the step function.

                        • +
                        • timeout (int) – Timeout for the step in minutes, default is 300 minutes.

                        • pythonFunction (PythonFunction) – Information about the python function for the step.

                        • codeSource (CodeSource) – Information about the source code of the step function.

                        @@ -50224,7 +55817,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -50235,7 +55828,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_id (str) – The ID of the pipeline step.

                        +

                        pipeline_step_id (str) – The ID of the pipeline step.

                        @@ -50247,15 +55840,15 @@

                        Package Contents
                        Parameters:
                          -
                        • function_name (str) – The name of the Python function.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • function_name (str) – The name of the Python function.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the transform feature group functions. A list of allowed imports and system libraries for each language is specified in the user functions documentation section.

                        • step_input_mappings (List) – List of Python function arguments.

                        • output_variable_mappings (List) – List of Python function outputs.

                        • -
                        • step_dependencies (list) – List of step names this step depends on.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • cpu_size (str) – Size of the CPU for the step function.

                        • -
                        • memory (int) – Memory (in GB) for the step function.

                        • -
                        • timeout (int) – Timeout for the pipeline step, default is 300 minutes.

                        • +
                        • step_dependencies (list) – List of step names this step depends on.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • cpu_size (str) – Size of the CPU for the step function.

                        • +
                        • memory (int) – Memory (in GB) for the step function.

                        • +
                        • timeout (int) – Timeout for the pipeline step, default is 300 minutes.

                        Returns:
                        @@ -50273,7 +55866,7 @@

                        Package Contents
                        Parameters:
                        -

                        step_name (str) – The name of the step.

                        +

                        step_name (str) – The name of the step.

                        Returns:

                        Object describing the pipeline.

                        @@ -50304,7 +55897,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_id (str) – The ID of the pipeline step.

                        +

                        pipeline_step_id (str) – The ID of the pipeline step.

                        Returns:

                        An object describing the pipeline step.

                        @@ -50326,23 +55919,23 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • stepName (str) – The name of the step.

                        • -
                        • pipelineStepVersion (str) – The reference to the pipeline step version.

                        • -
                        • pipelineStepId (str) – The reference to this step.

                        • -
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • -
                        • pipelineVersion (str) – The reference to the pipeline version.

                        • -
                        • createdAt (str) – The date and time which this step was created.

                        • -
                        • updatedAt (str) – The date and time when this step was last updated.

                        • -
                        • status (str) – The status of the pipeline version.

                        • -
                        • error (str) – The error message if the pipeline step failed.

                        • -
                        • outputErrors (str) – The error message of a pipeline step’s output.

                        • -
                        • pythonFunctionId (str) – The reference to the python function

                        • -
                        • functionVariableMappings (dict) – The mappings for function parameters’ names.

                        • -
                        • stepDependencies (list[str]) – List of steps this step depends on.

                        • -
                        • outputVariableMappings (dict) – The mappings for the output variables to the step.

                        • -
                        • cpuSize (str) – CPU size specified for the step function.

                        • -
                        • memory (int) – Memory in GB specified for the step function.

                        • -
                        • timeout (int) – The timeout in minutes for the pipeline step.

                        • +
                        • stepName (str) – The name of the step.

                        • +
                        • pipelineStepVersion (str) – The reference to the pipeline step version.

                        • +
                        • pipelineStepId (str) – The reference to this step.

                        • +
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • +
                        • pipelineVersion (str) – The reference to the pipeline version.

                        • +
                        • createdAt (str) – The date and time which this step was created.

                        • +
                        • updatedAt (str) – The date and time when this step was last updated.

                        • +
                        • status (str) – The status of the pipeline version.

                        • +
                        • error (str) – The error message if the pipeline step failed.

                        • +
                        • outputErrors (str) – The error message of a pipeline step’s output.

                        • +
                        • pythonFunctionId (str) – The reference to the python function

                        • +
                        • functionVariableMappings (dict) – The mappings for function parameters’ names.

                        • +
                        • stepDependencies (list[str]) – List of steps this step depends on.

                        • +
                        • outputVariableMappings (dict) – The mappings for the output variables to the step.

                        • +
                        • cpuSize (str) – CPU size specified for the step function.

                        • +
                        • memory (int) – Memory in GB specified for the step function.

                        • +
                        • timeout (int) – The timeout in minutes for the pipeline step.

                        • pipelineStepVersionReferences (PipelineStepVersionReference) – A list to the output instances of the pipeline step version.

                        • codeSource (CodeSource) – Information about the source code of the pipeline step version.

                        @@ -50462,7 +56055,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -50487,7 +56080,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_version (str) – The ID of the pipeline step version.

                        +

                        pipeline_step_version (str) – The ID of the pipeline step version.

                        Returns:

                        An object describing the pipeline step version.

                        @@ -50504,7 +56097,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_step_version (str) – The id of the pipeline step version.

                        +

                        pipeline_step_version (str) – The id of the pipeline step version.

                        Returns:

                        Object describing the pipeline step logs.

                        @@ -50526,10 +56119,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • stepName (str) – The name of the step

                        • -
                        • pipelineStepId (str) – The ID of the step

                        • -
                        • pipelineStepVersion (str) – The version of the step

                        • -
                        • logs (str) – The logs for both stdout and stderr of the step

                        • +
                        • stepName (str) – The name of the step

                        • +
                        • pipelineStepId (str) – The ID of the step

                        • +
                        • pipelineStepVersion (str) – The version of the step

                        • +
                        • logs (str) – The logs for both stdout and stderr of the step

                        @@ -50572,7 +56165,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -50588,18 +56181,18 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • pipelineStepVersionReferenceId (str) – The id of the reference.

                        • -
                        • pipelineStepVersion (str) – The pipeline step version the reference is connected to.

                        • -
                        • objectType (str) – The object type of the reference.

                        • -
                        • datasetVersion (str) – The dataset version the reference is connected to.

                        • -
                        • modelVersion (str) – The model version the reference is connected to.

                        • -
                        • deploymentVersion (str) – The deployment version the reference is connected to.

                        • -
                        • batchPredictionId (str) – The batch prediction id the reference is connected to.

                        • -
                        • modelMonitorVersion (str) – The model monitor version the reference is connected to.

                        • -
                        • notebookVersion (str) – The notebook version the reference is connected to.

                        • -
                        • featureGroupVersion (str) – The feature group version the reference is connected to.

                        • -
                        • status (str) – The status of the reference

                        • -
                        • error (str) – The error message if the reference is in an error state.

                        • +
                        • pipelineStepVersionReferenceId (str) – The id of the reference.

                        • +
                        • pipelineStepVersion (str) – The pipeline step version the reference is connected to.

                        • +
                        • objectType (str) – The object type of the reference.

                        • +
                        • datasetVersion (str) – The dataset version the reference is connected to.

                        • +
                        • modelVersion (str) – The model version the reference is connected to.

                        • +
                        • deploymentVersion (str) – The deployment version the reference is connected to.

                        • +
                        • batchPredictionId (str) – The batch prediction id the reference is connected to.

                        • +
                        • modelMonitorVersion (str) – The model monitor version the reference is connected to.

                        • +
                        • notebookVersion (str) – The notebook version the reference is connected to.

                        • +
                        • featureGroupVersion (str) – The feature group version the reference is connected to.

                        • +
                        • status (str) – The status of the reference

                        • +
                        • error (str) – The error message if the reference is in an error state.

                        @@ -50682,7 +56275,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -50698,14 +56291,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • pipelineName (str) – The name of the pipeline this step is a part of.

                        • -
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • -
                        • pipelineVersion (str) – The reference to this pipeline version.

                        • -
                        • createdAt (str) – The date and time which this pipeline version was created.

                        • -
                        • updatedAt (str) – The date and time which this pipeline version was updated.

                        • -
                        • completedAt (str) – The date and time which this pipeline version was updated.

                        • -
                        • status (str) – The status of the pipeline version.

                        • -
                        • error (str) – The relevant error, if the status is FAILED.

                        • +
                        • pipelineName (str) – The name of the pipeline this step is a part of.

                        • +
                        • pipelineId (str) – The reference to the pipeline this step belongs to.

                        • +
                        • pipelineVersion (str) – The reference to this pipeline version.

                        • +
                        • createdAt (str) – The date and time which this pipeline version was created.

                        • +
                        • updatedAt (str) – The date and time which this pipeline version was updated.

                        • +
                        • completedAt (str) – The date and time which this pipeline version was updated.

                        • +
                        • status (str) – The status of the pipeline version.

                        • +
                        • error (str) – The relevant error, if the status is FAILED.

                        • stepVersions (PipelineStepVersion) – A list of the pipeline step versions.

                        • codeSource (CodeSource) – information on the source code

                        • pipelineVariableMappings (PythonFunctionArgument) – A description of the function variables into the pipeline.

                        • @@ -50786,7 +56379,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -50811,7 +56404,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_version (str) – Unique string identifier for the pipeline version

                        +

                        pipeline_version (str) – Unique string identifier for the pipeline version

                        Returns:

                        Object describing the pipeline version

                        @@ -50829,8 +56422,8 @@

                        Package Contents
                        Parameters:
                          -
                        • steps (list) – List of pipeline step names to rerun.

                        • -
                        • include_downstream_steps (bool) – Whether to rerun downstream steps from the steps you have passed

                        • +
                        • steps (list) – List of pipeline step names to rerun.

                        • +
                        • include_downstream_steps (bool) – Whether to rerun downstream steps from the steps you have passed

                        Returns:
                        @@ -50848,7 +56441,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_version (str) – The id of the pipeline version.

                        +

                        pipeline_version (str) – The id of the pipeline version.

                        Returns:

                        Object describing the logs for the steps in the pipeline.

                        @@ -50865,7 +56458,7 @@

                        Package Contents
                        Parameters:
                        -

                        pipeline_version (str) – The id of the pipeline version.

                        +

                        pipeline_version (str) – The id of the pipeline version.

                        Returns:

                        Object describing the pipeline version

                        @@ -50882,7 +56475,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -50896,7 +56489,7 @@

                        Package Contents

                        A string describing the status of a pipeline version (pending, running, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -50940,7 +56533,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -50956,8 +56549,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • playgroundText (str) – The text of the playground segment.

                        • -
                        • renderingCode (str) – The rendering code of the playground segment.

                        • +
                        • playgroundText (str) – The text of the playground segment.

                        • +
                        • renderingCode (str) – The rendering code of the playground segment.

                        @@ -50990,7 +56583,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -51006,16 +56599,16 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • historyTableName (str) – The name of the history table. If not specified, the current table is used for a self-join.

                        • -
                        • aggregationKeys (list[str]) – List of keys to use for joining the historical table and performing the window aggregation.

                        • -
                        • timestampKey (str) – Name of feature which contains the timestamp value for the point-in-time feature.

                        • -
                        • historicalTimestampKey (str) – Name of feature which contains the historical timestamp.

                        • -
                        • lookbackWindowSeconds (float) – If window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

                        • -
                        • lookbackWindowLagSeconds (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, we are looking at the “future” rows in the history table.

                        • -
                        • lookbackCount (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • -
                        • lookbackUntilPosition (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • -
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • -
                        • groupName (str) – The group name this point-in-time feature belongs to.

                        • +
                        • historyTableName (str) – The name of the history table. If not specified, the current table is used for a self-join.

                        • +
                        • aggregationKeys (list[str]) – List of keys to use for joining the historical table and performing the window aggregation.

                        • +
                        • timestampKey (str) – Name of feature which contains the timestamp value for the point-in-time feature.

                        • +
                        • historicalTimestampKey (str) – Name of feature which contains the historical timestamp.

                        • +
                        • lookbackWindowSeconds (float) – If window is specified in terms of time, the number of seconds in the past from the current time for the start of the window.

                        • +
                        • lookbackWindowLagSeconds (float) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed. If it is negative, we are looking at the “future” rows in the history table.

                        • +
                        • lookbackCount (int) – If window is specified in terms of count, the start position of the window (0 is the current row).

                        • +
                        • lookbackUntilPosition (int) – Optional lag to offset the closest point for the window. If it is positive, the start of the window is delayed by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • +
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • groupName (str) – The group name this point-in-time feature belongs to.

                        @@ -51088,7 +56681,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -51104,8 +56697,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • -
                        • groupName (str) – The group name this point-in-time feature belongs to.

                        • +
                        • expression (str) – SQL aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • groupName (str) – The group name this point-in-time feature belongs to.

                        @@ -51138,7 +56731,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -51154,16 +56747,16 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • groupName (str) – The name of the point in time group

                        • -
                        • windowKey (str) – Name of feature which contains the timestamp value for the point in time feature

                        • -
                        • aggregationKeys (list) – List of keys to use for join the historical table and performing the window aggregation.

                        • -
                        • lookbackWindow (float) – Number of seconds in the past from the current time for start of the window.

                        • -
                        • lookbackWindowLag (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

                        • -
                        • lookbackCount (int) – If window is specified in terms of count, the start position of the window (0 is the current row)

                        • -
                        • lookbackUntilPosition (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • -
                        • historyTableName (str) – The table to use for aggregating, if not provided, the source table will be used

                        • -
                        • historyWindowKey (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used

                        • -
                        • historyAggregationKeys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys

                        • +
                        • groupName (str) – The name of the point in time group

                        • +
                        • windowKey (str) – Name of feature which contains the timestamp value for the point in time feature

                        • +
                        • aggregationKeys (list) – List of keys to use for join the historical table and performing the window aggregation.

                        • +
                        • lookbackWindow (float) – Number of seconds in the past from the current time for start of the window.

                        • +
                        • lookbackWindowLag (float) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window. If it is negative, we are looking at the “future” rows in the history table.

                        • +
                        • lookbackCount (int) – If window is specified in terms of count, the start position of the window (0 is the current row)

                        • +
                        • lookbackUntilPosition (int) – Optional lag to offset the closest point for the window. If it is positive, we delay the start of window by that many rows. If it is negative, we are looking at those many “future” rows in the history table.

                        • +
                        • historyTableName (str) – The table to use for aggregating, if not provided, the source table will be used

                        • +
                        • historyWindowKey (str) – Name of feature to use for ordering the rows on the history table. If not provided, the windowKey from the source table will be used

                        • +
                        • historyAggregationKeys (list) – List of keys to use for join the historical table and performing the window aggregation. If not provided, the aggregationKeys from the source table will be used. Must be the same length and order as the source table’s aggregationKeys

                        • features (PointInTimeGroupFeature) – List of features in the Point in Time group

                        @@ -51242,7 +56835,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -51258,10 +56851,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the feature

                        • -
                        • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

                        • -
                        • pitOperationType (str) – The operation used in point in time feature generation

                        • -
                        • pitOperationConfig (dict) – The configuration used as input to the operation type

                        • +
                        • name (str) – The name of the feature

                        • +
                        • expression (str) – SQL Aggregate expression which can convert a sequence of rows into a scalar value.

                        • +
                        • pitOperationType (str) – The operation used in point in time feature generation

                        • +
                        • pitOperationConfig (dict) – The configuration used as input to the operation type

                        @@ -51304,7 +56897,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -51328,9 +56921,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • **kwargs (dict) – Arbitrary key/value pairs may be passed in and is sent as part of the request body.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • **kwargs (dict) – Arbitrary key/value pairs may be passed in and is sent as part of the request body.

                        @@ -51343,11 +56936,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token only authorizes predictions on deployments in this project, so it can be safely embedded inside an application or website.

                        • -
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the value is the unique value of the same entity.

                        • -
                        • limit_results (int) – If provided, will limit the number of results to the value specified.

                        • -
                        • result_columns (list) – If provided, will limit the columns present in each result to the columns specified in this list.

                        • +
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token only authorizes predictions on deployments in this project, so it can be safely embedded inside an application or website.

                        • +
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the value is the unique value of the same entity.

                        • +
                        • limit_results (int) – If provided, will limit the number of results to the value specified.

                        • +
                        • result_columns (list) – If provided, will limit the columns present in each result to the columns specified in this list.

                        Return type:
                        @@ -51363,9 +56956,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the value is the unique value of the same entity.

                        • +
                        • deployment_token (str) – A deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the key is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the value is the unique value of the same entity.

                        Return type:
                        @@ -51381,9 +56974,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (list) – A list of dictionaries, where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the ‘value’ is the unique value of the same entity.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, and is safe to embed in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (list) – A list of dictionaries, where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed, and the ‘value’ is the unique value of the same entity.

                        Return type:
                        @@ -51399,9 +56992,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the ‘key’ is the source dataset name, and the ‘value’ is a list of records corresponding to the dataset rows.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the ‘key’ is the source dataset name, and the ‘value’ is a list of records corresponding to the dataset rows.

                        Return type:
                        @@ -51417,11 +57010,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary containing user attributes and/or user’s interaction data with the product/service (e.g. number of clicks, items in cart, etc.).

                        • -
                        • explain_predictions (bool) – Will explain predictions for leads

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary containing user attributes and/or user’s interaction data with the product/service (e.g. number of clicks, items in cart, etc.).

                        • +
                        • explain_predictions (bool) – Will explain predictions for leads

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations

                        Return type:
                        @@ -51437,11 +57030,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ will be the unique value of the same entity.

                        • -
                        • explain_predictions (bool) – Will explain predictions for churn

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ will be the unique value of the same entity.

                        • +
                        • explain_predictions (bool) – Will explain predictions for churn

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations

                        Return type:
                        @@ -51457,9 +57050,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary containing account activity characteristics (e.g., login id, login duration, login type, IP address, etc.).

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary containing account activity characteristics (e.g., login id, login duration, login type, IP address, etc.).

                        Return type:
                        @@ -51475,9 +57068,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary containing transaction attributes (e.g. credit card type, transaction location, transaction amount, etc.).

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary containing transaction attributes (e.g. credit card type, transaction location, transaction amount, etc.).

                        Return type:
                        @@ -51493,16 +57086,16 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the ‘Key’ is the column name (e.g. a column with the name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘Value’ is the unique value of the same entity.

                        • -
                        • threshold (float) – A float value that is applied on the popular class label.

                        • -
                        • threshold_class (str) – The label upon which the threshold is added (binary labels only).

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the ‘Key’ is the column name (e.g. a column with the name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘Value’ is the unique value of the same entity.

                        • +
                        • threshold (float) – A float value that is applied on the popular class label.

                        • +
                        • threshold_class (str) – The label upon which the threshold is added (binary labels only).

                        • thresholds (Dict) – Maps labels to thresholds (multi-label classification only). Defaults to F1 optimal threshold if computed for the given class, else uses 0.5.

                        • -
                        • explain_predictions (bool) – If True, returns the SHAP explanations for all input features.

                        • -
                        • fixed_features (list) – A set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • -
                        • nested (str) – If specified generates prediction delta for each index of the specified nested feature.

                        • -
                        • explainer_type (str) – The type of explainer to use.

                        • +
                        • explain_predictions (bool) – If True, returns the SHAP explanations for all input features.

                        • +
                        • fixed_features (list) – A set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • +
                        • nested (str) – If specified generates prediction delta for each index of the specified nested feature.

                        • +
                        • explainer_type (str) – The type of explainer to use.

                        Return type:
                        @@ -51518,13 +57111,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ is the unique value of the same entity.

                        • -
                        • explain_predictions (bool) – If true, returns the SHAP explanations for all input features.

                        • -
                        • fixed_features (list) – Set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • -
                        • nested (str) – If specified, generates prediction delta for each index of the specified nested feature.

                        • -
                        • explainer_type (str) – The type of explainer to use.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the ‘key’ is the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the entity against which a prediction is performed and the ‘value’ is the unique value of the same entity.

                        • +
                        • explain_predictions (bool) – If true, returns the SHAP explanations for all input features.

                        • +
                        • fixed_features (list) – Set of input features to treat as constant for explanations - only honored when the explainer type is KERNEL_EXPLAINER

                        • +
                        • nested (str) – If specified, generates prediction delta for each index of the specified nested feature.

                        • +
                        • explainer_type (str) – The type of explainer to use.

                        Return type:
                        @@ -51540,14 +57133,14 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • threshold (float) – The threshold score of what is an anomaly. Valid values are between 0.8 and 0.99.

                        • -
                        • histogram (bool) – If True, will return a histogram of the distribution of all points.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • threshold (float) – The threshold score of what is an anomaly. Valid values are between 0.8 and 0.99.

                        • +
                        • histogram (bool) – If True, will return a histogram of the distribution of all points.

                        Return type:
                        -

                        io.BytesIO

                        +

                        io.BytesIO

                        @@ -51559,12 +57152,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • start_timestamp (str) – timestamp from which anomalies have to be detected in the training data

                        • -
                        • end_timestamp (str) – timestamp to which anomalies have to be detected in the training data

                        • -
                        • query_data (dict) – additional data on which anomaly detection has to be performed, it can either be a single record or list of records or a json string representing list of records

                        • -
                        • get_all_item_data (bool) – set this to true if anomaly detection has to be performed on all the data related to input ids

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • start_timestamp (str) – timestamp from which anomalies have to be detected in the training data

                        • +
                        • end_timestamp (str) – timestamp to which anomalies have to be detected in the training data

                        • +
                        • query_data (dict) – additional data on which anomaly detection has to be performed, it can either be a single record or list of records or a json string representing list of records

                        • +
                        • get_all_item_data (bool) – set this to true if anomaly detection has to be performed on all the data related to input ids

                        • series_ids (List) – list of series ids on which the anomaly detection has to be performed

                        @@ -51581,9 +57174,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – The input data for the prediction.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – The input data for the prediction.

                        Return type:
                        @@ -51599,9 +57192,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – The input data for the prediction.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – The input data for the prediction.

                        Return type:
                        @@ -51617,15 +57210,15 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘store_id’ in your dataset) mapped to the column mapping ITEM_ID that uniquely identifies the entity against which forecasting is performed and ‘Value’ will be the unique value of the same entity.

                        • -
                        • future_data (list) – This will be a list of values known ahead of time that are relevant for forecasting (e.g. State Holidays, National Holidays, etc.). Each element is a dictionary, where the key and the value both will be of type ‘str’. For example future data entered for a Store may be [{“Holiday”:”No”, “Promo”:”Yes”, “Date”: “2015-07-31 00:00:00”}].

                        • -
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • -
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • -
                        • explain_predictions (bool) – Will explain predictions for forecasting

                        • -
                        • explainer_type (str) – Type of explainer to use for explanations

                        • -
                        • get_item_data (bool) – Will return the data corresponding to items in query

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘store_id’ in your dataset) mapped to the column mapping ITEM_ID that uniquely identifies the entity against which forecasting is performed and ‘Value’ will be the unique value of the same entity.

                        • +
                        • future_data (list) – This will be a list of values known ahead of time that are relevant for forecasting (e.g. State Holidays, National Holidays, etc.). Each element is a dictionary, where the key and the value both will be of type ‘str’. For example future data entered for a Store may be [{“Holiday”:”No”, “Promo”:”Yes”, “Date”: “2015-07-31 00:00:00”}].

                        • +
                        • num_predictions (int) – The number of timestamps to predict in the future.

                        • +
                        • prediction_start (str) – The start date for predictions (e.g., “2015-08-01T00:00:00” as input for mid-night of 2015-08-01).

                        • +
                        • explain_predictions (bool) – Will explain predictions for forecasting

                        • +
                        • explainer_type (str) – Type of explainer to use for explanations

                        • +
                        • get_item_data (bool) – Will return the data corresponding to items in query

                        Return type:
                        @@ -51641,13 +57234,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • vector (list) – Input vector to perform the k nearest neighbors with.

                        • -
                        • k (int) – Overrideable number of items to return.

                        • -
                        • distance (str) – Specify the distance function to use. Options include “dot“, “cosine“, “euclidean“, and “manhattan“. Default = “dot“

                        • -
                        • include_score (bool) – If True, will return the score alongside the resulting embedding value.

                        • -
                        • catalog_id (str) – An optional parameter honored only for embeddings that provide a catalog id

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • vector (list) – Input vector to perform the k nearest neighbors with.

                        • +
                        • k (int) – Overrideable number of items to return.

                        • +
                        • distance (str) – Specify the distance function to use. Options include “dot“, “cosine“, “euclidean“, and “manhattan“. Default = “dot“

                        • +
                        • include_score (bool) – If True, will return the score alongside the resulting embedding value.

                        • +
                        • catalog_id (str) – An optional parameter honored only for embeddings that provide a catalog id

                        Return type:
                        @@ -51663,9 +57256,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • queries (list) – List of mappings of format {“catalogId”: “cat0”, “vectors”: […], “k”: 20, “distance”: “euclidean”}. See getKNearest for additional information about the supported parameters.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • queries (list) – List of mappings of format {“catalogId”: “cat0”, “vectors”: […], “k”: 20, “distance”: “euclidean”}. See getKNearest for additional information about the supported parameters.

                        @@ -51678,10 +57271,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – Dictionary where key is “Content” and value is the text from which entities are to be extracted.

                        • -
                        • return_extracted_entities (bool) – (Optional) If True, will return the extracted entities in simpler format

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – Dictionary where key is “Content” and value is the text from which entities are to be extracted.

                        • +
                        • return_extracted_entities (bool) – (Optional) If True, will return the extracted entities in simpler format

                        Return type:
                        @@ -51697,13 +57290,13 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • -
                        • doc_id (str) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • -
                        • return_extracted_features (bool) – (Optional) If True, will return all extracted features (e.g. all tokens in a page) from the PDF. Default is False.

                        • -
                        • verbose (bool) – (Optional) If True, will return all the extracted tokens probabilities for all the trained labels. Default is False.

                        • -
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • +
                        • doc_id (str) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • +
                        • return_extracted_features (bool) – (Optional) If True, will return all extracted features (e.g. all tokens in a page) from the PDF. Default is False.

                        • +
                        • verbose (bool) – (Optional) If True, will return all the extracted tokens probabilities for all the trained labels. Default is False.

                        • +
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        Return type:
                        @@ -51719,19 +57312,19 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which recommendations are made and ‘Value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • -
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • -
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • -
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • -
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • -
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is

                        • -
                        • explore_fraction (float) – Explore fraction.

                        • -
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • -
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        • -
                        • exclude_item_ids (list)

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where ‘Key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which recommendations are made and ‘Value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • +
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • +
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • +
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • +
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • +
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is

                        • +
                        • explore_fraction (float) – Explore fraction.

                        • +
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • +
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        • +
                        • exclude_item_ids (list)

                        Return type:
                        @@ -51747,12 +57340,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This should be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • -
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • -
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This should be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in the dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • +
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • +
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        Return type:
                        @@ -51768,15 +57361,15 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • -
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • -
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved

                        • -
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there is a type of item that might be less popular but you want to promote it or there is an item that always comes up and you want to demote it.

                        • -
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • -
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary with two key-value pairs. The first pair represents a ‘Key’ where the column name (e.g. a column with name ‘user_id’ in your dataset) mapped to the column mapping USER_ID uniquely identifies the user against whom a prediction is made and a ‘Value’ which is the identifier value for that user. The second pair will have a ‘Key’ which will be the name of the column name (e.g. movie_name) mapped to ITEM_ID (unique item identifier) and a ‘Value’ which will be a list of identifiers that uniquely identifies those items.

                        • +
                        • preserve_ranks (list) – List of dictionaries of format {“column”: “col0”, “values”: [“value0, value1”]}, where the ranks of items in query_data is preserved for all the items in “col0” with values, “value0” and “value1”. This option is useful when the desired items are being recommended in the desired order and the ranks for those items need to be kept unchanged during recommendation generation.

                        • +
                        • preserve_unknown_items (bool) – If true, any items that are unknown to the model, will not be reranked, and the original position in the query will be preserved

                        • +
                        • score_field (str) – The relative item scores are returned in a separate field named with the same name as the key (score_field) for this argument.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there is a type of item that might be less popular but you want to promote it or there is an item that always comes up and you want to demote it.

                        • +
                        • diversity_attribute_name (str) – item attribute column name which is used to ensure diversity of prediction results.

                        • +
                        • diversity_max_results_per_value (int) – maximum number of results per value of diversity_attribute_name.

                        Return type:
                        @@ -51792,14 +57385,14 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which related items are determined and the ‘value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • -
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • -
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • -
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • -
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • -
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is particularly useful if there’s a list of items that you know is of no use in some particular scenario and you don’t want to show those items present in that list.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – This will be a dictionary where the ‘key’ will be the column name (e.g. a column with name ‘user_name’ in your dataset) mapped to the column mapping USER_ID that uniquely identifies the user against which related items are determined and the ‘value’ will be the unique value of the same item. For example, if you have the column name ‘user_name’ mapped to the column mapping ‘USER_ID’, then the query must have the exact same column name (user_name) as key and the name of the user (John Doe) as value.

                        • +
                        • num_items (int) – The number of items to recommend on one page. By default, it is set to 50 items per page.

                        • +
                        • page (int) – The page number to be displayed. For example, let’s say that the num_items is set to 10 with the total recommendations list size of 50 recommended items, then an input value of 2 in the ‘page’ variable will display a list of items that rank from 11th to 20th.

                        • +
                        • scaling_factors (list) – It allows you to bias the model towards certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”], “factor”: 1.1}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” in reference to which the model recommendations need to be biased; and the key, “factor” takes the factor by which the item scores are adjusted. Let’s take an example where the input to scaling_factors is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”], “factor”: 1.4}]. After we apply the model to get item probabilities, for every SUV and Sedan in the list, we will multiply the respective probability by 1.1 before sorting. This is particularly useful if there’s a type of item that might be less popular but you want to promote it or there’s an item that always comes up and you want to demote it.

                        • +
                        • restrict_items (list) – It allows you to restrict the recommendations to certain items. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, “value3”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”, “value3”, …]” to which to restrict the recommendations to. Let’s take an example where the input to restrict_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. This input will restrict the recommendations to SUVs and Sedans. This type of restriction is particularly useful if there’s a list of items that you know is of use in some particular scenario and you want to restrict the recommendations only to that list.

                        • +
                        • exclude_items (list) – It allows you to exclude certain items from the list of recommendations. The input to this argument is a list of dictionaries where the format of each dictionary is as follows: {“column”: “col0”, “values”: [“value0”, “value1”, …]}. The key, “column” takes the name of the column, “col0”; the key, “values” takes the list of items, “[“value0”, “value1”]” to exclude from the recommendations. Let’s take an example where the input to exclude_items is [{“column”: “VehicleType”, “values”: [“SUV”, “Sedan”]}]. The resulting recommendation list will exclude all SUVs and Sedans. This is particularly useful if there’s a list of items that you know is of no use in some particular scenario and you don’t want to show those items present in that list.

                        Return type:
                        @@ -51810,21 +57403,22 @@

                        Package Contents
                        -get_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None)
                        +get_chat_response(deployment_token, deployment_id, messages, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, user_info=None)

                        Return a chat response which continues the conversation based on the input messages and search results.

                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • user_info (dict)

                        Return type:
                        @@ -51840,16 +57434,16 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • messages (list) – A list of chronologically ordered messages, starting with a user message and alternating sources. A message is a dict with attributes: is_user (bool): Whether the message is from the user. text (str): The message’s text.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifying the query chat config override.

                        • attachments (None) – A dictionary of binary data to use to answer the queries.

                        @@ -51861,24 +57455,26 @@

                        Package Contents
                        -get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None)
                        +get_conversation_response(deployment_id, message, deployment_token, deployment_conversation_id=None, external_session_id=None, llm_name=None, num_completion_tokens=None, system_message=None, temperature=0.0, filter_key_values=None, search_score_cutoff=None, chat_config=None, doc_infos=None, user_info=None, execute_usercode_tool=False)

                        Return a conversation response which continues the conversation based on the input message and deployment conversation id (if exists).

                        Parameters:
                          -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • message (str) – A message from the user

                        • -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • -
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • message (str) – A message from the user

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • +
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • execute_usercode_tool (bool) – If True, will return the tool output in the response.

                        • +
                        • user_info (dict)

                        Return type:
                        @@ -51894,18 +57490,18 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • message (str) – A message from the user

                        • -
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • -
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • -
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • -
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • -
                        • system_message (str) – The generative LLM system message

                        • -
                        • temperature (float) – The generative LLM temperature

                        • -
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • -
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • -
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • message (str) – A message from the user

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        • external_session_id (str) – The user supplied unique identifier of a deployment conversation to continue. If specified, we will use this instead of a internal deployment conversation id.

                        • +
                        • llm_name (str) – Name of the specific LLM backend to use to power the chat experience

                        • +
                        • num_completion_tokens (int) – Default for maximum number of tokens for chat answers

                        • +
                        • system_message (str) – The generative LLM system message

                        • +
                        • temperature (float) – The generative LLM temperature

                        • +
                        • filter_key_values (dict) – A dictionary mapping column names to a list of values to restrict the retrived search results.

                        • +
                        • search_score_cutoff (float) – Cutoff for the document retriever score. Matching search results below this score will be ignored.

                        • +
                        • chat_config (dict) – A dictionary specifiying the query chat config override.

                        • attachments (None) – A dictionary of binary data to use to answer the queries.

                        @@ -51915,6 +57511,23 @@

                        Package Contents +
                        +get_deep_agent_response(message, deployment_conversation_id=None)
                        +

                        Return a DeepAgent response with generated files if any, based on the input message.

                        +
                        +
                        Parameters:
                        +
                          +
                        • message (str) – The user’s message/task for DeepAgent to complete

                        • +
                        • deployment_conversation_id (str) – The unique identifier of a deployment conversation to continue. If not specified, a new one will be created.

                        • +
                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +
                        +

                        +
                        get_search_results(deployment_token, deployment_id, query_data, num=15)
                        @@ -51922,10 +57535,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be securely embedded in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where the key is “Content” and the value is the text from which entities are to be extracted.

                        • -
                        • num (int) – Number of search results to return.

                        • +
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be securely embedded in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where the key is “Content” and the value is the text from which entities are to be extracted.

                        • +
                        • num (int) – Number of search results to return.

                        Return type:
                        @@ -51941,9 +57554,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for a deployment created under this project.

                        • -
                        • document (str) – The document to be analyzed for sentiment.

                        • +
                        • deployment_token (str) – A token used to authenticate access to deployments created in this project. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for a deployment created under this project.

                        • +
                        • document (str) – The document to be analyzed for sentiment.

                        Return type:
                        @@ -51959,9 +57572,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • document (str) – The document to be classified.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • document (str) – The document to be classified.

                        Return type:
                        @@ -51977,9 +57590,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • document (str) – The document to be classified.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • document (str) – The document to be classified.

                        Return type:
                        @@ -51995,9 +57608,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – Raw data dictionary containing the required document data - must have a key ‘document’ corresponding to a DOCUMENT type text as value.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • query_data (dict) – Raw data dictionary containing the required document data - must have a key ‘document’ corresponding to a DOCUMENT type text as value.

                        Return type:
                        @@ -52013,9 +57626,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for a deployment created under the project.

                        • -
                        • query_data (str) – The input string to detect.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for a deployment created under the project.

                        • +
                        • query_data (str) – The input string to detect.

                        Return type:
                        @@ -52031,12 +57644,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • -
                        • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

                        • -
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • -
                        • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • +
                        • forced_assignments (dict) – Set of assignments to force and resolve before returning query results.

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • include_all_assignments (bool) – If True, will return all assignments, including assignments with value 0. Default is False.

                        Return type:
                        @@ -52052,12 +57665,50 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • -
                        • add_constraints (list) – List of constraints dict to apply to the query. The constraint dict should have the following keys: 1. query (dict): Specifies the set of assignment variables involved in the constraint. The format is same as query_data. 2. operator (str): Constraint operator ‘=’ or ‘<=’ or ‘>=’. 3. constant (int): Constraint RHS constant value. 4. coefficient_column (str): Column in Assignment feature group to be used as coefficient for the assignment variables, optional and defaults to 1

                        • -
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • -
                        • best_alternate_only (bool) – When True only the best alternate will be returned, when False multiple alternates are returned

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – Specifies the set of assignments being requested. The value for the key can be: 1. A simple scalar value, which is matched exactly 2. A list of values, which matches any element in the list 3. A dictionary with keys lower_in/lower_ex and upper_in/upper_ex, which matches values in an inclusive/exclusive range

                        • +
                        • add_constraints (list) – List of constraints dict to apply to the query. The constraint dict should have the following keys: 1. query (dict): Specifies the set of assignment variables involved in the constraint. The format is same as query_data. 2. operator (str): Constraint operator ‘=’ or ‘<=’ or ‘>=’. 3. constant (int): Constraint RHS constant value. 4. coefficient_column (str): Column in Assignment feature group to be used as coefficient for the assignment variables, optional and defaults to 1

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • best_alternate_only (bool) – When True only the best alternate will be returned, when False multiple alternates are returned

                        • +
                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +

                        +

                        + +
                        +
                        +get_optimization_inputs_from_serialized(deployment_token, deployment_id, query_data=None)
                        +

                        Get assignments for given query, with new inputs

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – a dictionary with various key: value pairs corresponding to various updated FGs in the FG tree, which we want to update to compute new top level FGs for online solve. (query data will be dict of names: serialized dataframes)

                        • +
                        +
                        +
                        Return type:
                        +

                        Dict

                        +
                        +
                        +
                        + +
                        +
                        +get_assignments_online_with_new_serialized_inputs(deployment_token, deployment_id, query_data=None, solve_time_limit_seconds=None, optimality_gap_limit=None)
                        +

                        Get assignments for given query, with new inputs

                        +
                        +
                        Parameters:
                        +
                          +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • query_data (dict) – a dictionary with assignment, constraint and constraint_equations_df (under these specific keys)

                        • +
                        • solve_time_limit_seconds (float) – Maximum time in seconds to spend solving the query.

                        • +
                        • optimality_gap_limit (float) – Optimality gap we want to come within, after which we accept the solution as valid. (0 means we only want an optimal solution). it is abs(best_solution_found - best_bound) / abs(best_solution_found)

                        Return type:
                        @@ -52073,9 +57724,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • query_data (dict) – Assignment overrides to the solution.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • query_data (dict) – Assignment overrides to the solution.

                        Return type:
                        @@ -52091,9 +57742,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • blob (io.TextIOBase) – The multipart/form-data of the data.

                        • +
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • +
                        • blob (io.TextIOBase) – The multipart/form-data of the data.

                        Return type:
                        @@ -52109,11 +57760,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – Image to describe.

                        • -
                        • categories (list) – List of candidate categories to compare with the image.

                        • -
                        • top_n (int) – Return the N most similar categories.

                        • +
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – Image to describe.

                        • +
                        • categories (list) – List of candidate categories to compare with the image.

                        • +
                        • top_n (int) – Return the N most similar categories.

                        Return type:
                        @@ -52129,12 +57780,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • -
                        • document (io.TextIOBase) – Input document which can be an image, pdf, or word document (Some formats might not be supported yet)

                        • -
                        • adjust_doc_orientation (bool) – (Optional) whether to detect the document page orientation and rotate it if needed.

                        • -
                        • save_predicted_pdf (bool) – (Optional) If True, will save the predicted pdf bytes so that they can be fetched using the prediction docId. Default is False.

                        • -
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        • +
                        • deployment_token (str) – Authentication token to access created deployments. This token is only authorized to predict on deployments in the current project, and can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – Unique identifier of a deployment created under the project.

                        • +
                        • document (io.TextIOBase) – Input document which can be an image, pdf, or word document (Some formats might not be supported yet)

                        • +
                        • adjust_doc_orientation (bool) – (Optional) whether to detect the document page orientation and rotate it if needed.

                        • +
                        • save_predicted_pdf (bool) – (Optional) If True, will save the predicted pdf bytes so that they can be fetched using the prediction docId. Default is False.

                        • +
                        • save_extracted_features (bool) – (Optional) If True, will save extracted features (i.e. page tokens) so that they can be fetched using the prediction docId. Default is False.

                        Return type:
                        @@ -52150,9 +57801,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to make predictions on deployments in this project, so it can be safely embedded in an application or website.

                        • -
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • -
                        • audio (io.TextIOBase) – The audio to transcribe.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to make predictions on deployments in this project, so it can be safely embedded in an application or website.

                        • +
                        • deployment_id (str) – The unique identifier of a deployment created under the project.

                        • +
                        • audio (io.TextIOBase) – The audio to transcribe.

                        Return type:
                        @@ -52168,10 +57819,10 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – The binary data of the image to classify. One of image or doc_id must be specified.

                        • -
                        • doc_id (str) – The document ID of the image. One of image or doc_id must be specified.

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – The binary data of the image to classify. One of image or doc_id must be specified.

                        • +
                        • doc_id (str) – The document ID of the image. One of image or doc_id must be specified.

                        Return type:
                        @@ -52187,9 +57838,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • -
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • +
                        • deployment_id (str) – The unique identifier for a deployment created under the project.

                        • +
                        • pdf (io.TextIOBase) – (Optional) The pdf to predict on. One of pdf or docId must be specified.

                        Return type:
                        @@ -52205,9 +57856,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • query_data (dict) – A dictionary where each ‘key’ represents a column name and its corresponding ‘value’ represents the value of that column. For Timeseries Clustering, the ‘key’ should be ITEM_ID, and its value should represent a unique item ID that needs clustering.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • query_data (dict) – A dictionary where each ‘key’ represents a column name and its corresponding ‘value’ represents the value of that column. For Timeseries Clustering, the ‘key’ should be ITEM_ID, and its value should represent a unique item ID that needs clustering.

                        Return type:
                        @@ -52223,9 +57874,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – The binary data of the image to detect objects from.

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – The binary data of the image to detect objects from.

                        Return type:
                        @@ -52241,9 +57892,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • -
                        • image (io.TextIOBase) – The binary data of the image to get the score.

                        • +
                        • deployment_token (str) – A deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier to a deployment created under the project.

                        • +
                        • image (io.TextIOBase) – The binary data of the image to get the score.

                        Return type:
                        @@ -52259,51 +57910,14 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • source_image (io.TextIOBase) – The source image to apply the makeup.

                        • -
                        • style_image (io.TextIOBase) – The image that has the style as a reference.

                        • +
                        • deployment_token (str) – A token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • +
                        • source_image (io.TextIOBase) – The source image to apply the makeup.

                        • +
                        • style_image (io.TextIOBase) – The image that has the style as a reference.

                        Return type:
                        -

                        io.BytesIO

                        -
                        -

                        -
                        - -
                        -
                        -generate_image(deployment_token, deployment_id, query_data)
                        -

                        Generate an image from text prompt.

                        -
                        -
                        Parameters:
                        -
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model within an application or website.

                        • -
                        • deployment_id (str) – A unique identifier to a deployment created under the project.

                        • -
                        • query_data (dict) – Specifies the text prompt. For example, {‘prompt’: ‘a cat’}

                        • -
                        -
                        -
                        Return type:
                        -

                        io.BytesIO

                        -
                        -
                        -
                        - -
                        -
                        -execute_agent(deployment_token, deployment_id, arguments=None, keyword_arguments=None)
                        -

                        Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function.

                        -
                        -
                        Parameters:
                        -
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • -
                        -
                        -
                        Return type:
                        -

                        Dict

                        +

                        io.BytesIO

                        @@ -52315,36 +57929,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • query (str) – User input query to initialize the matrix computation.

                        • -
                        • doc_infos (list) – An optional list of documents use for constructing the matrix. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • -
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • -
                        -
                        -
                        Return type:
                        -

                        Dict

                        -
                        - -

                        - -
                        -
                        -execute_conversation_agent(deployment_token, deployment_id, arguments=None, keyword_arguments=None, deployment_conversation_id=None, external_session_id=None, regenerate=False, doc_infos=None, agent_workflow_node_id=None)
                        -

                        Executes a deployed AI agent function using the arguments as keyword arguments to the agent execute function.

                        -
                        -
                        Parameters:
                        -
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the paramter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • -
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • -
                        • regenerate (bool) – If True, will regenerate the response from the last query.

                        • -
                        • doc_infos (list) – An optional list of documents use for the conversation. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • -
                        • agent_workflow_node_id (str) – An optional agent workflow node id to trigger agent execution from an intermediate node.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • query (str) – User input query to initialize the matrix computation.

                        • +
                        • doc_infos (list) – An optional list of documents use for constructing the matrix. A keyword ‘doc_id’ is expected to be present in each document for retrieving contents from docstore.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • +
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        Return type:
                        @@ -52363,28 +57953,28 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • data (str) – The query to search for.

                        • -
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • -
                        • num (int) – If provided, will limit the number of results to the value specified.

                        • -
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • -
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • -
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • -
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • -
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • -
                        • min_score (float) – If provided, will filter out the results with score less than the value specified.

                        • -
                        • required_phrases (list) – If provided, each result will contain at least one of the phrases in the given list. The matching is whitespace and case insensitive.

                        • -
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • -
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set. An entry in the map can also be a map specifying the limit per attribute value rather than a single limit for all values. This allows a per value limit for attributes. If an attribute value is not present in the map its limit defaults to zero.

                        • -
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments within this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • data (str) – The query to search for.

                        • +
                        • filters (dict) – A dictionary mapping column names to a list of values to restrict the retrieved search results.

                        • +
                        • num (int) – If provided, will limit the number of results to the value specified.

                        • +
                        • result_columns (list) – If provided, will limit the column properties present in each result to those specified in this list.

                        • +
                        • max_words (int) – If provided, will limit the total number of words in the results to the value specified.

                        • +
                        • num_retrieval_margin_words (int) – If provided, will add this number of words from left and right of the returned chunks.

                        • +
                        • max_words_per_chunk (int) – If provided, will limit the number of words in each chunk to the value specified. If the value provided is smaller than the actual size of chunk on disk, which is determined during document retriever creation, the actual size of chunk will be used. I.e, chunks looked up from document retrievers will not be split into smaller chunks during lookup due to this setting.

                        • +
                        • score_multiplier_column (str) – If provided, will use the values in this column to modify the relevance score of the returned chunks. Values in this column must be numeric.

                        • +
                        • min_score (float) – If provided, will filter out the results with score less than the value specified.

                        • +
                        • required_phrases (list) – If provided, each result will contain at least one of the phrases in the given list. The matching is whitespace and case insensitive.

                        • +
                        • filter_clause (str) – If provided, filter the results of the query using this sql where clause.

                        • +
                        • crowding_limits (dict) – A dictionary mapping metadata columns to the maximum number of results per unique value of the column. This is used to ensure diversity of metadata attribute values in the results. If a particular attribute value has already reached its maximum count, further results with that same attribute value will be excluded from the final result set. An entry in the map can also be a map specifying the limit per attribute value rather than a single limit for all values. This allows a per value limit for attributes. If an attribute value is not present in the map its limit defaults to zero.

                        • +
                        • include_text_search (bool) – If true, combine the ranking of results from a BM25 text search over the documents with the vector search using reciprocal rank fusion. It leverages both lexical and semantic matching for better overall results. It’s particularly valuable in professional, technical, or specialized fields where both precision in terminology and understanding of context are important.

                        Returns:

                        The relevant documentation results found from the document retriever.

                        Return type:
                        -

                        list[DocumentRetrieverLookupResult]

                        +

                        list[DocumentRetrieverLookupResult]

                        @@ -52396,9 +57986,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • -
                        • prompt (str) – The prompt given to the finetuned LLM to generate the completion.

                        • +
                        • deployment_token (str) – The deployment token to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – The unique identifier to a deployment created under the project.

                        • +
                        • prompt (str) – The prompt given to the finetuned LLM to generate the completion.

                        Return type:
                        @@ -52414,12 +58004,12 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • -
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, so it is safe to embed this model inside of an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • arguments (list) – Positional arguments to the agent execute function.

                        • +
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • +
                        • external_session_id (str) – A unique string identifier for the session used for the conversation. If both deployment_conversation_id and external_session_id are not provided, a new session will be created.

                        • blobs (None) – A dictionary of binary data to use as inputs to the agent execute function.

                        @@ -52439,11 +58029,11 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • arguments (list) – Positional arguments to the agent execute function.

                        • -
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • -
                        • save_conversations (bool) – If true then a new conversation will be created for every run of the workflow associated with the agent.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • arguments (list) – Positional arguments to the agent execute function.

                        • +
                        • keyword_arguments (dict) – A dictionary where each ‘key’ represents the parameter name and its corresponding ‘value’ represents the value of that parameter for the agent execute function.

                        • +
                        • save_conversations (bool) – If true then a new conversation will be created for every run of the workflow associated with the agent.

                        Return type:
                        @@ -52459,9 +58049,9 @@

                        Package Contents
                        Parameters:
                          -
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • -
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • -
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        • +
                        • deployment_token (str) – The deployment token used to authenticate access to created deployments. This token is only authorized to predict on deployments in this project, making it safe to embed this model in an application or website.

                        • +
                        • deployment_id (str) – A unique string identifier for the deployment created under the project.

                        • +
                        • deployment_conversation_id (str) – A unique string identifier for the deployment conversation used for the conversation.

                        Return type:
                        @@ -52481,11 +58071,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • datasetId (str) – The unique identifier of the dataset

                        • -
                        • datasetType (str) – dataset type

                        • -
                        • datasetVersion (str) – The unique identifier of the dataset version used for predictions

                        • -
                        • default (bool) – If true, this dataset is the default dataset in the model

                        • -
                        • required (bool) – If true, this dataset is required for the batch prediction

                        • +
                        • datasetId (str) – The unique identifier of the dataset

                        • +
                        • datasetType (str) – dataset type

                        • +
                        • datasetVersion (str) – The unique identifier of the dataset version used for predictions

                        • +
                        • default (bool) – If true, this dataset is the default dataset in the model

                        • +
                        • required (bool) – If true, this dataset is required for the batch prediction

                        @@ -52533,7 +58123,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -52549,11 +58139,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – The unique identifier of the feature group

                        • -
                        • featureGroupVersion (str) – The unique identifier of the feature group version used for predictions

                        • -
                        • datasetType (str) – dataset type

                        • -
                        • default (bool) – If true, this feature group is the default feature group in the model

                        • -
                        • required (bool) – If true, this feature group is required for the batch prediction

                        • +
                        • featureGroupId (str) – The unique identifier of the feature group

                        • +
                        • featureGroupVersion (str) – The unique identifier of the feature group version used for predictions

                        • +
                        • datasetType (str) – dataset type

                        • +
                        • default (bool) – If true, this feature group is the default feature group in the model

                        • +
                        • required (bool) – If true, this feature group is required for the batch prediction

                        @@ -52601,7 +58191,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -52617,8 +58207,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupDatasetIds (list) – The list of dataset IDs to use as input

                        • -
                        • datasetIdRemap (dict) – Replacement datasets to swap as prediction input

                        • +
                        • featureGroupDatasetIds (list) – The list of dataset IDs to use as input

                        • +
                        • datasetIdRemap (dict) – Replacement datasets to swap as prediction input

                        • featureGroups (PredictionFeatureGroup) – List of prediction feature groups

                        • datasets (PredictionDataset) – List of prediction datasets

                        @@ -52663,7 +58253,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -52679,11 +58269,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • requestId (str) – The unique identifier of the prediction request.

                        • -
                        • query (dict) – The query used to make the prediction.

                        • -
                        • queryTimeMs (int) – The time taken to make the prediction.

                        • -
                        • timestampMs (str) – The timestamp of the prediction request.

                        • -
                        • response (dict) – The prediction response.

                        • +
                        • requestId (str) – The unique identifier of the prediction request.

                        • +
                        • query (dict) – The query used to make the prediction.

                        • +
                        • queryTimeMs (int) – The time taken to make the prediction.

                        • +
                        • timestampMs (str) – The timestamp of the prediction request.

                        • +
                        • response (dict) – The prediction response.

                        @@ -52731,7 +58321,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -52747,19 +58337,19 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name for the prediction operator.

                        • -
                        • predictionOperatorId (str) – The unique identifier of the prediction operator.

                        • -
                        • createdAt (str) – Date and time at which the prediction operator was created.

                        • -
                        • updatedAt (str) – Date and time at which the prediction operator was updated.

                        • -
                        • projectId (str) – The project this prediction operator belongs to.

                        • -
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed to run predictions.

                        • -
                        • sourceCode (str) – Python code used to make the prediction operator.

                        • -
                        • initializeFunctionName (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • -
                        • notebookId (str) – The unique string identifier of the notebook used to create or edit the prediction operator.

                        • -
                        • memory (int) – Memory in GB specified for the prediction operator.

                        • -
                        • useGpu (bool) – Whether this prediction operator is using gpu.

                        • -
                        • featureGroupIds (list) – A list of Feature Group IDs used for initializing.

                        • -
                        • featureGroupTableNames (list) – A list of Feature Group table names used for initializing.

                        • +
                        • name (str) – The name for the prediction operator.

                        • +
                        • predictionOperatorId (str) – The unique identifier of the prediction operator.

                        • +
                        • createdAt (str) – Date and time at which the prediction operator was created.

                        • +
                        • updatedAt (str) – Date and time at which the prediction operator was updated.

                        • +
                        • projectId (str) – The project this prediction operator belongs to.

                        • +
                        • predictFunctionName (str) – Name of the function found in the source code that will be executed to run predictions.

                        • +
                        • sourceCode (str) – Python code used to make the prediction operator.

                        • +
                        • initializeFunctionName (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • +
                        • notebookId (str) – The unique string identifier of the notebook used to create or edit the prediction operator.

                        • +
                        • memory (int) – Memory in GB specified for the prediction operator.

                        • +
                        • useGpu (bool) – Whether this prediction operator is using gpu.

                        • +
                        • featureGroupIds (list) – A list of Feature Group IDs used for initializing.

                        • +
                        • featureGroupTableNames (list) – A list of Feature Group table names used for initializing.

                        • codeSource (CodeSource) – If a python model, information on the source code.

                        • latestPredictionOperatorVersion (PredictionOperatorVersion) – The unique string identifier of the latest version.

                        • refreshSchedules (RefreshSchedule) – List of refresh schedules that indicate when the next prediction operator version will be processed

                        • @@ -52865,7 +58455,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -52890,7 +58480,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        Returns:

                        The requested prediction operator object.

                        @@ -52908,15 +58498,15 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the prediction operator.

                        • +
                        • name (str) – Name of the prediction operator.

                        • feature_group_ids (List) – List of feature groups that are supplied to the initialize function as parameters. Each of the parameters are materialized Dataframes. The order should match the initialize function’s parameters.

                        • -
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

                        • -
                        • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

                        • -
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • -
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_gpu (bool) – Whether this prediction operator needs gpu.

                        • +
                        • source_code (str) – Contents of a valid Python source code file. The source code should contain the function predictFunctionName, and the function ‘initializeFunctionName’ if defined.

                        • +
                        • initialize_function_name (str) – Name of the optional initialize function found in the source code. This function will generate anything used by predictions, based on input feature groups.

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions.

                        • +
                        • cpu_size (str) – Size of the CPU for the prediction operator.

                        • +
                        • memory (int) – Memory (in GB) for the prediction operator.

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • +
                        • use_gpu (bool) – Whether this prediction operator needs gpu.

                        Returns:
                        @@ -52934,7 +58524,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        @@ -52945,7 +58535,7 @@

                        Package Contents
                        Parameters:
                        -

                        auto_deploy (bool) – Flag to enable the automatic deployment when a new prediction operator version is created.

                        +

                        auto_deploy (bool) – Flag to enable the automatic deployment when a new prediction operator version is created.

                        Returns:

                        The created deployment object.

                        @@ -52962,7 +58552,7 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        Returns:

                        The created prediction operator version object.

                        @@ -52979,13 +58569,13 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        +

                        prediction_operator_id (str) – The unique ID of the prediction operator.

                        Returns:

                        A list of prediction operator version objects.

                        Return type:
                        -

                        list[PredictionOperatorVersion]

                        +

                        list[PredictionOperatorVersion]

                        @@ -53001,17 +58591,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • predictionOperatorId (str) – The unique identifier of the prediction operator.

                        • -
                        • predictionOperatorVersion (str) – The unique identifier of the prediction operator version.

                        • -
                        • createdAt (str) – Date and time at which the prediction operator was created.

                        • -
                        • updatedAt (str) – Date and time at which the prediction operator was updated.

                        • -
                        • sourceCode (str) – Python code used to make the prediction operator.

                        • -
                        • memory (int) – Memory in GB specified for the prediction operator version.

                        • -
                        • useGpu (bool) – Whether this prediction operator version is using gpu.

                        • -
                        • featureGroupIds (list) – A list of Feature Group IDs used for initializing.

                        • -
                        • featureGroupVersions (list) – A list of Feature Group version IDs used for initializing.

                        • -
                        • status (str) – The current status of the prediction operator version.

                        • -
                        • error (str) – The error message if the status failed.

                        • +
                        • predictionOperatorId (str) – The unique identifier of the prediction operator.

                        • +
                        • predictionOperatorVersion (str) – The unique identifier of the prediction operator version.

                        • +
                        • createdAt (str) – Date and time at which the prediction operator was created.

                        • +
                        • updatedAt (str) – Date and time at which the prediction operator was updated.

                        • +
                        • sourceCode (str) – Python code used to make the prediction operator.

                        • +
                        • memory (int) – Memory in GB specified for the prediction operator version.

                        • +
                        • useGpu (bool) – Whether this prediction operator version is using gpu.

                        • +
                        • featureGroupIds (list) – A list of Feature Group IDs used for initializing.

                        • +
                        • featureGroupVersions (list) – A list of Feature Group version IDs used for initializing.

                        • +
                        • status (str) – The current status of the prediction operator version.

                        • +
                        • error (str) – The error message if the status failed.

                        • codeSource (CodeSource) – If a python model, information on the source code.

                        @@ -53095,7 +58685,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -53106,7 +58696,57 @@

                        Package Contents
                        Parameters:
                        -

                        prediction_operator_version (str) – The unique ID of the prediction operator version.

                        +

                        prediction_operator_version (str) – The unique ID of the prediction operator version.

                        +
                        + + + + + +
                        +
                        +class abacusai.PresentationExportResult(client, filePath=None, webViewLink=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Export Presentation

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • filePath (str) – The path to the exported presentation

                        • +
                        • webViewLink (str) – The web view link to the exported presentation (if applicable)

                        • +
                        +
                        +
                        +
                        +
                        +file_path = None
                        +
                        + +
                        + +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -53114,18 +58754,128 @@

                        Package Contents -
                        -class abacusai.ProblemType(client, problemType=None, requiredFeatureGroupType=None, optionalFeatureGroupTypes=None, useCasesSupportCustomAlgorithm=None)
                        +
                        +class abacusai.PrivateWebAppDeployment(client, hostname=None, llmArtifactId=None, hostedAppVersion=None, applicationType=None, lifecycle=None, deploymentConversationId=None, conversationName=None, userId=None, email=None, conversationType=None, source=None, conversationCreatedAt=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Private web app deployment list.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • hostname (str) – The hostname of the web app deployment.

                        • +
                        • llmArtifactId (id) – The ID of the LLM artifact.

                        • +
                        • hostedAppVersion (id) – The version of the hosted app.

                        • +
                        • applicationType (str) – The type of application.

                        • +
                        • lifecycle (str) – The lifecycle of the web app deployment.

                        • +
                        • deploymentConversationId (id) – The ID of the deployment conversation.

                        • +
                        • conversationName (str) – The name of the conversation.

                        • +
                        • userId (id) – The ID of the user who created the deployment.

                        • +
                        • email (str) – The email of the user who created the deployment.

                        • +
                        • conversationType (str) – The type of conversation.

                        • +
                        • source (str) – The source of the conversation.

                        • +
                        • conversationCreatedAt (str) – The timestamp when the conversation was created.

                        • +
                        +
                        +
                        +
                        +
                        +hostname = None
                        +
                        + +
                        +
                        +llm_artifact_id = None
                        +
                        + +
                        +
                        +hosted_app_version = None
                        +
                        + +
                        +
                        +application_type = None
                        +
                        + +
                        +
                        +lifecycle = None
                        +
                        + +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +conversation_name = None
                        +
                        + +
                        +
                        +user_id = None
                        +
                        + +
                        +
                        +email = None
                        +
                        + +
                        +
                        +conversation_type = None
                        +
                        + +
                        +
                        +source = None
                        +
                        + +
                        +
                        +conversation_created_at = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +

                        + +
                        +
                        +class abacusai.ProblemType(client, problemType=None, requiredFeatureGroupType=None, optionalFeatureGroupTypes=None, useCasesSupportCustomAlgorithm=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        Description of a problem type which is the common underlying problem for different use cases.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • problemType (str) – Name of the problem type

                        • -
                        • requiredFeatureGroupType (str) – The required feature group types to train for this problem type

                        • -
                        • optionalFeatureGroupTypes (list[str]) – The optional feature group types can be used to train for this problem type

                        • -
                        • useCasesSupportCustomAlgorithm (list) – A list of use cases that support custom algorithms

                        • +
                        • problemType (str) – Name of the problem type

                        • +
                        • requiredFeatureGroupType (str) – The required feature group types to train for this problem type

                        • +
                        • optionalFeatureGroupTypes (list[str]) – The optional feature group types can be used to train for this problem type

                        • +
                        • useCasesSupportCustomAlgorithm (list) – A list of use cases that support custom algorithms

                        @@ -53168,7 +58918,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -53184,12 +58934,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • projectId (str) – The ID of the project.

                        • -
                        • name (str) – The name of the project.

                        • -
                        • useCase (str) – The use case associated with the project.

                        • -
                        • problemType (str) – The problem type associated with the project.

                        • -
                        • createdAt (str) – The date and time when the project was created.

                        • -
                        • tags (list[str]) – List of tags associated with the project.

                        • +
                        • projectId (str) – The ID of the project.

                        • +
                        • name (str) – The name of the project.

                        • +
                        • useCase (str) – The use case associated with the project.

                        • +
                        • problemType (str) – The problem type associated with the project.

                        • +
                        • createdAt (str) – The date and time when the project was created.

                        • +
                        • tags (list[str]) – List of tags associated with the project.

                        @@ -53242,7 +58992,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -53267,7 +59017,7 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – A unique string identifier for the project.

                        +

                        project_id (str) – A unique string identifier for the project.

                        Returns:

                        The description of the project.

                        @@ -53284,7 +59034,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The new name for the project.

                        +

                        name (str) – The new name for the project.

                        @@ -53298,7 +59048,7 @@

                        Package Contents
                        Parameters:
                        -

                        force_delete (bool) – If True, the project will be deleted even if it has active deployments.

                        +

                        force_delete (bool) – If True, the project will be deleted even if it has active deployments.

                        @@ -53309,7 +59059,7 @@

                        Package Contents
                        Parameters:
                        -

                        tags (list) – The tags to add to the project.

                        +

                        tags (list) – The tags to add to the project.

                        @@ -53320,7 +59070,7 @@

                        Package Contents
                        Parameters:
                        -

                        tags (list) – The tags to remove from the project.

                        +

                        tags (list) – The tags to remove from the project.

                        @@ -53332,17 +59082,17 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • -
                        • feature_name (str) – The name of the feature.

                        • -
                        • feature_mapping (str) – The mapping of the feature in the feature group.

                        • -
                        • nested_column_name (str) – The name of the nested column if the input feature is part of a nested feature group for the given feature_group_id.

                        • +
                        • feature_group_id (str) – The unique ID associated with the feature group.

                        • +
                        • feature_name (str) – The name of the feature.

                        • +
                        • feature_mapping (str) – The mapping of the feature in the feature group.

                        • +
                        • nested_column_name (str) – The name of the nested column if the input feature is part of a nested feature group for the given feature_group_id.

                        Returns:

                        A list of objects that describes the resulting feature group’s schema after the feature’s featureMapping is set.

                        Return type:
                        -

                        list[Feature]

                        +

                        list[Feature]

                        @@ -53370,7 +59120,7 @@

                        Package Contents
                        Parameters:
                        -

                        feature_group_id (str) – The unique ID associated with the feature group.

                        +

                        feature_group_id (str) – The unique ID associated with the feature group.

                        Returns:

                        A dict that contains the inferred feature mappings.

                        @@ -53381,13 +59131,27 @@

                        Package Contents +
                        +add_scope_for_user(email, scope)
                        +

                        Add a user to a project.

                        +
                        +
                        Parameters:
                        +
                          +
                        • email (str) – The user’s email.

                        • +
                        • scope (list) – The list of project scopes.

                        • +
                        +
                        +
                        +
                        +
                        describe_feature_group(feature_group_id)

                        Describe a feature group associated with a project

                        Parameters:
                        -

                        feature_group_id (str) – The unique ID associated with the feature group.

                        +

                        feature_group_id (str) – The unique ID associated with the feature group.

                        Returns:

                        The project feature group object.

                        @@ -53405,16 +59169,16 @@

                        Package Contents
                        Parameters:
                          -
                        • filter_feature_group_use (str) – The feature group use filter, when given as an argument only allows feature groups present in this project to be returned if they are of the given use. Possible values are: ‘USER_CREATED’, ‘BATCH_PREDICTION_OUTPUT’.

                        • -
                        • limit (int) – The maximum number of feature groups to be retrieved.

                        • -
                        • start_after_id (str) – An offset parameter to exclude all feature groups up to a specified ID.

                        • +
                        • filter_feature_group_use (str) – The feature group use filter, when given as an argument only allows feature groups present in this project to be returned if they are of the given use. Possible values are: ‘USER_CREATED’, ‘BATCH_PREDICTION_OUTPUT’.

                        • +
                        • limit (int) – The maximum number of feature groups to be retrieved.

                        • +
                        • start_after_id (str) – An offset parameter to exclude all feature groups up to a specified ID.

                        Returns:

                        All the Feature Groups in a project.

                        Return type:
                        -

                        list[ProjectFeatureGroup]

                        +

                        list[ProjectFeatureGroup]

                        @@ -53426,16 +59190,16 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – Maximum number of templates to be retrieved.

                        • -
                        • start_after_id (str) – Offset parameter to exclude all templates till the specified feature group template ID.

                        • -
                        • should_include_all_system_templates (bool) – If True, will include built-in templates.

                        • +
                        • limit (int) – Maximum number of templates to be retrieved.

                        • +
                        • start_after_id (str) – Offset parameter to exclude all templates till the specified feature group template ID.

                        • +
                        • should_include_all_system_templates (bool) – If True, will include built-in templates.

                        Returns:

                        All the feature groups in the organization, optionally limited by the feature group that created the template(s).

                        Return type:
                        -

                        list[FeatureGroupTemplate]

                        +

                        list[FeatureGroupTemplate]

                        @@ -53448,7 +59212,7 @@

                        Package ContentsParameters:
                        @@ -53456,7 +59220,7 @@

                        Package Contents

                        An array of options that can be specified when training a model in this project.

                        Return type:
                        -

                        list[TrainingConfigOptions]

                        +

                        list[TrainingConfigOptions]

                        @@ -53488,17 +59252,17 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the model. Defaults to “<Project Name> Model”.

                        • +
                        • name (str) – The name of the model. Defaults to “<Project Name> Model”.

                        • training_config (TrainingConfig) – The training config used to train this model.

                        • feature_group_ids (List) – List of feature group IDs provided by the user to train the model on.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model.

                        • -
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, the default enabled custom algorithms will be used.

                        • -
                        • custom_algorithms_only (bool) – Whether to only run custom algorithms.

                        • -
                        • custom_algorithm_configs (dict) – Configs for each user-defined algorithm; key is the algorithm name, value is the config serialized to JSON.

                        • -
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of the builtin algorithms provided by Abacus.AI to train. If not set, all applicable builtin algorithms will be used.

                        • -
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • -
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • -
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model.

                        • +
                        • custom_algorithms (list) – List of user-defined algorithms to train. If not set, the default enabled custom algorithms will be used.

                        • +
                        • custom_algorithms_only (bool) – Whether to only run custom algorithms.

                        • +
                        • custom_algorithm_configs (dict) – Configs for each user-defined algorithm; key is the algorithm name, value is the config serialized to JSON.

                        • +
                        • builtin_algorithms (list) – List of algorithm names or algorithm IDs of the builtin algorithms provided by Abacus.AI to train. If not set, all applicable builtin algorithms will be used.

                        • +
                        • cpu_size (str) – Size of the CPU for the user-defined algorithms during training.

                        • +
                        • memory (int) – Memory (in GB) for the user-defined algorithms during training.

                        • +
                        • algorithm_training_configs (list) – List of algorithm specifc training configs that will be part of the model training AutoML run.

                        Returns:
                        @@ -53518,20 +59282,20 @@

                        Package Contents
                        Parameters:
                          -
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • -
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • -
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • -
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • -
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • -
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • -
                        • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”

                        • -
                        • cpu_size (str) – Size of the CPU for the model training function

                        • -
                        • memory (int) – Memory (in GB) for the model training function

                        • +
                        • function_source_code (str) – Contents of a valid Python source code file. The source code should contain the functions named trainFunctionName and predictFunctionName. A list of allowed import and system libraries for each language is specified in the user functions documentation section.

                        • +
                        • train_function_name (str) – Name of the function found in the source code that will be executed to train the model. It is not executed when this function is run.

                        • +
                        • training_input_tables (list) – List of feature groups that are supplied to the train function as parameters. Each of the parameters are materialized Dataframes (same type as the functions return value).

                        • +
                        • predict_function_name (str) – Name of the function found in the source code that will be executed to run predictions through the model. It is not executed when this function is run.

                        • +
                        • predict_many_function_name (str) – Name of the function found in the source code that will be executed for batch prediction of the model. It is not executed when this function is run.

                        • +
                        • initialize_function_name (str) – Name of the function found in the source code to initialize the trained model before using it to make predictions using the model

                        • +
                        • name (str) – The name you want your model to have. Defaults to “<Project Name> Model”

                        • +
                        • cpu_size (str) – Size of the CPU for the model training function

                        • +
                        • memory (int) – Memory (in GB) for the model training function

                        • training_config (TrainingConfig) – Training configuration

                        • -
                        • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

                        • -
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • -
                        • use_gpu (bool) – Whether this model needs gpu

                        • -
                        • is_thread_safe (bool) – Whether this model is thread safe

                        • +
                        • exclusive_run (bool) – Decides if this model will be run exclusively or along with other Abacus.AI algorithms

                        • +
                        • package_requirements (list) – List of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’]

                        • +
                        • use_gpu (bool) – Whether this model needs gpu

                        • +
                        • is_thread_safe (bool) – Whether this model is thread safe

                        Returns:
                        @@ -53549,13 +59313,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier associated with the project.

                        +

                        project_id (str) – Unique string identifier associated with the project.

                        Returns:

                        A list of models.

                        Return type:
                        -

                        list[Model]

                        +

                        list[Model]

                        @@ -53567,10 +59331,10 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_names_for_training (list) – A list of feature group table names to be used for training.

                        • -
                        • training_data_parameter_name_override (dict) – Override from feature group type to parameter name in the train function.

                        • +
                        • feature_group_names_for_training (list) – A list of feature group table names to be used for training.

                        • +
                        • training_data_parameter_name_override (dict) – Override from feature group type to parameter name in the train function.

                        • training_config (TrainingConfig) – Training config for the options supported by the Abacus.AI platform.

                        • -
                        • custom_algorithm_config (dict) – User-defined config that can be serialized by JSON.

                        • +
                        • custom_algorithm_config (dict) – User-defined config that can be serialized by JSON.

                        Returns:
                        @@ -53589,23 +59353,23 @@

                        Package Contents
                        Parameters:
                          -
                        • prediction_feature_group_id (str) – The unique ID of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – The unique ID of the training data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model monitor.

                        • -
                        • target_value (str) – A target positive value for the label to compute bias and PR/AUC for performance page.

                        • -
                        • target_value_bias (str) – A target positive value for the label to compute bias.

                        • -
                        • target_value_performance (str) – A target positive value for the label to compute PR curve/AUC for performance page.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • model_id (str) – The unique ID of the model.

                        • -
                        • training_feature_mappings (dict) – A JSON map to override features for training_fature_group, where keys are column names and the values are feature data use types.

                        • -
                        • feature_group_base_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • -
                        • feature_group_comparison_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • -
                        • exclude_interactive_performance_analysis (bool) – Whether to exclude interactive performance analysis. Defaults to True if not provided.

                        • -
                        • exclude_bias_analysis (bool) – Whether to exclude bias analysis in the model monitor. For default value bias analysis is included.

                        • -
                        • exclude_performance_analysis (bool) – Whether to exclude performance analysis in the model monitor. For default value performance analysis is included.

                        • -
                        • exclude_feature_drift_analysis (bool) – Whether to exclude feature drift analysis in the model monitor. For default value feature drift analysis is included.

                        • -
                        • exclude_data_integrity_analysis (bool) – Whether to exclude data integrity analysis in the model monitor. For default value data integrity analysis is included.

                        • +
                        • prediction_feature_group_id (str) – The unique ID of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – The unique ID of the training data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created model monitor.

                        • +
                        • target_value (str) – A target positive value for the label to compute bias and PR/AUC for performance page.

                        • +
                        • target_value_bias (str) – A target positive value for the label to compute bias.

                        • +
                        • target_value_performance (str) – A target positive value for the label to compute PR curve/AUC for performance page.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • model_id (str) – The unique ID of the model.

                        • +
                        • training_feature_mappings (dict) – A JSON map to override features for training_fature_group, where keys are column names and the values are feature data use types.

                        • +
                        • feature_group_base_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • +
                        • feature_group_comparison_monitor_config (dict) – Selection strategy for the feature_group 1 with the feature group version if selected.

                        • +
                        • exclude_interactive_performance_analysis (bool) – Whether to exclude interactive performance analysis. Defaults to True if not provided.

                        • +
                        • exclude_bias_analysis (bool) – Whether to exclude bias analysis in the model monitor. For default value bias analysis is included.

                        • +
                        • exclude_performance_analysis (bool) – Whether to exclude performance analysis in the model monitor. For default value performance analysis is included.

                        • +
                        • exclude_feature_drift_analysis (bool) – Whether to exclude feature drift analysis in the model monitor. For default value feature drift analysis is included.

                        • +
                        • exclude_data_integrity_analysis (bool) – Whether to exclude data integrity analysis in the model monitor. For default value data integrity analysis is included.

                        Returns:
                        @@ -53619,17 +59383,17 @@

                        Package Contents
                        -list_model_monitors()
                        +list_model_monitors(limit=None)

                        Retrieves the list of model monitors in the specified project.

                        Parameters:
                        -

                        project_id (str) – Unique string identifier associated with the project.

                        +

                        limit (int) – Maximum number of model monitors to return. We’ll have internal limit if not set.

                        Returns:

                        A list of model monitors.

                        Return type:
                        -

                        list[ModelMonitor]

                        +

                        list[ModelMonitor]

                        @@ -53641,13 +59405,13 @@

                        Package Contents
                        Parameters:
                          -
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created vision drift monitor.

                        • +
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created vision drift monitor.

                        Returns:
                        @@ -53666,13 +59430,13 @@

                        Package Contents
                        Parameters:
                          -
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • -
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created nlp drift monitor.

                        • +
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for prediction_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • training_feature_mappings (dict) – A JSON map to override features for training_feature_group, where keys are column names and the values are feature data use types.

                        • +
                        • target_value_performance (str) – A target positive value for the label to compute precision-recall curve/area under curve for performance page.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created nlp drift monitor.

                        Returns:
                        @@ -53691,13 +59455,13 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • -
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • -
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> Model Monitor”.

                        • +
                        • prediction_feature_group_id (str) – Unique string identifier of the prediction data feature group.

                        • +
                        • training_feature_group_id (str) – Unique string identifier of the training data feature group.

                        • training_forecast_config (ForecastingMonitorConfig) – The configuration for the training data.

                        • prediction_forecast_config (ForecastingMonitorConfig) – The configuration for the prediction data.

                        • -
                        • forecast_frequency (str) – The frequency of the forecast. Defaults to the frequency of the prediction data.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created forecasting monitor.

                        • +
                        • forecast_frequency (str) – The frequency of the forecast. Defaults to the frequency of the prediction data.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically rerun the created forecasting monitor.

                        Returns:
                        @@ -53716,17 +59480,17 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – The unique ID of the prediction data feature group.

                        • -
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> EDA”.

                        • -
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created EDA.

                        • -
                        • include_collinearity (bool) – Set to True if the EDA type is collinearity.

                        • -
                        • include_data_consistency (bool) – Set to True if the EDA type is data consistency.

                        • -
                        • collinearity_keys (list) – List of features to use for collinearity

                        • -
                        • primary_keys (list) – List of features that corresponds to the primary keys or item ids for the given feature group for Data Consistency analysis or Forecasting analysis respectively.

                        • -
                        • data_consistency_test_config (dict) – Test feature group version selection strategy for Data Consistency EDA type.

                        • -
                        • data_consistency_reference_config (dict) – Reference feature group version selection strategy for Data Consistency EDA type.

                        • -
                        • feature_mappings (dict) – A JSON map to override features for the given feature_group, where keys are column names and the values are feature data use types. (In forecasting, used to set the timestamp column and target value)

                        • -
                        • forecast_frequency (str) – The frequency of the data. It can be either HOURLY, DAILY, WEEKLY, MONTHLY, QUARTERLY, YEARLY.

                        • +
                        • feature_group_id (str) – The unique ID of the prediction data feature group.

                        • +
                        • name (str) – The name you want your model monitor to have. Defaults to “<Project Name> EDA”.

                        • +
                        • refresh_schedule (str) – A cron-style string that describes a schedule in UTC to automatically retrain the created EDA.

                        • +
                        • include_collinearity (bool) – Set to True if the EDA type is collinearity.

                        • +
                        • include_data_consistency (bool) – Set to True if the EDA type is data consistency.

                        • +
                        • collinearity_keys (list) – List of features to use for collinearity

                        • +
                        • primary_keys (list) – List of features that corresponds to the primary keys or item ids for the given feature group for Data Consistency analysis or Forecasting analysis respectively.

                        • +
                        • data_consistency_test_config (dict) – Test feature group version selection strategy for Data Consistency EDA type.

                        • +
                        • data_consistency_reference_config (dict) – Reference feature group version selection strategy for Data Consistency EDA type.

                        • +
                        • feature_mappings (dict) – A JSON map to override features for the given feature_group, where keys are column names and the values are feature data use types. (In forecasting, used to set the timestamp column and target value)

                        • +
                        • forecast_frequency (str) – The frequency of the data. It can be either HOURLY, DAILY, WEEKLY, MONTHLY, QUARTERLY, YEARLY.

                        Returns:
                        @@ -53744,13 +59508,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier associated with the project.

                        +

                        project_id (str) – Unique string identifier associated with the project.

                        Returns:

                        List of EDA objects.

                        Return type:
                        -

                        list[Eda]

                        +

                        list[Eda]

                        @@ -53761,13 +59525,13 @@

                        Package Contents
                        Parameters:
                        -

                        model_id (str) – (optional) ID of the model to filter by

                        +

                        model_id (str) – (optional) ID of the model to filter by

                        Returns:

                        The holdout analyses

                        Return type:
                        -

                        list[HoldoutAnalysis]

                        +

                        list[HoldoutAnalysis]

                        @@ -53779,11 +59543,11 @@

                        Package Contents
                        Parameters:
                          -
                        • alert_name (str) – Name of the alert.

                        • +
                        • alert_name (str) – Name of the alert.

                        • condition_config (AlertConditionConfig) – Condition to run the actions for the alert.

                        • action_config (AlertActionConfig) – Configuration for the action of the alert.

                        • -
                        • model_monitor_id (str) – Unique string identifier for the model monitor created under the project.

                        • -
                        • realtime_monitor_id (str) – Unique string identifier for the real-time monitor for the deployment created under the project.

                        • +
                        • model_monitor_id (str) – Unique string identifier for the model monitor created under the project.

                        • +
                        • realtime_monitor_id (str) – Unique string identifier for the real-time monitor for the deployment created under the project.

                        Returns:
                        @@ -53801,13 +59565,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique ID of the project.

                        +

                        project_id (str) – The unique ID of the project.

                        Returns:

                        A list of prediction operator objects.

                        Return type:
                        -

                        list[PredictionOperator]

                        +

                        list[PredictionOperator]

                        @@ -53819,7 +59583,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name of the deployment token.

                        +

                        name (str) – The name of the deployment token.

                        Returns:

                        The deployment token.

                        @@ -53836,13 +59600,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique identifier associated with the project.

                        +

                        project_id (str) – The unique identifier associated with the project.

                        Returns:

                        An array of deployments.

                        Return type:
                        -

                        list[Deployment]

                        +

                        list[Deployment]

                        @@ -53853,13 +59617,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique ID associated with the project.

                        +

                        project_id (str) – The unique ID associated with the project.

                        Returns:

                        A list of deployment tokens.

                        Return type:
                        -

                        list[DeploymentAuthToken]

                        +

                        list[DeploymentAuthToken]

                        @@ -53870,13 +59634,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier for the deployment.

                        +

                        project_id (str) – Unique string identifier for the deployment.

                        Returns:

                        An array of real-time monitors.

                        Return type:
                        -

                        list[RealtimeMonitor]

                        +

                        list[RealtimeMonitor]

                        @@ -53889,7 +59653,7 @@

                        Package ContentsParameters:
                        Return type:
                        -

                        list[RefreshPolicy]

                        +

                        list[RefreshPolicy]

                        -list_batch_predictions()
                        +list_batch_predictions(limit=None)

                        Retrieves a list of batch predictions in the project.

                        Parameters:
                        -

                        project_id (str) – Unique string identifier of the project.

                        +

                        limit (int) – Maximum number of batch predictions to return. We’ll have internal limit if not set.

                        Returns:

                        List of batch prediction jobs.

                        Return type:
                        -

                        list[BatchPrediction]

                        +

                        list[BatchPrediction]

                        @@ -53929,13 +59693,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        +

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        Returns:

                        A list of pipelines.

                        Return type:
                        -

                        list[Pipeline]

                        +

                        list[Pipeline]

                        @@ -53947,7 +59711,7 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the dashboard.

                        • +
                        • name (str) – The name of the dashboard.

                        • python_function_ids (List) – A list of unique string identifiers for the python functions to be used in the graph dashboard.

                        @@ -53966,13 +59730,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        +

                        project_id (str) – Unique string identifier for the project to list graph dashboards from.

                        Returns:

                        A list of graph dashboards.

                        Return type:
                        -

                        list[GraphDashboard]

                        +

                        list[GraphDashboard]

                        @@ -53992,7 +59756,7 @@

                        Package Contents

                        List of applicable builtin algorithms.

                        Return type:
                        -

                        list[Algorithm]

                        +

                        list[Algorithm]

                        @@ -54003,7 +59767,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – The name of the chat session. Defaults to the project name.

                        +

                        name (str) – The name of the chat session. Defaults to the project name.

                        Returns:

                        The chat session with Data Science Co-pilot

                        @@ -54021,23 +59785,23 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name you want your agent to have, defaults to “<Project Name> Agent”.

                        • -
                        • memory (int) – Overrides the default memory allocation (in GB) for the agent.

                        • -
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • -
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • -
                        • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

                        • +
                        • name (str) – The name you want your agent to have, defaults to “<Project Name> Agent”.

                        • +
                        • memory (int) – Overrides the default memory allocation (in GB) for the agent.

                        • +
                        • package_requirements (list) – A list of package requirement strings. For example: [‘numpy==1.2.3’, ‘pandas>=1.4.0’].

                        • +
                        • description (str) – A description of the agent, including its purpose and instructions.

                        • +
                        • evaluation_feature_group_id (str) – The ID of the feature group to use for evaluation.

                        • workflow_graph (WorkflowGraph) – The workflow graph for the agent.

                        • agent_interface (AgentInterface) – The interface that the agent will be deployed with.

                        • included_modules (List) – A list of user created custom modules to include in the agent’s environment.

                        • org_level_connectors (List) – A list of org level connector ids to be used by the agent.

                        • user_level_connectors (Dict) – A dictionary mapping ApplicationConnectorType keys to lists of OAuth scopes. Each key represents a specific user level application connector, while the value is a list of scopes that define the permissions granted to the application.

                        • -
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • -
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • -
                        • function_source_code (str)

                        • -
                        • agent_function_name (str)

                        • -
                        • enable_binary_input (bool)

                        • -
                        • agent_input_schema (dict)

                        • -
                        • agent_output_schema (dict)

                        • +
                        • initialize_function_name (str) – The name of the function to be used for initialization.

                        • +
                        • initialize_function_code (str) – The function code to be used for initialization.

                        • +
                        • function_source_code (str)

                        • +
                        • agent_function_name (str)

                        • +
                        • enable_binary_input (bool)

                        • +
                        • agent_input_schema (dict)

                        • +
                        • agent_output_schema (dict)

                        Returns:
                        @@ -54056,8 +59820,8 @@

                        Package Contents
                        Parameters:
                          -
                        • prompt (str) – A natural language prompt which describes agent specification. Describe what the agent will do, what inputs it will expect, and what outputs it will give out

                        • -
                        • fast_mode (bool) – If True, runs a faster but slightly less accurate code generation pipeline

                        • +
                        • prompt (str) – A natural language prompt which describes agent specification. Describe what the agent will do, what inputs it will expect, and what outputs it will give out

                        • +
                        • fast_mode (bool) – If True, runs a faster but slightly less accurate code generation pipeline

                        @@ -54069,13 +59833,13 @@

                        Package Contents
                        Parameters:
                        -

                        project_id (str) – The unique identifier associated with the project.

                        +

                        project_id (str) – The unique identifier associated with the project.

                        Returns:

                        A list of agents in the project.

                        Return type:
                        -

                        list[Agent]

                        +

                        list[Agent]

                        @@ -54088,8 +59852,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – The name of the Document Retriever. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • -
                        • feature_group_id (str) – The ID of the feature group that the Document Retriever is associated with.

                        • +
                        • name (str) – The name of the Document Retriever. Can be up to 120 characters long and can only contain alphanumeric characters and underscores.

                        • +
                        • feature_group_id (str) – The ID of the feature group that the Document Retriever is associated with.

                        • document_retriever_config (VectorStoreConfig) – The configuration, including chunk_size and chunk_overlap_fraction, for document retrieval.

                        @@ -54109,15 +59873,15 @@

                        Package Contents
                        Parameters:
                          -
                        • limit (int) – The number of document retrievers to return.

                        • -
                        • start_after_id (str) – An offset parameter to exclude all document retrievers up to this specified ID.

                        • +
                        • limit (int) – The number of document retrievers to return.

                        • +
                        • start_after_id (str) – An offset parameter to exclude all document retrievers up to this specified ID.

                        Returns:

                        All the document retrievers in the organization associated with the specified project.

                        Return type:
                        -

                        list[DocumentRetriever]

                        +

                        list[DocumentRetriever]

                        @@ -54131,13 +59895,13 @@

                        Package Contents
                        Returns:
                        @@ -54160,7 +59924,7 @@

                        Package ContentsParameters:
                        @@ -54194,7 +59958,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -54210,43 +59974,43 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupId (str) – Unique identifier for this feature group.

                        • -
                        • modificationLock (bool) – If feature group is locked against a change or not.

                        • -
                        • name (str)

                        • -
                        • featureGroupSourceType (str) – The source type of the feature group

                        • -
                        • tableName (str) – Unique table name of this feature group.

                        • -
                        • sql (str) – SQL definition creating this feature group.

                        • -
                        • datasetId (str) – Dataset ID the feature group is sourced from.

                        • -
                        • functionSourceCode (str) – Source definition creating this feature group.

                        • -
                        • functionName (str) – Function name to execute from the source code.

                        • -
                        • sourceTables (list[str]) – Source tables for this feature group.

                        • -
                        • createdAt (str) – Timestamp at which the feature group was created.

                        • -
                        • description (str) – Description of the feature group.

                        • -
                        • sqlError (str) – Error message with this feature group.

                        • -
                        • latestVersionOutdated (bool) – Is latest materialized feature group version outdated.

                        • -
                        • referencedFeatureGroups (list[str]) – Feature groups this feature group is used in.

                        • -
                        • tags (list[str]) – Tags added to this feature group.

                        • -
                        • primaryKey (str) – Primary index feature.

                        • -
                        • updateTimestampKey (str) – Primary timestamp feature.

                        • -
                        • lookupKeys (list[str]) – Additional indexed features for this feature group.

                        • -
                        • streamingEnabled (bool) – If true, the feature group can have data streamed to it.

                        • -
                        • incremental (bool) – If feature group corresponds to an incremental dataset.

                        • -
                        • mergeConfig (dict) – Merge configuration settings for the feature group.

                        • -
                        • samplingConfig (dict) – Sampling configuration for the feature group.

                        • -
                        • cpuSize (str) – CPU size specified for the Python feature group.

                        • -
                        • memory (int) – Memory in GB specified for the Python feature group.

                        • -
                        • streamingReady (bool) – If true, the feature group is ready to receive streaming data.

                        • -
                        • featureTags (dict) – Tags for features in this feature group

                        • -
                        • moduleName (str) – Path to the file with the feature group function.

                        • -
                        • templateBindings (dict) – Config specifying variable names and values to use when resolving a feature group template.

                        • -
                        • featureExpression (str) – If the dataset feature group has custom features, the SQL select expression creating those features.

                        • -
                        • useOriginalCsvNames (bool) – If true, the feature group will use the original column names in the source dataset.

                        • -
                        • pythonFunctionBindings (dict) – Config specifying variable names, types, and values to use when resolving a Python feature group.

                        • -
                        • pythonFunctionName (str) – Name of the Python function the feature group was built from.

                        • -
                        • useGpu (bool) – Whether this feature group is using gpu

                        • -
                        • versionLimit (int) – Version limit for the feature group.

                        • -
                        • exportOnMaterialization (bool) – Whether to export the feature group on materialization.

                        • -
                        • featureGroupType (str) – Project type when the feature group is used in the context of a project.

                        • +
                        • featureGroupId (str) – Unique identifier for this feature group.

                        • +
                        • modificationLock (bool) – If feature group is locked against a change or not.

                        • +
                        • name (str)

                        • +
                        • featureGroupSourceType (str) – The source type of the feature group

                        • +
                        • tableName (str) – Unique table name of this feature group.

                        • +
                        • sql (str) – SQL definition creating this feature group.

                        • +
                        • datasetId (str) – Dataset ID the feature group is sourced from.

                        • +
                        • functionSourceCode (str) – Source definition creating this feature group.

                        • +
                        • functionName (str) – Function name to execute from the source code.

                        • +
                        • sourceTables (list[str]) – Source tables for this feature group.

                        • +
                        • createdAt (str) – Timestamp at which the feature group was created.

                        • +
                        • description (str) – Description of the feature group.

                        • +
                        • sqlError (str) – Error message with this feature group.

                        • +
                        • latestVersionOutdated (bool) – Is latest materialized feature group version outdated.

                        • +
                        • referencedFeatureGroups (list[str]) – Feature groups this feature group is used in.

                        • +
                        • tags (list[str]) – Tags added to this feature group.

                        • +
                        • primaryKey (str) – Primary index feature.

                        • +
                        • updateTimestampKey (str) – Primary timestamp feature.

                        • +
                        • lookupKeys (list[str]) – Additional indexed features for this feature group.

                        • +
                        • streamingEnabled (bool) – If true, the feature group can have data streamed to it.

                        • +
                        • incremental (bool) – If feature group corresponds to an incremental dataset.

                        • +
                        • mergeConfig (dict) – Merge configuration settings for the feature group.

                        • +
                        • samplingConfig (dict) – Sampling configuration for the feature group.

                        • +
                        • cpuSize (str) – CPU size specified for the Python feature group.

                        • +
                        • memory (int) – Memory in GB specified for the Python feature group.

                        • +
                        • streamingReady (bool) – If true, the feature group is ready to receive streaming data.

                        • +
                        • featureTags (dict) – Tags for features in this feature group

                        • +
                        • moduleName (str) – Path to the file with the feature group function.

                        • +
                        • templateBindings (dict) – Config specifying variable names and values to use when resolving a feature group template.

                        • +
                        • featureExpression (str) – If the dataset feature group has custom features, the SQL select expression creating those features.

                        • +
                        • useOriginalCsvNames (bool) – If true, the feature group will use the original column names in the source dataset.

                        • +
                        • pythonFunctionBindings (dict) – Config specifying variable names, types, and values to use when resolving a Python feature group.

                        • +
                        • pythonFunctionName (str) – Name of the Python function the feature group was built from.

                        • +
                        • useGpu (bool) – Whether this feature group is using gpu

                        • +
                        • versionLimit (int) – Version limit for the feature group.

                        • +
                        • exportOnMaterialization (bool) – Whether to export the feature group on materialization.

                        • +
                        • featureGroupType (str) – Project type when the feature group is used in the context of a project.

                        • features (Feature) – List of resolved features.

                        • duplicateFeatures (Feature) – List of duplicate features.

                        • pointInTimeGroups (PointInTimeGroup) – List of Point In Time Groups.

                        • @@ -54544,7 +60308,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -54560,7 +60324,7 @@

                        Package ContentsParameters:
                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -54650,7 +60414,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -54666,9 +60430,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • valid (bool) – true if the project is valid and ready to be trained, otherwise false.

                        • -
                        • datasetErrors (list[dict]) – A list of errors keeping the dataset from being valid

                        • -
                        • columnHints (dict) – Hints for what to set on the columns

                        • +
                        • valid (bool) – true if the project is valid and ready to be trained, otherwise false.

                        • +
                        • datasetErrors (list[dict]) – A list of errors keeping the dataset from being valid

                        • +
                        • columnHints (dict) – Hints for what to set on the columns

                        @@ -54706,7 +60470,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -54715,24 +60479,26 @@

                        Package Contents
                        -class abacusai.PythonFunction(client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, codeSource={})
                        +class abacusai.PythonFunction(client, notebookId=None, name=None, createdAt=None, functionVariableMappings=None, outputVariableMappings=None, functionName=None, pythonFunctionId=None, functionType=None, packageRequirements=None, description=None, examples=None, connectors=None, configurations=None, codeSource={})

                        Bases: abacusai.return_class.AbstractApiClass

                        Customer created python function

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • notebookId (str) – The unique identifier of the notebook used to spin up the notebook upon creation.

                        • -
                        • name (str) – The name to identify the algorithm, only uppercase letters, numbers, and underscores allowed (i.e. it must be a valid Python identifier)

                        • -
                        • createdAt (str) – The ISO-8601 string representing when the Python function was created.

                        • -
                        • functionVariableMappings (dict) – A description of the function variables.

                        • -
                        • outputVariableMappings (dict) – A description of the variables returned by the function

                        • -
                        • functionName (str) – The name of the Python function to be used.

                        • -
                        • pythonFunctionId (str) – The unique identifier of the Python function.

                        • -
                        • functionType (str) – The type of the Python function.

                        • -
                        • packageRequirements (list) – The pip package dependencies required to run the code

                        • -
                        • description (str) – Description of the Python function.

                        • -
                        • examples (dict[str, list[str]]) – Dictionary containing example use cases and anti-patterns. Includes ‘positive’ examples showing recommended usage and ‘negative’ examples showing cases to avoid.

                        • +
                        • notebookId (str) – The unique identifier of the notebook used to spin up the notebook upon creation.

                        • +
                        • name (str) – The name to identify the algorithm, only uppercase letters, numbers, and underscores allowed (i.e. it must be a valid Python identifier)

                        • +
                        • createdAt (str) – The ISO-8601 string representing when the Python function was created.

                        • +
                        • functionVariableMappings (dict) – A description of the function variables.

                        • +
                        • outputVariableMappings (dict) – A description of the variables returned by the function

                        • +
                        • functionName (str) – The name of the Python function to be used.

                        • +
                        • pythonFunctionId (str) – The unique identifier of the Python function.

                        • +
                        • functionType (str) – The type of the Python function.

                        • +
                        • packageRequirements (list) – The pip package dependencies required to run the code

                        • +
                        • description (str) – Description of the Python function.

                        • +
                        • examples (dict[str, list[str]]) – Dictionary containing example use cases and anti-patterns. Includes ‘positive’ examples showing recommended usage and ‘negative’ examples showing cases to avoid.

                        • +
                        • connectors (dict) – Dictionary containing user-level and organization-level connectors

                        • +
                        • configurations (dict) – Dictionary containing configurations for the Python function

                        • codeSource (CodeSource) – Information about the source code of the Python function.

                        @@ -54792,6 +60558,16 @@

                        Package Contentsexamples = None

                        +
                        +
                        +connectors = None
                        +
                        + +
                        +
                        +configurations = None
                        +
                        +
                        code_source
                        @@ -54816,7 +60592,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -54828,9 +60604,9 @@

                        Package Contents
                        Parameters:
                          -
                        • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

                        • +
                        • graph_dashboard_id (str) – Unique string identifier for the graph dashboard to update.

                        • function_variable_mappings (List) – List of arguments to be supplied to the function as parameters, in the format [{‘name’: ‘function_argument’, ‘variable_type’: ‘FEATURE_GROUP’, ‘value’: ‘name_of_feature_group’}].

                        • -
                        • name (str) – Name of the added python plot

                        • +
                        • name (str) – Name of the added python plot

                        Returns:
                        @@ -54848,7 +60624,7 @@

                        Package Contents
                        Parameters:
                        -

                        kwargs (dict) – A dictionary mapping function arguments to values to pass to the function. Feature group names will automatically be converted into pandas dataframes.

                        +

                        kwargs (dict) – A dictionary mapping function arguments to values to pass to the function. Feature group names will automatically be converted into pandas dataframes.

                        Returns:

                        The result of executing the python function

                        @@ -54858,8 +60634,8 @@

                        Package ContentsRaises:
                          -
                        • TypeError – If an Input Feature Group argument has an invalid type or argument is missing.

                        • -
                        • Exception – If an error occurs while validating the Python function.

                        • +
                        • TypeError – If an Input Feature Group argument has an invalid type or argument is missing.

                        • +
                        • Exception – If an error occurs while validating the Python function.

                        @@ -54876,15 +60652,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • notebookId (str) – Unique string identifier of the notebook used to spin up the notebook upon creation.

                        • -
                        • name (str) – The name used to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

                        • -
                        • createdAt (str) – Date and time when the Python function was created, in ISO-8601 format.

                        • -
                        • functionVariableMappings (dict) – The mappings for function parameters’ names.

                        • -
                        • functionName (str) – The name of the Python function to be used.

                        • -
                        • pythonFunctionId (str) – Unique string identifier of the Python function.

                        • -
                        • functionType (str) – The type of the Python function.

                        • -
                        • plotName (str) – Name of the plot.

                        • -
                        • graphReferenceId (str) – Reference ID of the dashboard to the plot.

                        • +
                        • notebookId (str) – Unique string identifier of the notebook used to spin up the notebook upon creation.

                        • +
                        • name (str) – The name used to identify the algorithm. Only uppercase letters, numbers, and underscores are allowed.

                        • +
                        • createdAt (str) – Date and time when the Python function was created, in ISO-8601 format.

                        • +
                        • functionVariableMappings (dict) – The mappings for function parameters’ names.

                        • +
                        • functionName (str) – The name of the Python function to be used.

                        • +
                        • pythonFunctionId (str) – Unique string identifier of the Python function.

                        • +
                        • functionType (str) – The type of the Python function.

                        • +
                        • plotName (str) – Name of the plot.

                        • +
                        • graphReferenceId (str) – Reference ID of the dashboard to the plot.

                        • codeSource (CodeSource) – Info about the source code of the Python function.

                        @@ -54958,7 +60734,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -54974,13 +60750,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – Name of feature.

                        • -
                        • trainingMin (float) – Minimum value of training distribution for the specified feature.

                        • -
                        • trainingMax (float) – Maximum value of training distribution for the specified feature.

                        • -
                        • predictionMin (float) – Minimum value of prediction distribution for the specified feature.

                        • -
                        • predictionMax (float) – Maximum value of prediction distribution for the specified feature.

                        • -
                        • freqAboveTrainingRange (float) – Frequency of prediction rows below training minimum for the specified feature.

                        • -
                        • freqBelowTrainingRange (float) – Frequency of prediction rows above training maximum for the specified feature.

                        • +
                        • name (str) – Name of feature.

                        • +
                        • trainingMin (float) – Minimum value of training distribution for the specified feature.

                        • +
                        • trainingMax (float) – Maximum value of training distribution for the specified feature.

                        • +
                        • predictionMin (float) – Minimum value of prediction distribution for the specified feature.

                        • +
                        • predictionMax (float) – Maximum value of prediction distribution for the specified feature.

                        • +
                        • freqAboveTrainingRange (float) – Frequency of prediction rows below training minimum for the specified feature.

                        • +
                        • freqBelowTrainingRange (float) – Frequency of prediction rows above training maximum for the specified feature.

                        @@ -55038,7 +60814,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -55054,12 +60830,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • realtimeMonitorId (str) – The unique identifier of the real-time monitor.

                        • -
                        • name (str) – The user-friendly name for the real-time monitor.

                        • -
                        • createdAt (str) – Date and time at which the real-time monitor was created.

                        • -
                        • deploymentId (str) – Deployment ID that this real-time monitor is monitoring.

                        • -
                        • lookbackTime (int) – The lookback time for the real-time monitor.

                        • -
                        • realtimeMonitorSchedule (str) – The drift computation schedule for the real-time monitor.

                        • +
                        • realtimeMonitorId (str) – The unique identifier of the real-time monitor.

                        • +
                        • name (str) – The user-friendly name for the real-time monitor.

                        • +
                        • createdAt (str) – Date and time at which the real-time monitor was created.

                        • +
                        • deploymentId (str) – Deployment ID that this real-time monitor is monitoring.

                        • +
                        • lookbackTime (int) – The lookback time for the real-time monitor.

                        • +
                        • realtimeMonitorSchedule (str) – The drift computation schedule for the real-time monitor.

                        @@ -55112,7 +60888,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -55124,8 +60900,8 @@

                        Package Contents
                        Parameters:
                          -
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor

                        • -
                        • lookback_time (float) – Lookback time (in seconds) for each monitor trigger

                        • +
                        • realtime_monitor_schedule (str) – The cron expression for triggering monitor

                        • +
                        • lookback_time (float) – Lookback time (in seconds) for each monitor trigger

                        Returns:
                        @@ -55157,7 +60933,7 @@

                        Package Contents
                        Parameters:
                        -

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        +

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        Returns:

                        Object describing the real-time monitor.

                        @@ -55174,7 +60950,7 @@

                        Package Contents
                        Parameters:
                        -

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        +

                        realtime_monitor_id (str) – Unique string identifier for the real-time monitor.

                        @@ -55190,18 +60966,18 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • refreshPipelineRunId (str) – The unique identifier for the refresh pipeline run.

                        • -
                        • refreshPolicyId (str) – Populated when the run was triggered by a refresh policy.

                        • -
                        • createdAt (str) – The time when this refresh pipeline run was created, in ISO-8601 format.

                        • -
                        • startedAt (str) – The time when the refresh pipeline run was started, in ISO-8601 format.

                        • -
                        • completedAt (str) – The time when the refresh pipeline run was completed, in ISO-8601 format.

                        • -
                        • status (str) – The status of the refresh pipeline run.

                        • -
                        • refreshType (str) – The type of refresh policy to be run.

                        • -
                        • datasetVersions (list[str]) – A list of dataset version IDs that this refresh pipeline run is monitoring.

                        • -
                        • featureGroupVersion (str) – The feature group version ID that this refresh pipeline run is monitoring.

                        • -
                        • modelVersions (list[str]) – A list of model version IDs that this refresh pipeline run is monitoring.

                        • -
                        • deploymentVersions (list[str]) – A list of deployment version IDs that this refresh pipeline run is monitoring.

                        • -
                        • batchPredictions (list[str]) – A list of batch prediction IDs that this refresh pipeline run is monitoring.

                        • +
                        • refreshPipelineRunId (str) – The unique identifier for the refresh pipeline run.

                        • +
                        • refreshPolicyId (str) – Populated when the run was triggered by a refresh policy.

                        • +
                        • createdAt (str) – The time when this refresh pipeline run was created, in ISO-8601 format.

                        • +
                        • startedAt (str) – The time when the refresh pipeline run was started, in ISO-8601 format.

                        • +
                        • completedAt (str) – The time when the refresh pipeline run was completed, in ISO-8601 format.

                        • +
                        • status (str) – The status of the refresh pipeline run.

                        • +
                        • refreshType (str) – The type of refresh policy to be run.

                        • +
                        • datasetVersions (list[str]) – A list of dataset version IDs that this refresh pipeline run is monitoring.

                        • +
                        • featureGroupVersion (str) – The feature group version ID that this refresh pipeline run is monitoring.

                        • +
                        • modelVersions (list[str]) – A list of model version IDs that this refresh pipeline run is monitoring.

                        • +
                        • deploymentVersions (list[str]) – A list of deployment version IDs that this refresh pipeline run is monitoring.

                        • +
                        • batchPredictions (list[str]) – A list of batch prediction IDs that this refresh pipeline run is monitoring.

                        • refreshPolicy (RefreshPolicy) – The refresh policy for this refresh policy run.

                        @@ -55290,7 +61066,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -55315,7 +61091,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_pipeline_run_id (str) – Unique string identifier associated with the refresh pipeline run.

                        +

                        refresh_pipeline_run_id (str) – Unique string identifier associated with the refresh pipeline run.

                        Returns:

                        A refresh pipeline run object.

                        @@ -55332,7 +61108,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to be timed out.

                        @@ -55346,7 +61122,7 @@

                        Package Contents

                        A string describing the status of a refresh pipeline run (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -55362,23 +61138,23 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • refreshPolicyId (str) – The unique identifier for the refresh policy

                        • -
                        • name (str) – The user-friendly name for the refresh policy

                        • -
                        • cron (str) – A cron-style string that describes when this refresh policy is to be executed in UTC

                        • -
                        • nextRunTime (str) – The next UTC time that this refresh policy will be executed

                        • -
                        • createdAt (str) – The time when the refresh policy was created

                        • -
                        • refreshType (str) – The type of refresh policy to be run

                        • -
                        • projectId (str) – The unique identifier of a project that this refresh policy applies to

                        • -
                        • datasetIds (list[str]) – Comma-separated list of Dataset IDs that this refresh policy applies to

                        • -
                        • featureGroupId (str) – Feature Group ID that this refresh policy applies to

                        • -
                        • modelIds (list[str]) – Comma-separated list of Model IDs that this refresh policy applies to

                        • -
                        • deploymentIds (list[str]) – Comma-separated list of Deployment IDs that this refresh policy applies to

                        • -
                        • batchPredictionIds (list[str]) – Comma-separated list of Batch Prediction IDs that this refresh policy applies to

                        • -
                        • modelMonitorIds (list[str]) – Comma-separated list of Model Monitor IDs that this refresh policy applies to

                        • -
                        • notebookId (str) – Notebook ID that this refresh policy applies to

                        • -
                        • paused (bool) – True if the refresh policy is paused

                        • -
                        • predictionOperatorId (str) – Prediction Operator ID that this refresh policy applies to

                        • -
                        • pipelineId (str) – The Pipeline ID With The Cron Schedule

                        • +
                        • refreshPolicyId (str) – The unique identifier for the refresh policy

                        • +
                        • name (str) – The user-friendly name for the refresh policy

                        • +
                        • cron (str) – A cron-style string that describes when this refresh policy is to be executed in UTC

                        • +
                        • nextRunTime (str) – The next UTC time that this refresh policy will be executed

                        • +
                        • createdAt (str) – The time when the refresh policy was created

                        • +
                        • refreshType (str) – The type of refresh policy to be run

                        • +
                        • projectId (str) – The unique identifier of a project that this refresh policy applies to

                        • +
                        • datasetIds (list[str]) – Comma-separated list of Dataset IDs that this refresh policy applies to

                        • +
                        • featureGroupId (str) – Feature Group ID that this refresh policy applies to

                        • +
                        • modelIds (list[str]) – Comma-separated list of Model IDs that this refresh policy applies to

                        • +
                        • deploymentIds (list[str]) – Comma-separated list of Deployment IDs that this refresh policy applies to

                        • +
                        • batchPredictionIds (list[str]) – Comma-separated list of Batch Prediction IDs that this refresh policy applies to

                        • +
                        • modelMonitorIds (list[str]) – Comma-separated list of Model Monitor IDs that this refresh policy applies to

                        • +
                        • notebookId (str) – Notebook ID that this refresh policy applies to

                        • +
                        • paused (bool) – True if the refresh policy is paused

                        • +
                        • predictionOperatorId (str) – Prediction Operator ID that this refresh policy applies to

                        • +
                        • pipelineId (str) – The Pipeline ID With The Cron Schedule

                        • featureGroupExportConfig (FeatureGroupRefreshExportConfig) – The export configuration for the feature group. Only applicable if refresh_type is FEATUREGROUP.

                        @@ -55492,7 +61268,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -55503,7 +61279,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to delete.

                        +

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to delete.

                        @@ -55528,7 +61304,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        +

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        Returns:

                        An object representing the refresh policy.

                        @@ -55545,13 +61321,13 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy.

                        +

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy.

                        Returns:

                        List of refresh pipeline runs for the given refresh policy ID.

                        Return type:
                        -

                        list[RefreshPipelineRun]

                        +

                        list[RefreshPipelineRun]

                        @@ -55562,7 +61338,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy to be paused.

                        +

                        refresh_policy_id (str) – Unique identifier associated with the refresh policy to be paused.

                        @@ -55573,7 +61349,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        +

                        refresh_policy_id (str) – The unique ID associated with this refresh policy.

                        @@ -55584,7 +61360,7 @@

                        Package Contents
                        Parameters:
                        -

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to be run.

                        +

                        refresh_policy_id (str) – Unique string identifier associated with the refresh policy to be run.

                        @@ -55596,8 +61372,8 @@

                        Package Contents
                        Parameters:
                          -
                        • name (str) – Name of the refresh policy to be updated.

                        • -
                        • cron (str) – Cron string describing the schedule from the refresh policy to be updated.

                        • +
                        • name (str) – Name of the refresh policy to be updated.

                        • +
                        • cron (str) – Cron string describing the schedule from the refresh policy to be updated.

                        • feature_group_export_config (FeatureGroupExportConfig) – Feature group export configuration to update a feature group refresh policy.

                        @@ -55621,11 +61397,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • refreshPolicyId (str) – The unique identifier of the refresh policy

                        • -
                        • nextRunTime (str) – The next run time of the refresh policy. If null, the policy is paused.

                        • -
                        • cron (str) – A cron-style string that describes the when this refresh policy is to be executed in UTC

                        • -
                        • refreshType (str) – The type of refresh that will be run

                        • -
                        • error (str) – An error message for the last pipeline run of a policy

                        • +
                        • refreshPolicyId (str) – The unique identifier of the refresh policy

                        • +
                        • nextRunTime (str) – The next run time of the refresh policy. If null, the policy is paused.

                        • +
                        • cron (str) – A cron-style string that describes the when this refresh policy is to be executed in UTC

                        • +
                        • refreshType (str) – The type of refresh that will be run

                        • +
                        • error (str) – An error message for the last pipeline run of a policy

                        @@ -55673,7 +61449,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -55682,15 +61458,16 @@

                        Package Contents
                        -class abacusai.RegenerateLlmExternalApplication(client, name=None, externalApplicationId=None)
                        +class abacusai.RegenerateLlmExternalApplication(client, name=None, llmBotIcon=None, llmName=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        An external application that specifies an LLM user can regenerate with in RouteLLM.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The external name of the LLM.

                        • -
                        • externalApplicationId (str) – The unique identifier of the external application.

                        • +
                        • name (str) – The display name of the LLM (ie GPT-5)

                        • +
                        • llmBotIcon (str) – The bot icon of the LLM.

                        • +
                        • llmName (str) – The external name of the LLM (ie OPENAI_GPT5)

                        @@ -55700,8 +61477,13 @@

                        Package Contents -
                        -external_application_id = None
                        +
                        +llm_bot_icon = None
                        +
                        + +
                        +
                        +llm_name = None
                        @@ -55723,7 +61505,63 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.RegenerateLlmOption(client, name=None, llmBotIcon=None, llmName=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        An option that specifies an LLM user can regenerate with in RouteLLM.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • name (str) – The display name of the LLM (ie GPT-5)

                        • +
                        • llmBotIcon (str) – The bot icon of the LLM.

                        • +
                        • llmName (str) – The external name of the LLM (ie OPENAI_GPT5)

                        • +
                        +
                        +
                        +
                        +
                        +name = None
                        +
                        + +
                        +
                        +llm_bot_icon = None
                        +
                        + +
                        +
                        +llm_name = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -55739,11 +61577,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • featureGroupTemplateId (str) – Unique identifier for this feature group template.

                        • -
                        • resolvedVariables (dict) – Map from template variable names to parameters available during template resolution.

                        • -
                        • resolvedSql (str) – SQL resulting from resolving the SQL template by applying the resolved bindings.

                        • -
                        • templateSql (str) – SQL that can include variables to be replaced by values from the template config to resolve this template SQL into a valid SQL query for a feature group.

                        • -
                        • sqlError (str) – if invalid, the sql error message

                        • +
                        • featureGroupTemplateId (str) – Unique identifier for this feature group template.

                        • +
                        • resolvedVariables (dict) – Map from template variable names to parameters available during template resolution.

                        • +
                        • resolvedSql (str) – SQL resulting from resolving the SQL template by applying the resolved bindings.

                        • +
                        • templateSql (str) – SQL that can include variables to be replaced by values from the template config to resolve this template SQL into a valid SQL query for a feature group.

                        • +
                        • sqlError (str) – if invalid, the sql error message

                        @@ -55791,7 +61629,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -55807,15 +61645,15 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • id (str) – The id of the routing action.

                        • -
                        • title (str) – The title of the routing action.

                        • -
                        • prompt (str) – The prompt of the routing action.

                        • -
                        • placeholder (str) – The placeholder of the routing action.

                        • -
                        • value (str) – The value of the routing action.

                        • -
                        • displayName (str) – The display name of the routing action.

                        • -
                        • isLarge (bool) – UI placement

                        • -
                        • isMedium (bool) – UI placement

                        • -
                        • additionalInfo (dict) – Additional information for the routing action.

                        • +
                        • id (str) – The id of the routing action.

                        • +
                        • title (str) – The title of the routing action.

                        • +
                        • prompt (str) – The prompt of the routing action.

                        • +
                        • placeholder (str) – The placeholder of the routing action.

                        • +
                        • value (str) – The value of the routing action.

                        • +
                        • displayName (str) – The display name of the routing action.

                        • +
                        • isLarge (bool) – UI placement

                        • +
                        • isMedium (bool) – UI placement

                        • +
                        • additionalInfo (dict) – Additional information for the routing action.

                        @@ -55883,7 +61721,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -55899,13 +61737,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The unique name of the feature.

                        • -
                        • featureMapping (str) – The mapping of the feature. The possible values will be based on the project’s use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details.

                        • -
                        • detectedFeatureMapping (str) – Detected feature mapping for this feature

                        • -
                        • featureType (str) – The underlying data type of each feature: CATEGORICAL, CATEGORICAL_LIST, NUMERICAL, TIMESTAMP, TEXT, EMAIL, LABEL_LIST, ENTITY_LABEL_LIST, PAGE_LABEL_LIST, JSON, OBJECT_REFERENCE, MULTICATEGORICAL_LIST, COORDINATE_LIST, NUMERICAL_LIST, TIMESTAMP_LIST, ZIPCODE, URL, PAGE_INFOS, PAGES_DOCUMENT, TOKENS_DOCUMENT, MESSAGE_LIST.

                        • -
                        • detectedFeatureType (str) – The detected feature type for this feature

                        • -
                        • dataType (str) – The underlying data type of each feature: INTEGER, FLOAT, STRING, DATE, DATETIME, BOOLEAN, LIST, STRUCT, NULL, BINARY.

                        • -
                        • detectedDataType (str) – The detected data type for this feature

                        • +
                        • name (str) – The unique name of the feature.

                        • +
                        • featureMapping (str) – The mapping of the feature. The possible values will be based on the project’s use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details.

                        • +
                        • detectedFeatureMapping (str) – Detected feature mapping for this feature

                        • +
                        • featureType (str) – The underlying data type of each feature: CATEGORICAL, CATEGORICAL_LIST, NUMERICAL, TIMESTAMP, TEXT, EMAIL, LABEL_LIST, ENTITY_LABEL_LIST, PAGE_LABEL_LIST, JSON, OBJECT_REFERENCE, MULTICATEGORICAL_LIST, COORDINATE_LIST, NUMERICAL_LIST, TIMESTAMP_LIST, ZIPCODE, URL, PAGE_INFOS, PAGES_DOCUMENT, TOKENS_DOCUMENT, MESSAGE_LIST.

                        • +
                        • detectedFeatureType (str) – The detected feature type for this feature

                        • +
                        • dataType (str) – The underlying data type of each feature: INTEGER, FLOAT, STRING, DATE, DATETIME, BOOLEAN, LIST, STRUCT, NULL, BINARY.

                        • +
                        • detectedDataType (str) – The detected data type for this feature

                        • nestedFeatures (NestedFeatureSchema) – List of features of nested feature

                        • pointInTimeInfo (PointInTimeFeatureInfo) – Point in time information for this feature

                        @@ -55975,7 +61813,145 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.SessionSummary(client, summary=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A session summary

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • summary (str) – The summary of the session.

                        • +
                        +
                        +
                        +
                        +
                        +summary = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.SessionTranscript(client, role=None, content=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A session transcript

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • role (str) – The role of the transcript.

                        • +
                        • content (str) – The content of the transcript.

                        • +
                        +
                        +
                        +
                        +
                        +role = None
                        +
                        + +
                        +
                        +content = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.SessionTranscripts(client, transcripts=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A list of session transcripts

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • transcripts (list[sessiontranscript]) – A list of session transcripts.

                        • +
                        +
                        +
                        +
                        +
                        +transcripts = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -55991,8 +61967,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • keyName (str) – The name of the key

                        • -
                        • publicKey (str) – The public key

                        • +
                        • keyName (str) – The name of the key

                        • +
                        • publicKey (str) – The public key

                        @@ -56025,7 +62001,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56041,8 +62017,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • streamingToken (str) – The unique token used to authenticate requests

                        • -
                        • createdAt (str) – When the token was created

                        • +
                        • streamingToken (str) – The unique token used to authenticate requests

                        • +
                        • createdAt (str) – When the token was created

                        @@ -56075,7 +62051,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56099,11 +62075,11 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • -
                        • model_id (str) – A unique string identifier for the model to upsert item embeddings to.

                        • -
                        • item_id (str) – The item id for which its embeddings will be upserted.

                        • -
                        • vector (list) – The embedding vector.

                        • -
                        • catalog_id (str) – The name of the catalog in the model to update.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • +
                        • model_id (str) – A unique string identifier for the model to upsert item embeddings to.

                        • +
                        • item_id (str) – The item id for which its embeddings will be upserted.

                        • +
                        • vector (list) – The embedding vector.

                        • +
                        • catalog_id (str) – The name of the catalog in the model to update.

                        @@ -56116,10 +62092,10 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • -
                        • model_id (str) – A unique string identifier for the model from which to delete item embeddings.

                        • -
                        • item_ids (list) – A list of item IDs whose embeddings will be deleted.

                        • -
                        • catalog_id (str) – An optional name to specify which catalog in a model to update.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • +
                        • model_id (str) – A unique string identifier for the model from which to delete item embeddings.

                        • +
                        • item_ids (list) – A list of item IDs whose embeddings will be deleted.

                        • +
                        • catalog_id (str) – An optional name to specify which catalog in a model to update.

                        @@ -56132,10 +62108,10 @@

                        Package Contents
                        Parameters:
                          -
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • -
                        • model_id (str) – The unique string identifier of the model to upsert item embeddings to.

                        • -
                        • upserts (list) – A list of dictionaries of the form {‘itemId’: …, ‘vector’: […]} for each upsert.

                        • -
                        • catalog_id (str) – Name of the catalog in the model to update.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests to the model.

                        • +
                        • model_id (str) – The unique string identifier of the model to upsert item embeddings to.

                        • +
                        • upserts (list) – A list of dictionaries of the form {‘itemId’: …, ‘vector’: […]} for each upsert.

                        • +
                        • catalog_id (str) – Name of the catalog in the model to update.

                        @@ -56148,9 +62124,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier for the streaming feature group to record data to.

                        • -
                        • streaming_token (str) – The streaming token for authenticating requests.

                        • -
                        • data (dict) – The data to record as a JSON object.

                        • +
                        • feature_group_id (str) – Unique string identifier for the streaming feature group to record data to.

                        • +
                        • streaming_token (str) – The streaming token for authenticating requests.

                        • +
                        • data (dict) – The data to record as a JSON object.

                        @@ -56163,9 +62139,9 @@

                        Package Contents
                        Parameters:
                          -
                        • feature_group_id (str) – Unique string identifier of the streaming feature group to record data to.

                        • -
                        • streaming_token (str) – Streaming token for authenticating requests.

                        • -
                        • data (list) – Data to record, as a list of JSON objects.

                        • +
                        • feature_group_id (str) – Unique string identifier of the streaming feature group to record data to.

                        • +
                        • streaming_token (str) – Streaming token for authenticating requests.

                        • +
                        • data (list) – Data to record, as a list of JSON objects.

                        @@ -56182,12 +62158,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • streamingConnectorId (str) – The unique ID for the connection.

                        • -
                        • service (str) – The service this connection connects to

                        • -
                        • name (str) – A user-friendly name for the service

                        • -
                        • createdAt (str) – When the API key was created

                        • -
                        • status (str) – The status of the Database Connector

                        • -
                        • auth (dict) – Non-secret connection information for this connector

                        • +
                        • streamingConnectorId (str) – The unique ID for the connection.

                        • +
                        • service (str) – The service this connection connects to

                        • +
                        • name (str) – A user-friendly name for the service

                        • +
                        • createdAt (str) – When the API key was created

                        • +
                        • status (str) – The status of the Database Connector

                        • +
                        • auth (dict) – Non-secret connection information for this connector

                        @@ -56240,7 +62216,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56251,7 +62227,7 @@

                        Package Contents
                        Parameters:
                        -

                        streaming_connector_id (str) – Unique string identifier for the streaming connector to be checked for Abacus.AI access.

                        +

                        streaming_connector_id (str) – Unique string identifier for the streaming connector to be checked for Abacus.AI access.

                        @@ -56262,7 +62238,7 @@

                        Package Contents
                        Parameters:
                        -

                        name (str) – A new name for the streaming connector.

                        +

                        name (str) – A new name for the streaming connector.

                        @@ -56273,7 +62249,7 @@

                        Package Contents
                        Parameters:
                        -

                        streaming_connector_id (str) – The unique identifier for the streaming connector.

                        +

                        streaming_connector_id (str) – The unique identifier for the streaming connector.

                        @@ -56289,8 +62265,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • count (int) – The number of rows in the feature group

                        • -
                        • startTsMs (int) – The start time for the number of rows.

                        • +
                        • count (int) – The number of rows in the feature group

                        • +
                        • startTsMs (int) – The start time for the number of rows.

                        @@ -56323,7 +62299,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56339,9 +62315,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • python (str) – The python code sample.

                        • -
                        • curl (str) – The curl code sample.

                        • -
                        • console (str) – The console code sample

                        • +
                        • python (str) – The python code sample.

                        • +
                        • curl (str) – The curl code sample.

                        • +
                        • console (str) – The console code sample

                        @@ -56379,7 +62355,237 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.StsGenSettings(client, model=None, settings=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        STS generation settings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • model (dict) – The model settings.

                        • +
                        • settings (dict) – The settings for each model.

                        • +
                        +
                        +
                        +
                        +
                        +model = None
                        +
                        + +
                        +
                        +settings = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.SttGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={})
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        STT generation model

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • displayName (str) – The display name for the UI component.

                        • +
                        • type (str) – The type of the UI component.

                        • +
                        • valueType (str) – The data type of the values within the UI component.

                        • +
                        • optional (bool) – Whether the selection of a value is optional.

                        • +
                        • default (str) – The default value for the STT generation model.

                        • +
                        • helptext (str) – The helptext for the UI component.

                        • +
                        • options (SttGenModelOptions) – The options of models available for STT generation.

                        • +
                        +
                        +
                        +
                        +
                        +display_name = None
                        +
                        + +
                        +
                        +type = None
                        +
                        + +
                        +
                        +value_type = None
                        +
                        + +
                        +
                        +optional = None
                        +
                        + +
                        +
                        +default = None
                        +
                        + +
                        +
                        +helptext = None
                        +
                        + +
                        +
                        +options
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.SttGenModelOptions(client, keys=None, values=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        STT generation model options

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • keys (list) – The keys of the image generation model options represented as the enum values.

                        • +
                        • values (list) – The display names of the image generation model options.

                        • +
                        +
                        +
                        +
                        +
                        +keys = None
                        +
                        + +
                        +
                        +values = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.SttGenSettings(client, settings=None, model={})
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        STT generation settings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • settings (dict) – The settings for each model.

                        • +
                        • model (SttGenModel) – Dropdown for models available for STT generation.

                        • +
                        +
                        +
                        +
                        +
                        +settings = None
                        +
                        + +
                        +
                        +model
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -56395,7 +62601,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • notebookCode (list) – The boilerplate code that needs to be shown in notebook for creating workflow graph node using corresponding template.

                        • +
                        • notebookCode (list) – The boilerplate code that needs to be shown in notebook for creating workflow graph node using corresponding template.

                        • workflowGraphNode (WorkflowGraphNode) – The workflow graph node object corresponding to the template.

                        @@ -56429,7 +62635,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56445,12 +62651,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • count (int) – Count of total rows in the preview data for the SQL.

                        • -
                        • columns (list) – The returned columns

                        • -
                        • data (list) – A list of data rows, each represented as a list.

                        • -
                        • metricsColumns (list) – The columns that are the metrics.

                        • -
                        • summarizedMetrics (dict) – A map between the problem type metrics and the mean of the results matching the query

                        • -
                        • errorDescription (str) – Description of an error in case of failure.

                        • +
                        • count (int) – Count of total rows in the preview data for the SQL.

                        • +
                        • columns (list) – The returned columns

                        • +
                        • data (list) – A list of data rows, each represented as a list.

                        • +
                        • metricsColumns (list) – The columns that are the metrics.

                        • +
                        • summarizedMetrics (dict) – A map between the problem type metrics and the mean of the results matching the query

                        • +
                        • errorDescription (str) – Description of an error in case of failure.

                        @@ -56503,7 +62709,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56519,14 +62725,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • voiceId (str) – The voice id

                        • -
                        • name (str) – The name

                        • -
                        • gender (str) – The gender

                        • -
                        • language (str) – The language

                        • -
                        • age (str) – The age

                        • -
                        • accent (str) – The accent

                        • -
                        • useCase (str) – The use case

                        • -
                        • description (str) – The description

                        • +
                        • voiceId (str) – The voice id

                        • +
                        • name (str) – The name

                        • +
                        • gender (str) – The gender

                        • +
                        • language (str) – The language

                        • +
                        • age (str) – The age

                        • +
                        • accent (str) – The accent

                        • +
                        • useCase (str) – The use case

                        • +
                        • description (str) – The description

                        @@ -56589,7 +62795,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56605,17 +62811,17 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The name of the parameter

                        • -
                        • dataType (str) – The type of input required for this option

                        • -
                        • valueType (str) – If the data_type is of type DICT_VALUES, this field specifies the expected value type of the values

                        • -
                        • valueOptions (list[str]) – The list of valid values for DICT_VALUES

                        • +
                        • name (str) – The name of the parameter

                        • +
                        • dataType (str) – The type of input required for this option

                        • +
                        • valueType (str) – If the data_type is of type DICT_VALUES, this field specifies the expected value type of the values

                        • +
                        • valueOptions (list[str]) – The list of valid values for DICT_VALUES

                        • value (optional[any]) – The value of this option

                        • default (optional[any]) – The default value for this option

                        • -
                        • options (dict) – A dict of options for this parameter

                        • -
                        • description (str) – A description of the parameter

                        • -
                        • required (bool) – True if the parameter is required for training

                        • -
                        • lastModelValue (optional[str, int, float, bool]) – The last value used to train a model in this project

                        • -
                        • needsRefresh (bool) – True if training config needs to be fetched again when this config option is changed

                        • +
                        • options (dict) – A dict of options for this parameter

                        • +
                        • description (str) – A description of the parameter

                        • +
                        • required (bool) – True if the parameter is required for training

                        • +
                        • lastModelValue (optional[str, int, float, bool]) – The last value used to train a model in this project

                        • +
                        • needsRefresh (bool) – True if training config needs to be fetched again when this config option is changed

                        @@ -56693,7 +62899,57 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.TtsGenSettings(client, model=None, settings=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        TTS generation settings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • model (dict) – The model settings.

                        • +
                        • settings (dict) – The settings for each model.

                        • +
                        +
                        +
                        +
                        +
                        +model = None
                        +
                        + +
                        +
                        +settings = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -56709,13 +62965,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • title (str) – The title of the tweet.

                        • -
                        • url (str) – The URL of the tweet.

                        • -
                        • twitterName (str) – The name of the twitter user.

                        • -
                        • twitterHandle (str) – The handle of the twitter user.

                        • -
                        • thumbnailUrl (str) – The URL of the thumbnail of the tweet.

                        • -
                        • thumbnailWidth (int) – The width of the thumbnail of the tweet.

                        • -
                        • thumbnailHeight (int) – The height of the thumbnail of the tweet.

                        • +
                        • title (str) – The title of the tweet.

                        • +
                        • url (str) – The URL of the tweet.

                        • +
                        • twitterName (str) – The name of the twitter user.

                        • +
                        • twitterHandle (str) – The handle of the twitter user.

                        • +
                        • thumbnailUrl (str) – The URL of the thumbnail of the tweet.

                        • +
                        • thumbnailWidth (int) – The width of the thumbnail of the tweet.

                        • +
                        • thumbnailHeight (int) – The height of the thumbnail of the tweet.

                        @@ -56773,7 +63029,93 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.UnifiedConnector(client, applicationConnectorId=None, databaseConnectorId=None, service=None, name=None, createdAt=None, status=None, auth=None, isUserLevel=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Lightweight unified connector filter that skips expensive auth transformations.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • applicationConnectorId (str) – The unique ID for the connection.

                        • +
                        • databaseConnectorId (str) – The unique ID for the connection.

                        • +
                        • service (str) – The service this connection connects to

                        • +
                        • name (str) – A user-friendly name for the service

                        • +
                        • createdAt (str) – When the API key was created

                        • +
                        • status (str) – The status of the Application Connector

                        • +
                        • auth (dict) – Non-secret connection information for this connector

                        • +
                        • isUserLevel (bool) – Whether this is a user-level connector

                        • +
                        +
                        +
                        +
                        +
                        +application_connector_id = None
                        +
                        + +
                        +
                        +database_connector_id = None
                        +
                        + +
                        +
                        +service = None
                        +
                        + +
                        +
                        +name = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +status = None
                        +
                        + +
                        +
                        +auth = None
                        +
                        + +
                        +
                        +is_user_level = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -56789,16 +63131,16 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • uploadId (str) – The unique ID generated when the upload process of the full large file in smaller parts is initiated.

                        • -
                        • datasetUploadId (str) – Same as upload_id. It is kept for backwards compatibility purposes.

                        • -
                        • status (str) – The current status of the upload.

                        • -
                        • datasetId (str) – A reference to the dataset this upload is adding data to.

                        • -
                        • datasetVersion (str) – A reference to the dataset version the upload is adding data to.

                        • -
                        • modelId (str) – A reference the model the upload is creating a version for

                        • -
                        • modelVersion (str) – A reference to the model version the upload is creating.

                        • -
                        • batchPredictionId (str) – A reference to the batch prediction the upload is creating.

                        • -
                        • parts (list[dict]) – A list containing the order of the file parts that have been uploaded.

                        • -
                        • createdAt (str) – The timestamp at which the upload was created.

                        • +
                        • uploadId (str) – The unique ID generated when the upload process of the full large file in smaller parts is initiated.

                        • +
                        • datasetUploadId (str) – Same as upload_id. It is kept for backwards compatibility purposes.

                        • +
                        • status (str) – The current status of the upload.

                        • +
                        • datasetId (str) – A reference to the dataset this upload is adding data to.

                        • +
                        • datasetVersion (str) – A reference to the dataset version the upload is adding data to.

                        • +
                        • modelId (str) – A reference the model the upload is creating a version for

                        • +
                        • modelVersion (str) – A reference to the model version the upload is creating.

                        • +
                        • batchPredictionId (str) – A reference to the batch prediction the upload is creating.

                        • +
                        • parts (list[dict]) – A list containing the order of the file parts that have been uploaded.

                        • +
                        • createdAt (str) – The timestamp at which the upload was created.

                        @@ -56871,7 +63213,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -56882,7 +63224,7 @@

                        Package Contents
                        Parameters:
                        -

                        upload_id (str) – A unique string identifier for the upload.

                        +

                        upload_id (str) – A unique string identifier for the upload.

                        @@ -56894,8 +63236,8 @@

                        Package Contents
                        Parameters:
                          -
                        • part_number (int) – The 1-indexed number denoting the position of the file part in the sequence of parts for the full file.

                        • -
                        • part_data (io.TextIOBase) – The multipart/form-data for the current part of the full file.

                        • +
                        • part_number (int) – The 1-indexed number denoting the position of the file part in the sequence of parts for the full file.

                        • +
                        • part_data (io.TextIOBase) – The multipart/form-data for the current part of the full file.

                        Returns:
                        @@ -56913,7 +63255,7 @@

                        Package Contents
                        Parameters:
                        -

                        upload_id (str) – A unique string identifier for the upload process.

                        +

                        upload_id (str) – A unique string identifier for the upload process.

                        Returns:

                        The upload object associated with the process, containing details of the file.

                        @@ -56944,7 +63286,7 @@

                        Package Contents
                        Parameters:
                        -

                        upload_id (str) – The unique ID associated with the file uploaded or being uploaded in parts.

                        +

                        upload_id (str) – The unique ID associated with the file uploaded or being uploaded in parts.

                        Returns:

                        Details associated with the large dataset file uploaded in parts.

                        @@ -56971,15 +63313,15 @@

                        Package Contents
                        -upload_file(file, threads=10, chunksize=1024 * 1024 * 10, wait_timeout=600)
                        +upload_file(file, threads=10, chunksize=None, wait_timeout=600)

                        Uploads the file in the specified chunk size using the specified number of workers.

                        Parameters:
                        • file (IOBase) – A bytesIO or StringIO object to upload to Abacus.AI

                        • -
                        • threads (int) – The max number of workers to use while uploading the file

                        • -
                        • chunksize (int) – The number of bytes to use for each chunk while uploading the file. Defaults to 10 MB

                        • -
                        • wait_timeout (int) – The max number of seconds to wait for the file parts to be joined on Abacus.AI. Defaults to 600.

                        • +
                        • threads (int) – The max number of workers to use while uploading the file

                        • +
                        • chunksize (int) – The number of bytes to use for each chunk while uploading the file. If None, dynamically calculated based on file size (defaults to 20 MB.)

                        • +
                        • wait_timeout (int) – The max number of seconds to wait for the file parts to be joined on Abacus.AI. Defaults to 600.

                        Returns:
                        @@ -56991,6 +63333,11 @@

                        Package Contents +
                        +_calculate_chunk_size(file_size)
                        +

                        +
                        _yield_upload_part(file, chunksize)
                        @@ -57002,7 +63349,7 @@

                        Package Contents
                        Parameters:
                        -

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to have timed out. Defaults to 600.

                        +

                        timeout (int) – The waiting time given to the call to finish, if it doesn’t finish by the allocated time, the call is said to have timed out. Defaults to 600.

                        @@ -57016,7 +63363,7 @@

                        Package Contents

                        A string describing the status of the upload (pending, complete, etc.).

                        Return type:
                        -

                        str

                        +

                        str

                        @@ -57032,8 +63379,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • etag (str) – A unique string for this part.

                        • -
                        • md5 (str) – The MD5 hash of this part.

                        • +
                        • etag (str) – A unique string for this part.

                        • +
                        • md5 (str) – The MD5 hash of this part.

                        @@ -57066,7 +63413,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57082,10 +63429,10 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • useCase (str) – The enum value for this use case

                        • -
                        • prettyName (str) – A user-friendly name

                        • -
                        • description (str) – A description for this use case

                        • -
                        • problemType (str) – Name for the underlying problem type

                        • +
                        • useCase (str) – The enum value for this use case

                        • +
                        • prettyName (str) – A user-friendly name

                        • +
                        • description (str) – A description for this use case

                        • +
                        • problemType (str) – Name for the underlying problem type

                        @@ -57128,7 +63475,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57144,13 +63491,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • datasetType (str) – The project-specific enum value of the dataset type.

                        • -
                        • name (str) – The user-friendly name of the dataset type.

                        • -
                        • description (str) – The description of the dataset type.

                        • -
                        • required (bool) – True if the dataset type is required for this project.

                        • -
                        • multi (bool) – If true, multiple versions of the dataset type can be used for training.

                        • -
                        • allowedFeatureMappings (dict) – A collection of key-value pairs, with each key being a column mapping enum (see a list of column mapping enums here) and each value being in the following dictionary format: { “description”: str, “allowed_feature_types”: feature_type_enum, “required”: bool }.

                        • -
                        • allowedNestedFeatureMappings (dict) – A collection of key-value pairs, with each key being a column mapping enum (see a list of column mapping enums here) and each value being in the following dictionary format: { “description”: str, “allowed_feature_types”: feature_type_enum, “required”: bool }.

                        • +
                        • datasetType (str) – The project-specific enum value of the dataset type.

                        • +
                        • name (str) – The user-friendly name of the dataset type.

                        • +
                        • description (str) – The description of the dataset type.

                        • +
                        • required (bool) – True if the dataset type is required for this project.

                        • +
                        • multi (bool) – If true, multiple versions of the dataset type can be used for training.

                        • +
                        • allowedFeatureMappings (dict) – A collection of key-value pairs, with each key being a column mapping enum (see a list of column mapping enums here) and each value being in the following dictionary format: { “description”: str, “allowed_feature_types”: feature_type_enum, “required”: bool }.

                        • +
                        • allowedNestedFeatureMappings (dict) – A collection of key-value pairs, with each key being a column mapping enum (see a list of column mapping enums here) and each value being in the following dictionary format: { “description”: str, “allowed_feature_types”: feature_type_enum, “required”: bool }.

                        @@ -57208,7 +63555,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57217,21 +63564,27 @@

                        Package Contents
                        -class abacusai.User(client, name=None, email=None, createdAt=None, status=None, organizationGroups={})
                        +class abacusai.User(client, userId=None, name=None, email=None, createdAt=None, status=None, organizationGroups={})

                        Bases: abacusai.return_class.AbstractApiClass

                        -

                        An Abacus.AI User

                        +

                        An Abacus.AI User with a unique user_id.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • name (str) – The User’s name.

                        • -
                        • email (str) – The User’s primary email address.

                        • -
                        • createdAt (str) – The date and time when the user joined Abacus.AI.

                        • -
                        • status (str) – ACTIVE when the user has accepted an invite to join the organization, else INVITED.

                        • +
                        • userId (id) – The unique identifier of the user.

                        • +
                        • name (str) – The User’s name.

                        • +
                        • email (str) – The User’s primary email address.

                        • +
                        • createdAt (str) – The date and time when the user joined Abacus.AI.

                        • +
                        • status (str) – ACTIVE when the user has accepted an invite to join the organization, else INVITED.

                        • organizationGroups (OrganizationGroup) – List of Organization Groups this user belongs to.

                        +
                        +
                        +user_id = None
                        +
                        +
                        name = None
                        @@ -57276,7 +63629,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57292,9 +63645,9 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • type (str) – The type of exception

                        • -
                        • value (str) – The value of the exception

                        • -
                        • traceback (str) – The traceback of the exception

                        • +
                        • type (str) – The type of exception

                        • +
                        • value (str) – The value of the exception

                        • +
                        • traceback (str) – The traceback of the exception

                        @@ -57332,7 +63685,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57340,29 +63693,277 @@

                        Package Contents -
                        -class abacusai.VideoGenSettings(client, model=None, settings=None)
                        +
                        +class abacusai.UserGroupObjectPermission(client, userGroupId=None, userGroupName=None, objectId=None, permission=None)

                        Bases: abacusai.return_class.AbstractApiClass

                        -

                        Video generation settings

                        +

                        A user group object permission

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • model (dict) – The model settings.

                        • -
                        • settings (dict) – The settings for each model.

                        • +
                        • userGroupId (str) – The unique identifier of the user group.

                        • +
                        • userGroupName (str) – The name of the user group.

                        • +
                        • objectId (str) – The unique identifier of the object.

                        • +
                        • permission (str) – The permission level (e.g., ‘ALL’).

                        -
                        -model = None
                        +
                        +user_group_id = None
                        +
                        + +
                        +
                        +user_group_name = None
                        +
                        + +
                        +
                        +object_id = None
                        +
                        + +
                        +
                        +permission = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.VideoGenCosts(client, modelCosts=None, expensiveModels=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        The most expensive price for each video gen model in credits

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • modelCosts (dict) – The costs of the video gen models in credits

                        • +
                        • expensiveModels (list) – The list of video gen models that are expensive

                        • +
                        +
                        +
                        +
                        +
                        +model_costs = None
                        +
                        + +
                        +
                        +expensive_models = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.VideoGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={})
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Video generation model

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • displayName (str) – The display name for the UI component.

                        • +
                        • type (str) – The type of the UI component.

                        • +
                        • valueType (str) – The data type of the values within the UI component.

                        • +
                        • optional (bool) – Whether the selection of a value is optional.

                        • +
                        • default (str) – The default value for the video generation model.

                        • +
                        • helptext (str) – The helptext for the UI component.

                        • +
                        • options (VideoGenModelOptions) – The options of models available for video generation.

                        • +
                        +
                        +
                        +
                        +
                        +display_name = None
                        +
                        + +
                        +
                        +type = None
                        +
                        + +
                        +
                        +value_type = None
                        +
                        + +
                        +
                        +optional = None
                        +
                        +
                        +default = None
                        +
                        + +
                        +
                        +helptext = None
                        +
                        + +
                        +
                        +options
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.VideoGenModelOptions(client, keys=None, values=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Video generation model options

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • keys (list) – The keys of the video generation model options represented as the enum values.

                        • +
                        • values (list) – The display names of the video generation model options.

                        • +
                        +
                        +
                        +
                        +
                        +keys = None
                        +
                        + +
                        +
                        +values = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.VideoGenSettings(client, settings=None, warnings=None, model={})
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Video generation settings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • settings (dict) – The settings for each model.

                        • +
                        • warnings (dict) – The warnings for each model.

                        • +
                        • model (VideoGenModel) – Dropdown for models available for video generation.

                        • +
                        +
                        +
                        settings = None
                        +
                        +
                        +warnings = None
                        +
                        + +
                        +
                        +model
                        +
                        +
                        deprecated_keys
                        @@ -57382,7 +63983,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57398,11 +63999,11 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • title (str) – The title of the video.

                        • -
                        • url (str) – The URL of the video.

                        • -
                        • thumbnailUrl (str) – The URL of the thumbnail of the video.

                        • -
                        • motionThumbnailUrl (str) – The URL of the motion thumbnail of the video.

                        • -
                        • embedUrl (str) – The URL of the embed of the video.

                        • +
                        • title (str) – The title of the video.

                        • +
                        • url (str) – The URL of the video.

                        • +
                        • thumbnailUrl (str) – The URL of the thumbnail of the video.

                        • +
                        • motionThumbnailUrl (str) – The URL of the motion thumbnail of the video.

                        • +
                        • embedUrl (str) – The URL of the embed of the video.

                        @@ -57450,7 +64051,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57466,8 +64067,8 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • model (str) – The model used for voice generation.

                        • -
                        • voice (dict) – The voice details.

                        • +
                        • model (str) – The model used for voice generation.

                        • +
                        • voice (dict) – The voice details.

                        @@ -57500,7 +64101,211 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.WebAppConversation(client, deploymentConversationId=None, llmArtifactId=None, deploymentConversationName=None, externalApplicationId=None, createdAt=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Web App Conversation

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • deploymentConversationId (id) – The ID of the deployment conversation

                        • +
                        • llmArtifactId (id) – The ID of the LLM artifact

                        • +
                        • deploymentConversationName (str) – The name of the conversation

                        • +
                        • externalApplicationId (str) – The external application ID

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        +
                        +
                        +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +llm_artifact_id = None
                        +
                        + +
                        +
                        +deployment_conversation_name = None
                        +
                        + +
                        +
                        +external_application_id = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.WebAppDeploymentPermissionDict(client, deploymentPermissions=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Web app deployment permission dict.

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • deploymentPermissions (dict) – Dictionary containing deployment ID as key and list of tuples containing (user_group_id, permission) as value.

                        • +
                        +
                        +
                        +
                        +
                        +deployment_permissions = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        +class abacusai.WebAppDomain(client, webAppDomainId=None, hostname=None, domainType=None, lifecycle=None, nameservers=None, dnsRecords=None, metadata=None, isRootDomain=None, isDeployed=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Web App Domain

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • webAppDomainId (id) – The ID of the web app domain

                        • +
                        • hostname (str) – The hostname of the web app domain

                        • +
                        • domainType (str) – The type of the web app domain

                        • +
                        • lifecycle (str) – The lifecycle of the web app domain

                        • +
                        • nameservers (list) – The nameservers of the web app domain

                        • +
                        • dnsRecords (list) – The DNS records of the web app domain

                        • +
                        • metadata (dict) – The metadata of the web app domain

                        • +
                        • isRootDomain (bool) – Whether the web app domain is a root domain

                        • +
                        • isDeployed (bool) – Whether the web app domain is deployed

                        • +
                        +
                        +
                        +
                        +
                        +web_app_domain_id = None
                        +
                        + +
                        +
                        +hostname = None
                        +
                        + +
                        +
                        +domain_type = None
                        +
                        + +
                        +
                        +lifecycle = None
                        +
                        + +
                        +
                        +nameservers = None
                        +
                        + +
                        +
                        +dns_records = None
                        +
                        + +
                        +
                        +metadata = None
                        +
                        + +
                        +
                        +is_root_domain = None
                        +
                        + +
                        +
                        +is_deployed = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -57516,7 +64321,7 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • content (str) – The content of the web page.

                        • +
                        • content (str) – The content of the web page.

                        @@ -57544,7 +64349,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57588,7 +64393,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57604,13 +64409,13 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • title (str) – The title of the search result.

                        • -
                        • url (str) – The URL of the search result.

                        • -
                        • snippet (str) – The snippet of the search result.

                        • -
                        • news (str) – The news search result (if any)

                        • -
                        • place (str) – The place search result (if any)

                        • -
                        • entity (str) – The entity search result (if any)

                        • -
                        • content (str) – The page of content fetched from the url.

                        • +
                        • title (str) – The title of the search result.

                        • +
                        • url (str) – The URL of the search result.

                        • +
                        • snippet (str) – The snippet of the search result.

                        • +
                        • news (str) – The news search result (if any)

                        • +
                        • place (str) – The place search result (if any)

                        • +
                        • entity (str) – The entity search result (if any)

                        • +
                        • content (str) – The page of content fetched from the url.

                        @@ -57668,7 +64473,99 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        +
                        + + + + + +
                        +
                        +class abacusai.WebServiceTriggerRun(client, endpoint=None, createdAt=None, payload=None, headers=None, method=None, responseStatus=None, responseBody=None, error=None, lifecycle=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        A web service trigger run

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • endpoint (str) – The endpoint of the web service trigger run.

                        • +
                        • createdAt (str) – The creation time of the web service trigger run.

                        • +
                        • payload (dict) – The payload of the web service trigger run.

                        • +
                        • headers (dict) – The headers of the web service trigger run.

                        • +
                        • method (str) – The method of the web service trigger run.

                        • +
                        • responseStatus (int) – The HTTP response status code.

                        • +
                        • responseBody (str) – The HTTP response body.

                        • +
                        • error (str) – Error message if the request failed.

                        • +
                        • lifecycle (str) – The lifecycle status of the run.

                        • +
                        +
                        +
                        +
                        +
                        +endpoint = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +payload = None
                        +
                        + +
                        +
                        +headers = None
                        +
                        + +
                        +
                        +method = None
                        +
                        + +
                        +
                        +response_status = None
                        +
                        + +
                        +
                        +response_body = None
                        +
                        + +
                        +
                        +error = None
                        +
                        + +
                        +
                        +lifecycle = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        @@ -57684,12 +64581,12 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • webhookId (str) – Unique identifier for this webhook.

                        • -
                        • deploymentId (str) – Identifier for the deployment this webhook is attached to.

                        • -
                        • endpoint (str) – The URI this webhook will send HTTP POST requests to.

                        • -
                        • webhookEventType (str) – The event that triggers the webhook action.

                        • -
                        • payloadTemplate (str) – Template for JSON Dictionary to be sent as the body of the POST request.

                        • -
                        • createdAt (str) – The date and time this webhook was created.

                        • +
                        • webhookId (str) – Unique identifier for this webhook.

                        • +
                        • deploymentId (str) – Identifier for the deployment this webhook is attached to.

                        • +
                        • endpoint (str) – The URI this webhook will send HTTP POST requests to.

                        • +
                        • webhookEventType (str) – The event that triggers the webhook action.

                        • +
                        • payloadTemplate (str) – Template for JSON Dictionary to be sent as the body of the POST request.

                        • +
                        • createdAt (str) – The date and time this webhook was created.

                        @@ -57742,7 +64639,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57767,7 +64664,7 @@

                        Package Contents
                        Parameters:
                        -

                        webhook_id (str) – Unique string identifier of the target webhook.

                        +

                        webhook_id (str) – Unique string identifier of the target webhook.

                        Returns:

                        The webhook with the given ID.

                        @@ -57785,9 +64682,9 @@

                        Package Contents
                        Parameters:
                          -
                        • endpoint (str) – If provided, changes the webhook’s endpoint.

                        • -
                        • webhook_event_type (str) – If provided, changes the event type.

                        • -
                        • payload_template (dict) – If provided, changes the payload template.

                        • +
                        • endpoint (str) – If provided, changes the webhook’s endpoint.

                        • +
                        • webhook_event_type (str) – If provided, changes the event type.

                        • +
                        • payload_template (dict) – If provided, changes the payload template.

                        @@ -57799,7 +64696,7 @@

                        Package Contents
                        Parameters:
                        -

                        webhook_id (str) – Unique identifier of the target webhook.

                        +

                        webhook_id (str) – Unique identifier of the target webhook.

                        @@ -57808,14 +64705,15 @@

                        Package Contents
                        -class abacusai.WorkflowGraphNodeDetails(client, packageRequirements=None, workflowGraphNode={})
                        +class abacusai.WorkflowGraphNodeDetails(client, packageRequirements=None, connectors=None, workflowGraphNode={})

                        Bases: abacusai.return_class.AbstractApiClass

                        A workflow graph node in the workflow graph.

                        Parameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • packageRequirements (list[str]) – A list of package requirements that the node source code will need.

                        • +
                        • packageRequirements (list[str]) – A list of package requirements that the node source code will need.

                        • +
                        • connectors (dict) – A dictionary of connectors that the node source code will need.

                        • workflowGraphNode (WorkflowGraphNode) – The workflow graph node object.

                        @@ -57825,6 +64723,11 @@

                        Package Contentspackage_requirements = None

                        +
                        +
                        +connectors = None
                        +
                        +
                        workflow_graph_node
                        @@ -57849,7 +64752,7 @@

                        Package Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57865,14 +64768,14 @@

                        Package ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • workflowNodeTemplateId (str) – The unique identifier of the workflow node template.

                        • -
                        • name (str) – The name of the workflow node template.

                        • -
                        • functionName (str) – The function name of the workflow node function.

                        • -
                        • sourceCode (str) – The source code of the function that the workflow node template will execute.

                        • -
                        • description (str) – A description of the workflow node template.

                        • -
                        • packageRequirements (list[str]) – A list of package requirements that the node source code may need.

                        • -
                        • tags (dict) – Tags to add to the workflow node template. It contains information on the intended usage of template.

                        • -
                        • additionalConfigs (dict) – Additional configurations for the workflow node template.

                        • +
                        • workflowNodeTemplateId (str) – The unique identifier of the workflow node template.

                        • +
                        • name (str) – The name of the workflow node template.

                        • +
                        • functionName (str) – The function name of the workflow node function.

                        • +
                        • sourceCode (str) – The source code of the function that the workflow node template will execute.

                        • +
                        • description (str) – A description of the workflow node template.

                        • +
                        • packageRequirements (list[str]) – A list of package requirements that the node source code may need.

                        • +
                        • tags (dict) – Tags to add to the workflow node template. It contains information on the intended usage of template.

                        • +
                        • additionalConfigs (dict) – Additional configurations for the workflow node template.

                        • inputs (WorkflowNodeTemplateInput) – A list of inputs that the workflow node template will use.

                        • outputs (WorkflowNodeTemplateOutput) – A list of outputs that the workflow node template will give.

                        • templateConfigs (WorkflowNodeTemplateConfig) – A list of template configs that are hydrated into source to get complete code.

                        • @@ -57953,7 +64856,7 @@

                          Package Contents

                          The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -57962,7 +64865,7 @@

                        Package Contents
                        -abacusai.__version__ = '1.4.31'
                        +abacusai.__version__ = '1.4.76'
                        diff --git a/docs/autoapi/abacusai/indexing_config/index.html b/docs/autoapi/abacusai/indexing_config/index.html index a98ebe98c..1cd56a4be 100644 --- a/docs/autoapi/abacusai/indexing_config/index.html +++ b/docs/autoapi/abacusai/indexing_config/index.html @@ -69,6 +69,8 @@
                      • abacusai.app_user_group_sign_in_token
                      • abacusai.application_connector
                      • abacusai.audio_gen_settings
                      • +
                      • abacusai.audio_url_result
                      • +
                      • abacusai.audit_log
                      • abacusai.batch_prediction
                      • abacusai.batch_prediction_version
                      • abacusai.batch_prediction_version_logs
                      • @@ -77,25 +79,38 @@
                      • abacusai.chat_message
                      • abacusai.chat_session
                      • abacusai.chatllm_computer
                      • +
                      • abacusai.chatllm_computer_status
                      • +
                      • abacusai.chatllm_memory
                      • +
                      • abacusai.chatllm_project
                      • +
                      • abacusai.chatllm_project_permissions
                      • abacusai.chatllm_referral_invite
                      • abacusai.chatllm_task
                      • abacusai.client
                      • abacusai.code_agent_response
                      • +
                      • abacusai.code_autocomplete_edit_prediction_response
                      • abacusai.code_autocomplete_response
                      • abacusai.code_bot
                      • abacusai.code_edit
                      • abacusai.code_edit_response
                      • abacusai.code_edits
                      • +
                      • abacusai.code_embeddings
                      • +
                      • abacusai.code_llm_changed_files
                      • abacusai.code_source
                      • +
                      • abacusai.code_suggestion_validation_response
                      • +
                      • abacusai.code_summary_response
                      • +
                      • abacusai.codellm_embedding_constants
                      • abacusai.compute_point_info
                      • abacusai.concatenation_config
                      • +
                      • abacusai.constants_autocomplete_response
                      • abacusai.cpu_gpu_memory_specs
                      • abacusai.cryptography
                      • abacusai.custom_chat_instructions
                      • +
                      • abacusai.custom_domain
                      • abacusai.custom_loss_function
                      • abacusai.custom_metric
                      • abacusai.custom_metric_version
                      • abacusai.custom_train_function_info
                      • +
                      • abacusai.daemon_task_conversation
                      • abacusai.data_consistency_duplication
                      • abacusai.data_metrics
                      • abacusai.data_prep_logs
                      • @@ -109,6 +124,7 @@
                      • abacusai.dataset_column
                      • abacusai.dataset_version
                      • abacusai.dataset_version_logs
                      • +
                      • abacusai.default_llm
                      • abacusai.deployment
                      • abacusai.deployment_auth_token
                      • abacusai.deployment_conversation
                      • @@ -119,6 +135,9 @@
                      • abacusai.document_retriever
                      • abacusai.document_retriever_lookup_result
                      • abacusai.document_retriever_version
                      • +
                      • abacusai.document_retriever_version_logs
                      • +
                      • abacusai.domain_purchase_result
                      • +
                      • abacusai.domain_search_result
                      • abacusai.drift_distribution
                      • abacusai.drift_distributions
                      • abacusai.eda
                      • @@ -129,7 +148,9 @@
                      • abacusai.eda_feature_collinearity
                      • abacusai.eda_forecasting_analysis
                      • abacusai.eda_version
                      • +
                      • abacusai.edit_image_models
                      • abacusai.embedding_feature_drift_distribution
                      • +
                      • abacusai.entri_auth_token
                      • abacusai.execute_feature_group_operation
                      • abacusai.external_application
                      • abacusai.external_invite
                      • @@ -156,7 +177,6 @@
                      • abacusai.feature_importance
                      • abacusai.feature_mapping
                      • abacusai.feature_performance_analysis
                      • -
                      • abacusai.feature_record
                      • abacusai.file_connector
                      • abacusai.file_connector_instructions
                      • abacusai.file_connector_verification
                      • @@ -164,14 +184,24 @@
                      • abacusai.forecasting_analysis_graph_data
                      • abacusai.forecasting_monitor_item_analysis
                      • abacusai.forecasting_monitor_summary
                      • +
                      • abacusai.fs_entry
                      • abacusai.function_logs
                      • abacusai.generated_pit_feature_config_option
                      • abacusai.global_context
                      • abacusai.graph_dashboard
                      • abacusai.holdout_analysis
                      • abacusai.holdout_analysis_version
                      • +
                      • abacusai.hosted_app
                      • +
                      • abacusai.hosted_app_container
                      • +
                      • abacusai.hosted_app_file_read
                      • +
                      • abacusai.hosted_artifact
                      • +
                      • abacusai.hosted_database
                      • +
                      • abacusai.hosted_database_snapshot
                      • abacusai.hosted_model_token
                      • +
                      • abacusai.hostname_info
                      • abacusai.hume_voice
                      • +
                      • abacusai.image_gen_model
                      • +
                      • abacusai.image_gen_model_options
                      • abacusai.image_gen_settings
                      • abacusai.indexing_config
                      • +
                      • abacusai.lip_sync_gen_settings
                      • abacusai.llm_app
                      • +
                      • abacusai.llm_artifact
                      • abacusai.llm_code_block
                      • abacusai.llm_execution_preview
                      • abacusai.llm_execution_result
                      • @@ -189,6 +221,10 @@
                      • abacusai.llm_input
                      • abacusai.llm_parameters
                      • abacusai.llm_response
                      • +
                      • abacusai.mcp_config
                      • +
                      • abacusai.mcp_server
                      • +
                      • abacusai.mcp_server_connection
                      • +
                      • abacusai.mcp_server_query_result
                      • abacusai.memory_options
                      • abacusai.messaging_connector_response
                      • abacusai.model
                      • @@ -243,6 +279,8 @@
                      • abacusai.prediction_log_record
                      • abacusai.prediction_operator
                      • abacusai.prediction_operator_version
                      • +
                      • abacusai.presentation_export_result
                      • +
                      • abacusai.private_web_app_deployment
                      • abacusai.problem_type
                      • abacusai.project
                      • abacusai.project_config
                      • @@ -259,33 +297,51 @@
                      • abacusai.refresh_policy
                      • abacusai.refresh_schedule
                      • abacusai.regenerate_llm_external_application
                      • +
                      • abacusai.regenerate_llm_option
                      • abacusai.resolved_feature_group_template
                      • abacusai.return_class
                      • abacusai.routing_action
                      • abacusai.schema
                      • +
                      • abacusai.session_summary
                      • +
                      • abacusai.session_transcript
                      • +
                      • abacusai.session_transcripts
                      • abacusai.sftp_key
                      • abacusai.streaming_auth_token
                      • abacusai.streaming_client
                      • abacusai.streaming_connector
                      • abacusai.streaming_row_count
                      • abacusai.streaming_sample_code
                      • +
                      • abacusai.sts_gen_settings
                      • +
                      • abacusai.stt_gen_model
                      • +
                      • abacusai.stt_gen_model_options
                      • +
                      • abacusai.stt_gen_settings
                      • abacusai.template_node_details
                      • abacusai.test_point_predictions
                      • abacusai.tone_details
                      • abacusai.training_config_options
                      • +
                      • abacusai.tts_gen_settings
                      • abacusai.twitter_search_result
                      • +
                      • abacusai.unified_connector
                      • abacusai.upload
                      • abacusai.upload_part
                      • abacusai.use_case
                      • abacusai.use_case_requirements
                      • abacusai.user
                      • abacusai.user_exception
                      • +
                      • abacusai.user_group_object_permission
                      • +
                      • abacusai.video_gen_costs
                      • +
                      • abacusai.video_gen_model
                      • +
                      • abacusai.video_gen_model_options
                      • abacusai.video_gen_settings
                      • abacusai.video_search_result
                      • abacusai.voice_gen_details
                      • +
                      • abacusai.web_app_conversation
                      • +
                      • abacusai.web_app_deployment_permission_dict
                      • +
                      • abacusai.web_app_domain
                      • abacusai.web_page_response
                      • abacusai.web_search_response
                      • abacusai.web_search_result
                      • +
                      • abacusai.web_service_trigger_run
                      • abacusai.webhook
                      • abacusai.workflow_graph_node_details
                      • abacusai.workflow_node_template
                      • @@ -348,17 +404,17 @@

                        Module ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • missingPercent (float) – percentage of missing values in data

                        • -
                        • count (int) – count of data

                        • -
                        • median (float) – median of the data

                        • -
                        • mean (float) – mean value of the data

                        • -
                        • p10 (float) – 10th percentile of the data

                        • -
                        • p90 (float) – 90th_percentile of the data

                        • -
                        • stddev (float) – standard deviation of the data

                        • -
                        • min (int) – min value in the data

                        • -
                        • max (int) – max value in the data

                        • -
                        • lowerBound (float) – lower bound threshold of the data

                        • -
                        • upperBound (float) – upper bound threshold of the data

                        • +
                        • missingPercent (float) – percentage of missing values in data

                        • +
                        • count (int) – count of data

                        • +
                        • median (float) – median of the data

                        • +
                        • mean (float) – mean value of the data

                        • +
                        • p10 (float) – 10th percentile of the data

                        • +
                        • p90 (float) – 90th_percentile of the data

                        • +
                        • stddev (float) – standard deviation of the data

                        • +
                        • min (int) – min value in the data

                        • +
                        • max (int) – max value in the data

                        • +
                        • lowerBound (float) – lower bound threshold of the data

                        • +
                        • upperBound (float) – upper bound threshold of the data

                        @@ -436,7 +492,7 @@

                        Module Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -451,7 +507,7 @@

                        Module Contents - +
                        diff --git a/docs/autoapi/abacusai/lip_sync_gen_settings/index.html b/docs/autoapi/abacusai/lip_sync_gen_settings/index.html new file mode 100644 index 000000000..2cdb6fa33 --- /dev/null +++ b/docs/autoapi/abacusai/lip_sync_gen_settings/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.lip_sync_gen_settings — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                        + + +
                        + +
                        +
                        +
                        + +
                        +
                        +
                        +
                        + +
                        +

                        abacusai.lip_sync_gen_settings

                        +
                        +

                        Classes

                        +

                        DocumentRetrieverConfig

                        MIN_AGENT_SLEEP_TIME

                        DocumentRetrieverConfig

                        Segment

                        Segment

                        _request_context

                        _request_context

                        __version__

                        __version__

                        WorkflowGraphNode

                        Represents a node in an Agent workflow graph.

                        WorkflowGraphEdge

                        DecisionNode

                        Represents a decision node in an Agent workflow graph. It is connected between two workflow nodes and is used to determine if subsequent nodes should be executed.

                        LLMAgentNode

                        Represents an LLM agent node in an Agent workflow graph. The LLM Agent Node can be initialized using either chatbot_deployment_id or creation_parameters.

                        InputNode

                        Represents an input node in an agent workflow graph.

                        WorkflowGraphEdge

                        Represents an edge in an Agent workflow graph.

                        WorkflowGraph

                        WorkflowGraph

                        Represents an Agent workflow graph.

                        AgentConversationMessage

                        AgentConversationMessage

                        Message format for agent conversation

                        WorkflowNodeTemplateConfig

                        WorkflowNodeTemplateConfig

                        Represents a WorkflowNode template config.

                        WorkflowNodeTemplateInput

                        WorkflowNodeTemplateInput

                        Represents an input to the workflow node generated using template.

                        WorkflowNodeTemplateOutput

                        WorkflowNodeTemplateOutput

                        Represents an output returned by the workflow node generated using template.

                        HotkeyPrompt

                        HotkeyPrompt

                        A config class for a Data Science Co-Pilot Hotkey

                        _ApiClassFactory

                        _ApiClassFactory

                        Helper class that provides a standard way to create an ABC using

                        BatchPredictionArgs

                        BatchPredictionArgs

                        An abstract class for Batch Prediction args specific to problem type.

                        ForecastingBatchPredictionArgs

                        ForecastingBatchPredictionArgs

                        Batch Prediction Config for the FORECASTING problem type

                        NamedEntityExtractionBatchPredictionArgs

                        NamedEntityExtractionBatchPredictionArgs

                        Batch Prediction Config for the NAMED_ENTITY_EXTRACTION problem type

                        PersonalizationBatchPredictionArgs

                        PersonalizationBatchPredictionArgs

                        Batch Prediction Config for the PERSONALIZATION problem type

                        PredictiveModelingBatchPredictionArgs

                        PredictiveModelingBatchPredictionArgs

                        Batch Prediction Config for the PREDICTIVE_MODELING problem type

                        PretrainedModelsBatchPredictionArgs

                        PretrainedModelsBatchPredictionArgs

                        Batch Prediction Config for the PRETRAINED_MODELS problem type

                        SentenceBoundaryDetectionBatchPredictionArgs

                        SentenceBoundaryDetectionBatchPredictionArgs

                        Batch Prediction Config for the SENTENCE_BOUNDARY_DETECTION problem type

                        ThemeAnalysisBatchPredictionArgs

                        ThemeAnalysisBatchPredictionArgs

                        Batch Prediction Config for the THEME_ANALYSIS problem type

                        ChatLLMBatchPredictionArgs

                        ChatLLMBatchPredictionArgs

                        Batch Prediction Config for the ChatLLM problem type

                        TrainablePlugAndPlayBatchPredictionArgs

                        TrainablePlugAndPlayBatchPredictionArgs

                        Batch Prediction Config for the TrainablePlugAndPlay problem type

                        AIAgentBatchPredictionArgs

                        AIAgentBatchPredictionArgs

                        Batch Prediction Config for the AIAgents problem type

                        _BatchPredictionArgsFactory

                        Helper class that provides a standard way to create an ABC using

                        _BatchPredictionArgsFactory

                        Blob

                        Blob

                        An object for storing and passing file data.

                        BlobInput

                        BlobInput

                        An object for storing and passing file data.

                        DatasetConfig

                        DatasetConfig

                        An abstract class for dataset configs

                        StreamingConnectorDatasetConfig

                        StreamingConnectorDatasetConfig

                        An abstract class for dataset configs specific to streaming connectors.

                        KafkaDatasetConfig

                        KafkaDatasetConfig

                        Dataset config for Kafka Streaming Connector

                        _StreamingConnectorDatasetConfigFactory

                        Helper class that provides a standard way to create an ABC using

                        _StreamingConnectorDatasetConfigFactory

                        DocumentType

                        DocumentType

                        Generic enumeration.

                        OcrMode

                        OcrMode

                        Generic enumeration.

                        ParsingConfig

                        ParsingConfig

                        Custom config for dataset parsing.

                        DocumentProcessingConfig

                        DocumentProcessingConfig

                        Document processing configuration.

                        DatasetDocumentProcessingConfig

                        DatasetDocumentProcessingConfig

                        Document processing configuration for dataset imports.

                        IncrementalDatabaseConnectorConfig

                        IncrementalDatabaseConnectorConfig

                        Config information for incremental datasets from database connectors

                        AttachmentParsingConfig

                        AttachmentParsingConfig

                        Config information for parsing attachments

                        ApplicationConnectorDatasetConfig

                        ApplicationConnectorDatasetConfig

                        An abstract class for dataset configs specific to application connectors.

                        ConfluenceDatasetConfig

                        ConfluenceDatasetConfig

                        Dataset config for Confluence Application Connector

                        BoxDatasetConfig

                        BoxDatasetConfig

                        Dataset config for Box Application Connector

                        GoogleAnalyticsDatasetConfig

                        GoogleAnalyticsDatasetConfig

                        Dataset config for Google Analytics Application Connector

                        GoogleDriveDatasetConfig

                        GoogleDriveDatasetConfig

                        Dataset config for Google Drive Application Connector

                        JiraDatasetConfig

                        JiraDatasetConfig

                        Dataset config for Jira Application Connector

                        OneDriveDatasetConfig

                        OneDriveDatasetConfig

                        Dataset config for OneDrive Application Connector

                        SharepointDatasetConfig

                        SharepointDatasetConfig

                        Dataset config for Sharepoint Application Connector

                        ZendeskDatasetConfig

                        ZendeskDatasetConfig

                        Dataset config for Zendesk Application Connector

                        AbacusUsageMetricsDatasetConfig

                        AbacusUsageMetricsDatasetConfig

                        Dataset config for Abacus Usage Metrics Application Connector

                        TeamsScraperDatasetConfig

                        TeamsScraperDatasetConfig

                        Dataset config for Teams Scraper Application Connector

                        FreshserviceDatasetConfig

                        OutlookDatasetConfig

                        Dataset config for Outlook Application Connector

                        AzureStorageDatasetConfig

                        Dataset config for Azure Storage Application Connector

                        FreshserviceDatasetConfig

                        Dataset config for Freshservice Application Connector

                        SftpDatasetConfig

                        Dataset config for SFTP Application Connector

                        _ApplicationConnectorDatasetConfigFactory

                        Helper class that provides a standard way to create an ABC using

                        PredictionArguments

                        An abstract class for prediction arguments specific to problem type.

                        Prediction arguments for the FEATURE_STORE problem type

                        _PredictionArgumentsFactory

                        Helper class that provides a standard way to create an ABC using

                        VectorStoreTextEncoder

                        Generic enumeration.

                        ApiEnum

                        Generic enumeration.

                        ProblemType

                        ProblemType

                        Description of a problem type which is the common underlying problem for different use cases.

                        RegressionObjective

                        DeploymentConversationType

                        Generic enumeration.

                        AgentClientType

                        Generic enumeration.

                        OrganizationSecretType

                        Enum for organization secret types

                        SamplingConfig

                        An abstract class for the sampling config of a feature group

                        NaturalLanguageSearchTrainingConfig

                        Training config for the NATURAL_LANGUAGE_SEARCH problem type

                        ChatLLMTrainingConfig

                        SystemConnectorTool

                        System connector tool used to integrate chatbots with external services.

                        ChatLLMTrainingConfig

                        Training config for the CHAT_LLM problem type

                        SentenceBoundaryDetectionTrainingConfig

                        SentenceBoundaryDetectionTrainingConfig

                        Training config for the SENTENCE_BOUNDARY_DETECTION problem type

                        SentimentDetectionTrainingConfig

                        SentimentDetectionTrainingConfig

                        Training config for the SENTIMENT_DETECTION problem type

                        DocumentClassificationTrainingConfig

                        DocumentClassificationTrainingConfig

                        Training config for the DOCUMENT_CLASSIFICATION problem type

                        DocumentSummarizationTrainingConfig

                        DocumentSummarizationTrainingConfig

                        Training config for the DOCUMENT_SUMMARIZATION problem type

                        DocumentVisualizationTrainingConfig

                        DocumentVisualizationTrainingConfig

                        Training config for the DOCUMENT_VISUALIZATION problem type

                        ClusteringTrainingConfig

                        ClusteringTrainingConfig

                        Training config for the CLUSTERING problem type

                        ClusteringTimeseriesTrainingConfig

                        ClusteringTimeseriesTrainingConfig

                        Training config for the CLUSTERING_TIMESERIES problem type

                        EventAnomalyTrainingConfig

                        EventAnomalyTrainingConfig

                        Training config for the EVENT_ANOMALY problem type

                        TimeseriesAnomalyTrainingConfig

                        TimeseriesAnomalyTrainingConfig

                        Training config for the TS_ANOMALY problem type

                        CumulativeForecastingTrainingConfig

                        CumulativeForecastingTrainingConfig

                        Training config for the CUMULATIVE_FORECASTING problem type

                        ThemeAnalysisTrainingConfig

                        ThemeAnalysisTrainingConfig

                        Training config for the THEME ANALYSIS problem type

                        AIAgentTrainingConfig

                        AIAgentTrainingConfig

                        Training config for the AI_AGENT problem type

                        CustomTrainedModelTrainingConfig

                        CustomTrainedModelTrainingConfig

                        Training config for the CUSTOM_TRAINED_MODEL problem type

                        CustomAlgorithmTrainingConfig

                        CustomAlgorithmTrainingConfig

                        Training config for the CUSTOM_ALGORITHM problem type

                        OptimizationTrainingConfig

                        OptimizationTrainingConfig

                        Training config for the OPTIMIZATION problem type

                        _TrainingConfigFactory

                        Helper class that provides a standard way to create an ABC using

                        _TrainingConfigFactory

                        DeployableAlgorithm

                        DeployableAlgorithm

                        Algorithm that can be deployed to a model.

                        TimeWindowConfig

                        TimeWindowConfig

                        Time Window Configuration

                        ForecastingMonitorConfig

                        ForecastingMonitorConfig

                        Forecasting Monitor Configuration

                        StdDevThreshold

                        StdDevThreshold

                        Std Dev Threshold types

                        ItemAttributesStdDevThreshold

                        ItemAttributesStdDevThreshold

                        Item Attributes Std Dev Threshold for Monitor Alerts

                        RestrictFeatureMappings

                        RestrictFeatureMappings

                        Restrict Feature Mappings for Monitor Filtering

                        MonitorFilteringConfig

                        MonitorFilteringConfig

                        Monitor Filtering Configuration

                        AlertConditionConfig

                        AlertConditionConfig

                        An abstract class for alert condition configs

                        AccuracyBelowThresholdConditionConfig

                        AccuracyBelowThresholdConditionConfig

                        Accuracy Below Threshold Condition Config for Monitor Alerts

                        FeatureDriftConditionConfig

                        FeatureDriftConditionConfig

                        Feature Drift Condition Config for Monitor Alerts

                        TargetDriftConditionConfig

                        TargetDriftConditionConfig

                        Target Drift Condition Config for Monitor Alerts

                        HistoryLengthDriftConditionConfig

                        HistoryLengthDriftConditionConfig

                        History Length Drift Condition Config for Monitor Alerts

                        DataIntegrityViolationConditionConfig

                        DataIntegrityViolationConditionConfig

                        Data Integrity Violation Condition Config for Monitor Alerts

                        BiasViolationConditionConfig

                        BiasViolationConditionConfig

                        Bias Violation Condition Config for Monitor Alerts

                        PredictionCountConditionConfig

                        PredictionCountConditionConfig

                        Deployment Prediction Condition Config for Deployment Alerts. By default we monitor if predictions made over a time window has reduced significantly.

                        _AlertConditionConfigFactory

                        Helper class that provides a standard way to create an ABC using

                        _AlertConditionConfigFactory

                        AlertActionConfig

                        AlertActionConfig

                        An abstract class for alert action configs

                        EmailActionConfig

                        EmailActionConfig

                        Email Action Config for Monitor Alerts

                        _AlertActionConfigFactory

                        Helper class that provides a standard way to create an ABC using

                        _AlertActionConfigFactory

                        MonitorThresholdConfig

                        MonitorThresholdConfig

                        Monitor Threshold Config for Monitor Alerts

                        FeatureMappingConfig

                        FeatureMappingConfig

                        Feature mapping configuration for a feature group type.

                        ProjectFeatureGroupTypeMappingsConfig

                        ProjectFeatureGroupTypeMappingsConfig

                        Project feature group type mappings.

                        ConstraintConfig

                        ConstraintConfig

                        Constraint configuration.

                        ProjectFeatureGroupConfig

                        ProjectFeatureGroupConfig

                        An abstract class for project feature group configuration.

                        ConstraintProjectFeatureGroupConfig

                        ConstraintProjectFeatureGroupConfig

                        Constraint project feature group configuration.

                        ReviewModeProjectFeatureGroupConfig

                        ReviewModeProjectFeatureGroupConfig

                        Review mode project feature group configuration.

                        _ProjectFeatureGroupConfigFactory

                        Helper class that provides a standard way to create an ABC using

                        _ProjectFeatureGroupConfigFactory

                        PythonFunctionArgument

                        PythonFunctionArgument

                        A config class for python function arguments

                        OutputVariableMapping

                        OutputVariableMapping

                        A config class for python function arguments

                        FeatureGroupExportConfig

                        FeatureGroupExportConfig

                        Export configuration (file connector or database connector information) for feature group exports.

                        FileConnectorExportConfig

                        FileConnectorExportConfig

                        File connector export config for feature groups

                        DatabaseConnectorExportConfig

                        DatabaseConnectorExportConfig

                        Database connector export config for feature groups

                        _FeatureGroupExportConfigFactory

                        Helper class that provides a standard way to create an ABC using

                        _FeatureGroupExportConfigFactory

                        ResponseSection

                        ResponseSection

                        A response section that an agent can return to render specific UI elements.

                        AgentFlowButtonResponseSection

                        AgentFlowButtonResponseSection

                        A response section that an AI Agent can return to render a button.

                        ImageUrlResponseSection

                        ImageUrlResponseSection

                        A response section that an agent can return to render an image.

                        TextResponseSection

                        TextResponseSection

                        A response section that an agent can return to render text.

                        RuntimeSchemaResponseSection

                        RuntimeSchemaResponseSection

                        A segment that an agent can return to render json and ui schema in react-jsonschema-form format for workflow nodes.

                        CodeResponseSection

                        CodeResponseSection

                        A response section that an agent can return to render code.

                        Base64ImageResponseSection

                        Base64ImageResponseSection

                        A response section that an agent can return to render a base64 image.

                        CollapseResponseSection

                        CollapseResponseSection

                        A response section that an agent can return to render a collapsible component.

                        ListResponseSection

                        ListResponseSection

                        A response section that an agent can return to render a list.

                        ChartResponseSection

                        ChartResponseSection

                        A response section that an agent can return to render a chart.

                        DataframeResponseSection

                        DataframeResponseSection

                        A response section that an agent can return to render a pandas dataframe.

                        ApiEndpoint

                        ApiEndpoint

                        An collection of endpoints which can be used to make requests to, such as api calls or predict calls

                        ApiKey

                        ApiKey

                        An API Key to authenticate requests to the Abacus.AI API

                        AppUserGroup

                        AppUserGroup

                        An app user group. This is used to determine which users have permissions for external chatbots.

                        AppUserGroupSignInToken

                        AppUserGroupSignInToken

                        User Group Sign In Token

                        ApplicationConnector

                        ApplicationConnector

                        A connector to an external service

                        AudioGenSettings

                        AudioGenSettings

                        Audio generation settings

                        BatchPrediction

                        AudioUrlResult

                        TTS result

                        AuditLog

                        An audit log entry

                        BatchPrediction

                        Make batch predictions.

                        BatchPredictionVersion

                        BatchPredictionVersion

                        Batch Prediction Version

                        BatchPredictionVersionLogs

                        BatchPredictionVersionLogs

                        Logs from batch prediction version.

                        BotInfo

                        BotInfo

                        Information about an external application and LLM.

                        CategoricalRangeViolation

                        CategoricalRangeViolation

                        Summary of important range mismatches for a numerical feature discovered by a model monitoring instance

                        ChatMessage

                        ChatMessage

                        A single chat message with Abacus Chat.

                        ChatSession

                        ChatSession

                        A chat session with Abacus Data Science Co-pilot.

                        ChatllmComputer

                        ChatllmComputer

                        ChatLLMComputer

                        ChatllmReferralInvite

                        ChatllmComputerStatus

                        ChatLLM Computer Status

                        ChatllmMemory

                        An LLM created memory in ChatLLM

                        ChatllmProject

                        ChatLLM Project

                        ChatllmProjectPermissions

                        ChatLLM Project Permissions

                        ChatllmReferralInvite

                        The response of the Chatllm Referral Invite for different emails

                        ChatllmTask

                        ChatllmTask

                        A chatllm task

                        AgentResponse

                        AgentResponse

                        Response object for agent to support attachments, section data and normal data

                        ApiClient

                        ApiClient

                        Abacus.AI API Client

                        ClientOptions

                        ClientOptions

                        Options for configuring the ApiClient

                        ReadOnlyClient

                        ReadOnlyClient

                        Abacus.AI Read Only API Client. Only contains GET methods

                        ToolResponse

                        Response object for tool to support non-text response sections

                        CodeAgentResponse

                        A response from a Code Agent

                        CodeAutocompleteResponse

                        CodeAutocompleteEditPredictionResponse

                        A autocomplete response from an LLM

                        CodeAutocompleteResponse

                        A autocomplete response from an LLM

                        CodeBot

                        CodeBot

                        A bot option for CodeLLM

                        CodeEdit

                        CodeEdit

                        A code edit response from an LLM

                        CodeEditResponse

                        CodeEditResponse

                        A code edit response from an LLM

                        CodeEdits

                        CodeEdits

                        A code edit response from an LLM

                        CodeSource

                        CodeEmbeddings

                        Code embeddings

                        CodeLlmChangedFiles

                        Code changed files

                        CodeSource

                        Code source for python-based custom feature groups and models

                        CodeSuggestionValidationResponse

                        A response from an LLM to validate a code suggestion.

                        CodeSummaryResponse

                        A summary response from an LLM

                        CodellmEmbeddingConstants

                        A dictionary of constants to be used in the autocomplete.

                        ComputePointInfo

                        The compute point info of the organization

                        ConcatenationConfig

                        Feature Group Concatenation Config

                        CpuGpuMemorySpecs

                        ConstantsAutocompleteResponse

                        A dictionary of constants to be used in the autocomplete.

                        CpuGpuMemorySpecs

                        Includes the memory specs of the CPU/GPU

                        CustomChatInstructions

                        CustomChatInstructions

                        Custom Chat Instructions

                        CustomDomain

                        Result of adding a custom domain to a hosted app

                        CustomLossFunction

                        Custom Loss Function

                        CustomTrainFunctionInfo

                        Information about how to call the customer provided train function.

                        DataConsistencyDuplication

                        DaemonTaskConversation

                        Daemon Task Conversation

                        DataConsistencyDuplication

                        Data Consistency for duplication within data

                        DataMetrics

                        DataMetrics

                        Processed Metrics and Schema for a dataset version or feature group version

                        DataPrepLogs

                        DataPrepLogs

                        Logs from data preparation.

                        DataQualityResults

                        DataQualityResults

                        Data Quality results from normalization stage

                        DataUploadResult

                        DataUploadResult

                        Results of uploading data to agent.

                        DatabaseColumnFeatureMapping

                        DatabaseColumnFeatureMapping

                        Mapping for export of feature group version to database column

                        DatabaseConnector

                        DatabaseConnector

                        A connector to an external service

                        DatabaseConnectorColumn

                        DatabaseConnectorColumn

                        A schema description for a column from a database connector

                        DatabaseConnectorSchema

                        DatabaseConnectorSchema

                        A schema description for a table from a database connector

                        Dataset

                        Dataset

                        A dataset reference

                        DatasetColumn

                        DatasetColumn

                        A schema description for a column

                        DatasetVersion

                        DatasetVersion

                        A specific version of a dataset

                        DatasetVersionLogs

                        DatasetVersionLogs

                        Logs from dataset version.

                        DefaultLlm

                        A default LLM.

                        Deployment

                        A model deployment

                        DocumentRetrieverVersion

                        A version of document retriever.

                        DriftDistribution

                        DocumentRetrieverVersionLogs

                        Logs from document retriever version.

                        DomainPurchaseResult

                        Domain purchase result

                        DomainSearchResult

                        Domain search result

                        DriftDistribution

                        How actuals or predicted values have changed in the training data versus predicted data

                        DriftDistributions

                        DriftDistributions

                        For either actuals or predicted values, how it has changed in the training data versus some specified window

                        Eda

                        Eda

                        A exploratory data analysis object

                        EdaChartDescription

                        EdaChartDescription

                        Eda Chart Description.

                        EdaCollinearity

                        EdaCollinearity

                        Eda Collinearity of the latest version of the data between all the features.

                        EdaDataConsistency

                        EdaDataConsistency

                        Eda Data Consistency, contained the duplicates in the base version, Comparison version, Deletions between the base and comparison and feature transformations between the base and comparison data.

                        EdaFeatureAssociation

                        EdaFeatureAssociation

                        Eda Feature Association between two features in the data.

                        EdaFeatureCollinearity

                        EdaFeatureCollinearity

                        Eda Collinearity of the latest version of the data for a given feature.

                        EdaForecastingAnalysis

                        EdaForecastingAnalysis

                        Eda Forecasting Analysis of the latest version of the data.

                        EdaVersion

                        EdaVersion

                        A version of an eda object

                        EditImageModels

                        Edit image models

                        EmbeddingFeatureDriftDistribution

                        Feature distribution for embeddings

                        ExecuteFeatureGroupOperation

                        EntriAuthToken

                        Entri Auth Token

                        ExecuteFeatureGroupOperation

                        The result of executing a SQL query

                        ExternalApplication

                        ExternalApplication

                        An external application.

                        ExternalInvite

                        ExternalInvite

                        The response of the invites for different emails

                        ExtractedFields

                        ExtractedFields

                        The fields extracted from a document.

                        Feature

                        Feature

                        A feature in a feature group

                        FeatureDistribution

                        FeatureDistribution

                        For a single feature, how it has changed in the training data versus some specified window

                        FeatureDriftRecord

                        FeatureDriftRecord

                        Value of each type of drift

                        FeatureDriftSummary

                        FeatureDriftSummary

                        Summary of important model monitoring statistics for features available in a model monitoring instance

                        FeatureGroup

                        FeatureGroup

                        A feature group.

                        FeatureGroupDocument

                        FeatureGroupDocument

                        A document of a feature group.

                        FeatureGroupExport

                        FeatureGroupExport

                        A feature Group Export Job

                        FeatureGroupExportConfig

                        FeatureGroupExportConfig

                        Export configuration (file connector or database connector information) for feature group exports.

                        FeatureGroupExportDownloadUrl

                        FeatureGroupExportDownloadUrl

                        A Feature Group Export Download Url, which is used to download the feature group version

                        FeatureGroupLineage

                        FeatureGroupLineage

                        Directed acyclic graph of feature group lineage for all feature groups in a project

                        FeatureGroupRefreshExportConfig

                        FeatureGroupRefreshExportConfig

                        A Feature Group Connector Export Config outlines the export configuration for a feature group.

                        FeatureGroupRow

                        FeatureGroupRow

                        A row of a feature group.

                        FeatureGroupRowProcess

                        FeatureGroupRowProcess

                        A feature group row process

                        FeatureGroupRowProcessLogs

                        FeatureGroupRowProcessLogs

                        Logs for the feature group row process.

                        FeatureGroupRowProcessSummary

                        FeatureGroupRowProcessSummary

                        A summary of the feature group processes for a deployment.

                        FeatureGroupTemplate

                        FeatureGroupTemplate

                        A template for creating feature groups.

                        FeatureGroupTemplateVariableOptions

                        FeatureGroupTemplateVariableOptions

                        Feature Group Template Variable Options

                        FeatureGroupVersion

                        FeatureGroupVersion

                        A materialized version of a feature group

                        FeatureGroupVersionLogs

                        FeatureGroupVersionLogs

                        Logs from feature group version.

                        FeatureImportance

                        FeatureImportance

                        Feature importance for a specified model monitor

                        FeatureMapping

                        FeatureMapping

                        A description of the data use for a feature

                        FeaturePerformanceAnalysis

                        FeaturePerformanceAnalysis

                        A feature performance analysis for Monitor

                        FeatureRecord

                        A feature record

                        FileConnector

                        Verification result for an external storage service

                        ForecastingMonitorSummary

                        Forecasting Monitor Summary of the latest version of the data.

                        FunctionLogs

                        FsEntry

                        File system entry.

                        FunctionLogs

                        Logs from an invocation of a function.

                        GeneratedPitFeatureConfigOption

                        GeneratedPitFeatureConfigOption

                        The options to display for possible generated PIT aggregation functions

                        GraphDashboard

                        GraphDashboard

                        A Graph Dashboard

                        HoldoutAnalysis

                        HoldoutAnalysis

                        A holdout analysis object.

                        HoldoutAnalysisVersion

                        HoldoutAnalysisVersion

                        A holdout analysis version object.

                        HostedModelToken

                        HostedApp

                        Hosted App

                        HostedAppContainer

                        Hosted app + Deep agent container information.

                        HostedAppFileRead

                        Result of reading file content from a hosted app container.

                        HostedArtifact

                        A hosted artifact being served by the platform.

                        HostedDatabase

                        Hosted Database

                        HostedDatabaseSnapshot

                        Hosted Database Snapshot

                        HostedModelToken

                        A hosted model authentication token that is used to authenticate requests to an abacus hosted model

                        HostnameInfo

                        Hostname Info

                        HumeVoice

                        Hume Voice

                        ImageGenModel

                        Image generation model

                        ImageGenModelOptions

                        Image generation model options

                        ImageGenSettings

                        Image generation settings

                        ItemStatistics

                        ItemStatistics representation.

                        LlmApp

                        LipSyncGenSettings

                        Lip sync generation settings

                        LlmApp

                        An LLM App that can be used for generation. LLM Apps are specifically crafted to help with certain tasks like code generation or question answering.

                        LlmArtifact

                        LLM Artifact

                        LlmCodeBlock

                        Parsed code block from an LLM response

                        LlmResponse

                        The response returned by LLM

                        McpConfig

                        Model Context Protocol Config

                        McpServer

                        Model Context Protocol Server

                        McpServerConnection

                        Model Context Protocol Server Connection

                        McpServerQueryResult

                        Result of a MCP server query

                        MemoryOptions

                        The overall memory options for executing a job

                        PredictionOperatorVersion

                        A prediction operator version.

                        ProblemType

                        PresentationExportResult

                        Export Presentation

                        PrivateWebAppDeployment

                        Private web app deployment list.

                        ProblemType

                        Description of a problem type which is the common underlying problem for different use cases.

                        Project

                        RegenerateLlmExternalApplication

                        An external application that specifies an LLM user can regenerate with in RouteLLM.

                        ResolvedFeatureGroupTemplate

                        RegenerateLlmOption

                        An option that specifies an LLM user can regenerate with in RouteLLM.

                        ResolvedFeatureGroupTemplate

                        Final SQL from resolving a feature group template.

                        RoutingAction

                        RoutingAction

                        Routing action

                        Schema

                        Schema

                        A schema description for a feature

                        SessionSummary

                        A session summary

                        SessionTranscript

                        A session transcript

                        SessionTranscripts

                        A list of session transcripts

                        SftpKey

                        An SFTP key

                        StreamingSampleCode

                        Sample code for adding to a streaming feature group with examples from different locations.

                        StsGenSettings

                        STS generation settings

                        SttGenModel

                        STT generation model

                        SttGenModelOptions

                        STT generation model options

                        SttGenSettings

                        STT generation settings

                        TemplateNodeDetails

                        Details about WorkflowGraphNode object and notebook code for adding template nodes in workflow.

                        TrainingConfigOptions

                        Training options for a model

                        TwitterSearchResult

                        TtsGenSettings

                        TTS generation settings

                        TwitterSearchResult

                        A single twitter search result.

                        UnifiedConnector

                        Lightweight unified connector filter that skips expensive auth transformations.

                        Upload

                        A Upload Reference for uploading file parts

                        Use Case Requirements

                        User

                        An Abacus.AI User

                        An Abacus.AI User with a unique user_id.

                        UserException

                        Exception information for errors in usercode.

                        UserGroupObjectPermission

                        A user group object permission

                        VideoGenCosts

                        The most expensive price for each video gen model in credits

                        VideoGenModel

                        Video generation model

                        VideoGenModelOptions

                        Video generation model options

                        VideoGenSettings

                        Video generation settings

                        VoiceGenDetails

                        Voice generation details

                        WebPageResponse

                        WebAppConversation

                        Web App Conversation

                        WebAppDeploymentPermissionDict

                        Web app deployment permission dict.

                        WebAppDomain

                        Web App Domain

                        WebPageResponse

                        A scraped web page response

                        WebSearchResponse

                        WebSearchResponse

                        Result of running a web search with optional content fetching.

                        WebSearchResult

                        WebSearchResult

                        A single search result.

                        WebServiceTriggerRun

                        A web service trigger run

                        Webhook

                        A Abacus.AI Webhook attached to an endpoint and event trigger for a given object.

                        + + + + + +

                        LipSyncGenSettings

                        Lip sync generation settings

                        + +
                        +

                        Module Contents

                        +
                        +
                        +class abacusai.lip_sync_gen_settings.LipSyncGenSettings(client, model=None, settings=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        Lip sync generation settings

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • model (dict) – The model settings.

                        • +
                        • settings (dict) – The settings for each model.

                        • +
                        +
                        +
                        +
                        +
                        +model = None
                        +
                        + +
                        +
                        +settings = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        + + + + + + + + + + + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/llm_app/index.html b/docs/autoapi/abacusai/llm_app/index.html index c5a72b5c7..7cfeade29 100644 --- a/docs/autoapi/abacusai/llm_app/index.html +++ b/docs/autoapi/abacusai/llm_app/index.html @@ -20,8 +20,8 @@ - - + + @@ -69,6 +69,8 @@
                      • abacusai.app_user_group_sign_in_token
                      • abacusai.application_connector
                      • abacusai.audio_gen_settings
                      • +
                      • abacusai.audio_url_result
                      • +
                      • abacusai.audit_log
                      • abacusai.batch_prediction
                      • abacusai.batch_prediction_version
                      • abacusai.batch_prediction_version_logs
                      • @@ -77,25 +79,38 @@
                      • abacusai.chat_message
                      • abacusai.chat_session
                      • abacusai.chatllm_computer
                      • +
                      • abacusai.chatllm_computer_status
                      • +
                      • abacusai.chatllm_memory
                      • +
                      • abacusai.chatllm_project
                      • +
                      • abacusai.chatllm_project_permissions
                      • abacusai.chatllm_referral_invite
                      • abacusai.chatllm_task
                      • abacusai.client
                      • abacusai.code_agent_response
                      • +
                      • abacusai.code_autocomplete_edit_prediction_response
                      • abacusai.code_autocomplete_response
                      • abacusai.code_bot
                      • abacusai.code_edit
                      • abacusai.code_edit_response
                      • abacusai.code_edits
                      • +
                      • abacusai.code_embeddings
                      • +
                      • abacusai.code_llm_changed_files
                      • abacusai.code_source
                      • +
                      • abacusai.code_suggestion_validation_response
                      • +
                      • abacusai.code_summary_response
                      • +
                      • abacusai.codellm_embedding_constants
                      • abacusai.compute_point_info
                      • abacusai.concatenation_config
                      • +
                      • abacusai.constants_autocomplete_response
                      • abacusai.cpu_gpu_memory_specs
                      • abacusai.cryptography
                      • abacusai.custom_chat_instructions
                      • +
                      • abacusai.custom_domain
                      • abacusai.custom_loss_function
                      • abacusai.custom_metric
                      • abacusai.custom_metric_version
                      • abacusai.custom_train_function_info
                      • +
                      • abacusai.daemon_task_conversation
                      • abacusai.data_consistency_duplication
                      • abacusai.data_metrics
                      • abacusai.data_prep_logs
                      • @@ -109,6 +124,7 @@
                      • abacusai.dataset_column
                      • abacusai.dataset_version
                      • abacusai.dataset_version_logs
                      • +
                      • abacusai.default_llm
                      • abacusai.deployment
                      • abacusai.deployment_auth_token
                      • abacusai.deployment_conversation
                      • @@ -119,6 +135,9 @@
                      • abacusai.document_retriever
                      • abacusai.document_retriever_lookup_result
                      • abacusai.document_retriever_version
                      • +
                      • abacusai.document_retriever_version_logs
                      • +
                      • abacusai.domain_purchase_result
                      • +
                      • abacusai.domain_search_result
                      • abacusai.drift_distribution
                      • abacusai.drift_distributions
                      • abacusai.eda
                      • @@ -129,7 +148,9 @@
                      • abacusai.eda_feature_collinearity
                      • abacusai.eda_forecasting_analysis
                      • abacusai.eda_version
                      • +
                      • abacusai.edit_image_models
                      • abacusai.embedding_feature_drift_distribution
                      • +
                      • abacusai.entri_auth_token
                      • abacusai.execute_feature_group_operation
                      • abacusai.external_application
                      • abacusai.external_invite
                      • @@ -156,7 +177,6 @@
                      • abacusai.feature_importance
                      • abacusai.feature_mapping
                      • abacusai.feature_performance_analysis
                      • -
                      • abacusai.feature_record
                      • abacusai.file_connector
                      • abacusai.file_connector_instructions
                      • abacusai.file_connector_verification
                      • @@ -164,24 +184,36 @@
                      • abacusai.forecasting_analysis_graph_data
                      • abacusai.forecasting_monitor_item_analysis
                      • abacusai.forecasting_monitor_summary
                      • +
                      • abacusai.fs_entry
                      • abacusai.function_logs
                      • abacusai.generated_pit_feature_config_option
                      • abacusai.global_context
                      • abacusai.graph_dashboard
                      • abacusai.holdout_analysis
                      • abacusai.holdout_analysis_version
                      • +
                      • abacusai.hosted_app
                      • +
                      • abacusai.hosted_app_container
                      • +
                      • abacusai.hosted_app_file_read
                      • +
                      • abacusai.hosted_artifact
                      • +
                      • abacusai.hosted_database
                      • +
                      • abacusai.hosted_database_snapshot
                      • abacusai.hosted_model_token
                      • +
                      • abacusai.hostname_info
                      • abacusai.hume_voice
                      • +
                      • abacusai.image_gen_model
                      • +
                      • abacusai.image_gen_model_options
                      • abacusai.image_gen_settings
                      • abacusai.indexing_config
                      • abacusai.inferred_database_column_to_feature_mappings
                      • abacusai.inferred_feature_mappings
                      • abacusai.item_statistics
                      • +
                      • abacusai.lip_sync_gen_settings
                      • abacusai.llm_app
                      • +
                      • abacusai.llm_artifact
                      • abacusai.llm_code_block
                      • abacusai.llm_execution_preview
                      • abacusai.llm_execution_result
                      • @@ -189,6 +221,10 @@
                      • abacusai.llm_input
                      • abacusai.llm_parameters
                      • abacusai.llm_response
                      • +
                      • abacusai.mcp_config
                      • +
                      • abacusai.mcp_server
                      • +
                      • abacusai.mcp_server_connection
                      • +
                      • abacusai.mcp_server_query_result
                      • abacusai.memory_options
                      • abacusai.messaging_connector_response
                      • abacusai.model
                      • @@ -243,6 +279,8 @@
                      • abacusai.prediction_log_record
                      • abacusai.prediction_operator
                      • abacusai.prediction_operator_version
                      • +
                      • abacusai.presentation_export_result
                      • +
                      • abacusai.private_web_app_deployment
                      • abacusai.problem_type
                      • abacusai.project
                      • abacusai.project_config
                      • @@ -259,33 +297,51 @@
                      • abacusai.refresh_policy
                      • abacusai.refresh_schedule
                      • abacusai.regenerate_llm_external_application
                      • +
                      • abacusai.regenerate_llm_option
                      • abacusai.resolved_feature_group_template
                      • abacusai.return_class
                      • abacusai.routing_action
                      • abacusai.schema
                      • +
                      • abacusai.session_summary
                      • +
                      • abacusai.session_transcript
                      • +
                      • abacusai.session_transcripts
                      • abacusai.sftp_key
                      • abacusai.streaming_auth_token
                      • abacusai.streaming_client
                      • abacusai.streaming_connector
                      • abacusai.streaming_row_count
                      • abacusai.streaming_sample_code
                      • +
                      • abacusai.sts_gen_settings
                      • +
                      • abacusai.stt_gen_model
                      • +
                      • abacusai.stt_gen_model_options
                      • +
                      • abacusai.stt_gen_settings
                      • abacusai.template_node_details
                      • abacusai.test_point_predictions
                      • abacusai.tone_details
                      • abacusai.training_config_options
                      • +
                      • abacusai.tts_gen_settings
                      • abacusai.twitter_search_result
                      • +
                      • abacusai.unified_connector
                      • abacusai.upload
                      • abacusai.upload_part
                      • abacusai.use_case
                      • abacusai.use_case_requirements
                      • abacusai.user
                      • abacusai.user_exception
                      • +
                      • abacusai.user_group_object_permission
                      • +
                      • abacusai.video_gen_costs
                      • +
                      • abacusai.video_gen_model
                      • +
                      • abacusai.video_gen_model_options
                      • abacusai.video_gen_settings
                      • abacusai.video_search_result
                      • abacusai.voice_gen_details
                      • +
                      • abacusai.web_app_conversation
                      • +
                      • abacusai.web_app_deployment_permission_dict
                      • +
                      • abacusai.web_app_domain
                      • abacusai.web_page_response
                      • abacusai.web_search_response
                      • abacusai.web_search_result
                      • +
                      • abacusai.web_service_trigger_run
                      • abacusai.webhook
                      • abacusai.workflow_graph_node_details
                      • abacusai.workflow_node_template
                      • @@ -348,14 +404,14 @@

                        Module ContentsParameters:
                        • client (ApiClient) – An authenticated API Client instance

                        • -
                        • llmAppId (str) – The unique identifier of the LLM App.

                        • -
                        • name (str) – The name of the LLM App.

                        • -
                        • description (str) – The description of the LLM App.

                        • -
                        • projectId (str) – The project ID of the deployment associated with the LLM App.

                        • -
                        • deploymentId (str) – The deployment ID associated with the LLM App.

                        • -
                        • createdAt (str) – The timestamp at which the LLM App was created.

                        • -
                        • updatedAt (str) – The timestamp at which the LLM App was updated.

                        • -
                        • status (str) – The status of the LLM App’s deployment.

                        • +
                        • llmAppId (str) – The unique identifier of the LLM App.

                        • +
                        • name (str) – The name of the LLM App.

                        • +
                        • description (str) – The description of the LLM App.

                        • +
                        • projectId (str) – The project ID of the deployment associated with the LLM App.

                        • +
                        • deploymentId (str) – The deployment ID associated with the LLM App.

                        • +
                        • createdAt (str) – The timestamp at which the LLM App was created.

                        • +
                        • updatedAt (str) – The timestamp at which the LLM App was updated.

                        • +
                        • status (str) – The status of the LLM App’s deployment.

                        @@ -418,7 +474,7 @@

                        Module Contents

                        The dict value representation of the class parameters

                        Return type:
                        -

                        dict

                        +

                        dict

                        @@ -432,8 +488,8 @@

                        Module Contents - - + +
                        diff --git a/docs/autoapi/abacusai/llm_artifact/index.html b/docs/autoapi/abacusai/llm_artifact/index.html new file mode 100644 index 000000000..88b824052 --- /dev/null +++ b/docs/autoapi/abacusai/llm_artifact/index.html @@ -0,0 +1,554 @@ + + + + + + + + + abacusai.llm_artifact — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                        + + +
                        + +
                        +
                        +
                        + +
                        +
                        +
                        +
                        + +
                        +

                        abacusai.llm_artifact

                        +
                        +

                        Classes

                        + + + + + + +

                        LlmArtifact

                        LLM Artifact

                        +
                        +
                        +

                        Module Contents

                        +
                        +
                        +class abacusai.llm_artifact.LlmArtifact(client, llmArtifactId=None, info=None, description=None, createdAt=None, webAppDeploymentId=None, deploymentStatus=None, isLatest=None, deploymentConversationId=None, webAppProjectId=None, hasDatabase=None, hasStorage=None, projectMetadata=None, hasDatabaseSnapshot=None, supportsPreviewRestore=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        LLM Artifact

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • llmArtifactId (id) – The ID of the LLM artifact

                        • +
                        • info (dict) – The info of the LLM artifact

                        • +
                        • description (str) – The description of the LLM artifact

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        • webAppDeploymentId (id) – The ID of the associated web app deployment

                        • +
                        • deploymentStatus (str) – The status of the associated web app deployment

                        • +
                        • isLatest (bool) – Whether it is the most recent version of the artifact

                        • +
                        • deploymentConversationId (id) – The ID of the deployment conversation

                        • +
                        • webAppProjectId (id) – The ID of the web app project

                        • +
                        • hasDatabase (bool) – Whether the app associated with the artifact has a database

                        • +
                        • hasStorage (bool) – Whether the app associated with the artifact has a storage

                        • +
                        • projectMetadata (dict) – The metadata of the web app project

                        • +
                        • hasDatabaseSnapshot (bool) – Whether the artifact database has a snapshot

                        • +
                        • supportsPreviewRestore (bool) – Whether the artifact supports preview restore

                        • +
                        +
                        +
                        +
                        +
                        +llm_artifact_id = None
                        +
                        + +
                        +
                        +info = None
                        +
                        + +
                        +
                        +description = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +web_app_deployment_id = None
                        +
                        + +
                        +
                        +deployment_status = None
                        +
                        + +
                        +
                        +is_latest = None
                        +
                        + +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +web_app_project_id = None
                        +
                        + +
                        +
                        +has_database = None
                        +
                        + +
                        +
                        +has_storage = None
                        +
                        + +
                        +
                        +project_metadata = None
                        +
                        + +
                        +
                        +has_database_snapshot = None
                        +
                        + +
                        +
                        +supports_preview_restore = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        + + +
                        +
                        + +
                        +
                        +
                        +
                        + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/llm_artifact_conversation/index.html b/docs/autoapi/abacusai/llm_artifact_conversation/index.html new file mode 100644 index 000000000..e36d102e5 --- /dev/null +++ b/docs/autoapi/abacusai/llm_artifact_conversation/index.html @@ -0,0 +1,485 @@ + + + + + + + + + abacusai.llm_artifact_conversation — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                        + + +
                        + +
                        +
                        +
                        + +
                        +
                        +
                        +
                        + +
                        +

                        abacusai.llm_artifact_conversation

                        +
                        +

                        Classes

                        + + + + + + +

                        LlmArtifactConversation

                        LLM Artifact Conversation

                        +
                        +
                        +

                        Module Contents

                        +
                        +
                        +class abacusai.llm_artifact_conversation.LlmArtifactConversation(client, deploymentConversationId=None, llmArtifactId=None, deploymentConversationName=None, externalApplicationId=None, createdAt=None)
                        +

                        Bases: abacusai.return_class.AbstractApiClass

                        +

                        LLM Artifact Conversation

                        +
                        +
                        Parameters:
                        +
                          +
                        • client (ApiClient) – An authenticated API Client instance

                        • +
                        • deploymentConversationId (id) – The ID of the deployment conversation

                        • +
                        • llmArtifactId (id) – The ID of the LLM artifact

                        • +
                        • deploymentConversationName (str) – The name of the conversation

                        • +
                        • externalApplicationId (str) – The external application ID

                        • +
                        • createdAt (str) – The creation timestamp

                        • +
                        +
                        +
                        +
                        +
                        +deployment_conversation_id = None
                        +
                        + +
                        +
                        +llm_artifact_id = None
                        +
                        + +
                        +
                        +deployment_conversation_name = None
                        +
                        + +
                        +
                        +external_application_id = None
                        +
                        + +
                        +
                        +created_at = None
                        +
                        + +
                        +
                        +deprecated_keys
                        +
                        + +
                        +
                        +__repr__()
                        +
                        + +
                        +
                        +to_dict()
                        +

                        Get a dict representation of the parameters in this class

                        +
                        +
                        Returns:
                        +

                        The dict value representation of the class parameters

                        +
                        +
                        Return type:
                        +

                        dict

                        +
                        +
                        +
                        + +
                        + +
                        +
                        + + +
                        +
                        + +
                        +
                        +
                        +
                        + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/llm_code_block/index.html b/docs/autoapi/abacusai/llm_code_block/index.html index 229092379..39a7e8d6d 100644 --- a/docs/autoapi/abacusai/llm_code_block/index.html +++ b/docs/autoapi/abacusai/llm_code_block/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
                      • abacusai.app_user_group_sign_in_token
                      • abacusai.application_connector
                      • abacusai.audio_gen_settings
                      • +
                      • abacusai.audio_url_result
                      • +
                      • abacusai.audit_log
                      • abacusai.batch_prediction
                      • abacusai.batch_prediction_version
                      • abacusai.batch_prediction_version_logs
                      • @@ -77,25 +79,38 @@
                      • abacusai.chat_message
                      • abacusai.chat_session
                      • abacusai.chatllm_computer
                      • +
                      • abacusai.chatllm_computer_status
                      • +
                      • abacusai.chatllm_memory
                      • +
                      • abacusai.chatllm_project
                      • +
                      • abacusai.chatllm_project_permissions
                      • abacusai.chatllm_referral_invite
                      • abacusai.chatllm_task
                      • abacusai.client
                      • abacusai.code_agent_response
                      • +
                      • abacusai.code_autocomplete_edit_prediction_response
                      • abacusai.code_autocomplete_response
                      • abacusai.code_bot
                      • abacusai.code_edit
                      • abacusai.code_edit_response
                      • abacusai.code_edits
                      • +
                      • abacusai.code_embeddings
                      • +
                      • abacusai.code_llm_changed_files
                      • abacusai.code_source
                      • +
                      • abacusai.code_suggestion_validation_response
                      • +
                      • abacusai.code_summary_response
                      • +
                      • abacusai.codellm_embedding_constants
                      • abacusai.compute_point_info
                      • abacusai.concatenation_config
                      • +
                      • abacusai.constants_autocomplete_response
                      • abacusai.cpu_gpu_memory_specs
                      • abacusai.cryptography
                      • abacusai.custom_chat_instructions
                      • +
                      • abacusai.custom_domain
                      • abacusai.custom_loss_function
                      • abacusai.custom_metric
                      • abacusai.custom_metric_version
                      • abacusai.custom_train_function_info
                      • +
                      • abacusai.daemon_task_conversation
                      • abacusai.data_consistency_duplication
                      • abacusai.data_metrics
                      • abacusai.data_prep_logs
                      • @@ -109,6 +124,7 @@
                      • abacusai.dataset_column
                      • abacusai.dataset_version
                      • abacusai.dataset_version_logs
                      • +
                      • abacusai.default_llm
                      • abacusai.deployment
                      • abacusai.deployment_auth_token
                      • abacusai.deployment_conversation
                      • @@ -119,6 +135,9 @@
                      • abacusai.document_retriever
                      • abacusai.document_retriever_lookup_result
                      • abacusai.document_retriever_version
                      • +
                      • abacusai.document_retriever_version_logs
                      • +
                      • abacusai.domain_purchase_result
                      • +
                      • abacusai.domain_search_result
                      • abacusai.drift_distribution
                      • abacusai.drift_distributions
                      • abacusai.eda
                      • @@ -129,7 +148,9 @@
                      • abacusai.eda_feature_collinearity
                      • abacusai.eda_forecasting_analysis
                      • abacusai.eda_version
                      • +
                      • abacusai.edit_image_models
                      • abacusai.embedding_feature_drift_distribution
                      • +
                      • abacusai.entri_auth_token
                      • abacusai.execute_feature_group_operation
                      • abacusai.external_application
                      • abacusai.external_invite
                      • @@ -156,7 +177,6 @@
                      • abacusai.feature_importance
                      • abacusai.feature_mapping
                      • abacusai.feature_performance_analysis
                      • -
                      • abacusai.feature_record
                      • abacusai.file_connector
                      • abacusai.file_connector_instructions
                      • abacusai.file_connector_verification
                      • @@ -164,20 +184,32 @@
                      • abacusai.forecasting_analysis_graph_data
                      • abacusai.forecasting_monitor_item_analysis
                      • abacusai.forecasting_monitor_summary
                      • +
                      • abacusai.fs_entry
                      • abacusai.function_logs
                      • abacusai.generated_pit_feature_config_option
                      • abacusai.global_context
                      • abacusai.graph_dashboard
                      • abacusai.holdout_analysis
                      • abacusai.holdout_analysis_version
                      • +
                      • abacusai.hosted_app
                      • +
                      • abacusai.hosted_app_container
                      • +
                      • abacusai.hosted_app_file_read
                      • +
                      • abacusai.hosted_artifact
                      • +
                      • abacusai.hosted_database
                      • +
                      • abacusai.hosted_database_snapshot
                      • abacusai.hosted_model_token
                      • +
                      • abacusai.hostname_info
                      • abacusai.hume_voice
                      • +
                      • abacusai.image_gen_model
                      • +
                      • abacusai.image_gen_model_options
                      • abacusai.image_gen_settings
                      • abacusai.indexing_config
                      • abacusai.inferred_database_column_to_feature_mappings
                      • abacusai.inferred_feature_mappings
                      • abacusai.item_statistics
                      • +
                      • abacusai.lip_sync_gen_settings
                      • abacusai.llm_app
                      • +
                      • abacusai.llm_artifact
                      • abacusai.llm_code_block
                        • Classes
                        • Module Contents
                        • @@ -189,6 +221,10 @@
                        • abacusai.llm_input
                        • abacusai.llm_parameters
                        • abacusai.llm_response
                        • +
                        • abacusai.mcp_config
                        • +
                        • abacusai.mcp_server
                        • +
                        • abacusai.mcp_server_connection
                        • +
                        • abacusai.mcp_server_query_result
                        • abacusai.memory_options
                        • abacusai.messaging_connector_response
                        • abacusai.model
                        • @@ -243,6 +279,8 @@
                        • abacusai.prediction_log_record
                        • abacusai.prediction_operator
                        • abacusai.prediction_operator_version
                        • +
                        • abacusai.presentation_export_result
                        • +
                        • abacusai.private_web_app_deployment
                        • abacusai.problem_type
                        • abacusai.project
                        • abacusai.project_config
                        • @@ -259,33 +297,51 @@
                        • abacusai.refresh_policy
                        • abacusai.refresh_schedule
                        • abacusai.regenerate_llm_external_application
                        • +
                        • abacusai.regenerate_llm_option
                        • abacusai.resolved_feature_group_template
                        • abacusai.return_class
                        • abacusai.routing_action
                        • abacusai.schema
                        • +
                        • abacusai.session_summary
                        • +
                        • abacusai.session_transcript
                        • +
                        • abacusai.session_transcripts
                        • abacusai.sftp_key
                        • abacusai.streaming_auth_token
                        • abacusai.streaming_client
                        • abacusai.streaming_connector
                        • abacusai.streaming_row_count
                        • abacusai.streaming_sample_code
                        • +
                        • abacusai.sts_gen_settings
                        • +
                        • abacusai.stt_gen_model
                        • +
                        • abacusai.stt_gen_model_options
                        • +
                        • abacusai.stt_gen_settings
                        • abacusai.template_node_details
                        • abacusai.test_point_predictions
                        • abacusai.tone_details
                        • abacusai.training_config_options
                        • +
                        • abacusai.tts_gen_settings
                        • abacusai.twitter_search_result
                        • +
                        • abacusai.unified_connector
                        • abacusai.upload
                        • abacusai.upload_part
                        • abacusai.use_case
                        • abacusai.use_case_requirements
                        • abacusai.user
                        • abacusai.user_exception
                        • +
                        • abacusai.user_group_object_permission
                        • +
                        • abacusai.video_gen_costs
                        • +
                        • abacusai.video_gen_model
                        • +
                        • abacusai.video_gen_model_options
                        • abacusai.video_gen_settings
                        • abacusai.video_search_result
                        • abacusai.voice_gen_details
                        • +
                        • abacusai.web_app_conversation
                        • +
                        • abacusai.web_app_deployment_permission_dict
                        • +
                        • abacusai.web_app_domain
                        • abacusai.web_page_response
                        • abacusai.web_search_response
                        • abacusai.web_search_result
                        • +
                        • abacusai.web_service_trigger_run
                        • abacusai.webhook
                        • abacusai.workflow_graph_node_details
                        • abacusai.workflow_node_template
                        • @@ -348,11 +404,11 @@

                          Module ContentsParameters:
                          • client (ApiClient) – An authenticated API Client instance

                          • -
                          • language (str) – The language of the code block. Eg - python/sql/etc.

                          • -
                          • code (str) – source code string

                          • -
                          • start (int) – index of the starting character of the code block in the original response

                          • -
                          • end (int) – index of the last character of the code block in the original response

                          • -
                          • valid (bool) – flag denoting whether the soruce code string is syntactically valid

                          • +
                          • language (str) – The language of the code block. Eg - python/sql/etc.

                          • +
                          • code (str) – source code string

                          • +
                          • start (int) – index of the starting character of the code block in the original response

                          • +
                          • end (int) – index of the last character of the code block in the original response

                          • +
                          • valid (bool) – flag denoting whether the soruce code string is syntactically valid

                          @@ -400,7 +456,7 @@

                          Module Contents

                          The dict value representation of the class parameters

                          Return type:
                          -

                          dict

                          +

                          dict

                          @@ -414,7 +470,7 @@

                          Module Contents - + diff --git a/docs/autoapi/abacusai/llm_execution_preview/index.html b/docs/autoapi/abacusai/llm_execution_preview/index.html index d0533f325..3a482148e 100644 --- a/docs/autoapi/abacusai/llm_execution_preview/index.html +++ b/docs/autoapi/abacusai/llm_execution_preview/index.html @@ -69,6 +69,8 @@
                        • abacusai.app_user_group_sign_in_token
                        • abacusai.application_connector
                        • abacusai.audio_gen_settings
                        • +
                        • abacusai.audio_url_result
                        • +
                        • abacusai.audit_log
                        • abacusai.batch_prediction
                        • abacusai.batch_prediction_version
                        • abacusai.batch_prediction_version_logs
                        • @@ -77,25 +79,38 @@
                        • abacusai.chat_message
                        • abacusai.chat_session
                        • abacusai.chatllm_computer
                        • +
                        • abacusai.chatllm_computer_status
                        • +
                        • abacusai.chatllm_memory
                        • +
                        • abacusai.chatllm_project
                        • +
                        • abacusai.chatllm_project_permissions
                        • abacusai.chatllm_referral_invite
                        • abacusai.chatllm_task
                        • abacusai.client
                        • abacusai.code_agent_response
                        • +
                        • abacusai.code_autocomplete_edit_prediction_response
                        • abacusai.code_autocomplete_response
                        • abacusai.code_bot
                        • abacusai.code_edit
                        • abacusai.code_edit_response
                        • abacusai.code_edits
                        • +
                        • abacusai.code_embeddings
                        • +
                        • abacusai.code_llm_changed_files
                        • abacusai.code_source
                        • +
                        • abacusai.code_suggestion_validation_response
                        • +
                        • abacusai.code_summary_response
                        • +
                        • abacusai.codellm_embedding_constants
                        • abacusai.compute_point_info
                        • abacusai.concatenation_config
                        • +
                        • abacusai.constants_autocomplete_response
                        • abacusai.cpu_gpu_memory_specs
                        • abacusai.cryptography
                        • abacusai.custom_chat_instructions
                        • +
                        • abacusai.custom_domain
                        • abacusai.custom_loss_function
                        • abacusai.custom_metric
                        • abacusai.custom_metric_version
                        • abacusai.custom_train_function_info
                        • +
                        • abacusai.daemon_task_conversation
                        • abacusai.data_consistency_duplication
                        • abacusai.data_metrics
                        • abacusai.data_prep_logs
                        • @@ -109,6 +124,7 @@
                        • abacusai.dataset_column
                        • abacusai.dataset_version
                        • abacusai.dataset_version_logs
                        • +
                        • abacusai.default_llm
                        • abacusai.deployment
                        • abacusai.deployment_auth_token
                        • abacusai.deployment_conversation
                        • @@ -119,6 +135,9 @@
                        • abacusai.document_retriever
                        • abacusai.document_retriever_lookup_result
                        • abacusai.document_retriever_version
                        • +
                        • abacusai.document_retriever_version_logs
                        • +
                        • abacusai.domain_purchase_result
                        • +
                        • abacusai.domain_search_result
                        • abacusai.drift_distribution
                        • abacusai.drift_distributions
                        • abacusai.eda
                        • @@ -129,7 +148,9 @@
                        • abacusai.eda_feature_collinearity
                        • abacusai.eda_forecasting_analysis
                        • abacusai.eda_version
                        • +
                        • abacusai.edit_image_models
                        • abacusai.embedding_feature_drift_distribution
                        • +
                        • abacusai.entri_auth_token
                        • abacusai.execute_feature_group_operation
                        • abacusai.external_application
                        • abacusai.external_invite
                        • @@ -156,7 +177,6 @@
                        • abacusai.feature_importance
                        • abacusai.feature_mapping
                        • abacusai.feature_performance_analysis
                        • -
                        • abacusai.feature_record
                        • abacusai.file_connector
                        • abacusai.file_connector_instructions
                        • abacusai.file_connector_verification
                        • @@ -164,20 +184,32 @@
                        • abacusai.forecasting_analysis_graph_data
                        • abacusai.forecasting_monitor_item_analysis
                        • abacusai.forecasting_monitor_summary
                        • +
                        • abacusai.fs_entry
                        • abacusai.function_logs
                        • abacusai.generated_pit_feature_config_option
                        • abacusai.global_context
                        • abacusai.graph_dashboard
                        • abacusai.holdout_analysis
                        • abacusai.holdout_analysis_version
                        • +
                        • abacusai.hosted_app
                        • +
                        • abacusai.hosted_app_container
                        • +
                        • abacusai.hosted_app_file_read
                        • +
                        • abacusai.hosted_artifact
                        • +
                        • abacusai.hosted_database
                        • +
                        • abacusai.hosted_database_snapshot
                        • abacusai.hosted_model_token
                        • +
                        • abacusai.hostname_info
                        • abacusai.hume_voice
                        • +
                        • abacusai.image_gen_model
                        • +
                        • abacusai.image_gen_model_options
                        • abacusai.image_gen_settings
                        • abacusai.indexing_config
                        • abacusai.inferred_database_column_to_feature_mappings
                        • abacusai.inferred_feature_mappings
                        • abacusai.item_statistics
                        • +
                        • abacusai.lip_sync_gen_settings
                        • abacusai.llm_app
                        • +
                        • abacusai.llm_artifact
                        • abacusai.llm_code_block
                        • abacusai.llm_execution_preview
                        • +
                        • abacusai.mcp_config
                        • +
                        • abacusai.mcp_server
                        • +
                        • abacusai.mcp_server_connection
                        • +
                        • abacusai.mcp_server_query_result
                        • abacusai.memory_options
                        • abacusai.messaging_connector_response
                        • abacusai.model
                        • @@ -243,6 +279,8 @@
                        • abacusai.prediction_log_record
                        • abacusai.prediction_operator
                        • abacusai.prediction_operator_version
                        • +
                        • abacusai.presentation_export_result
                        • +
                        • abacusai.private_web_app_deployment
                        • abacusai.problem_type
                        • abacusai.project
                        • abacusai.project_config
                        • @@ -259,33 +297,51 @@
                        • abacusai.refresh_policy
                        • abacusai.refresh_schedule
                        • abacusai.regenerate_llm_external_application
                        • +
                        • abacusai.regenerate_llm_option
                        • abacusai.resolved_feature_group_template
                        • abacusai.return_class
                        • abacusai.routing_action
                        • abacusai.schema
                        • +
                        • abacusai.session_summary
                        • +
                        • abacusai.session_transcript
                        • +
                        • abacusai.session_transcripts
                        • abacusai.sftp_key
                        • abacusai.streaming_auth_token
                        • abacusai.streaming_client
                        • abacusai.streaming_connector
                        • abacusai.streaming_row_count
                        • abacusai.streaming_sample_code
                        • +
                        • abacusai.sts_gen_settings
                        • +
                        • abacusai.stt_gen_model
                        • +
                        • abacusai.stt_gen_model_options
                        • +
                        • abacusai.stt_gen_settings
                        • abacusai.template_node_details
                        • abacusai.test_point_predictions
                        • abacusai.tone_details
                        • abacusai.training_config_options
                        • +
                        • abacusai.tts_gen_settings
                        • abacusai.twitter_search_result
                        • +
                        • abacusai.unified_connector
                        • abacusai.upload
                        • abacusai.upload_part
                        • abacusai.use_case
                        • abacusai.use_case_requirements
                        • abacusai.user
                        • abacusai.user_exception
                        • +
                        • abacusai.user_group_object_permission
                        • +
                        • abacusai.video_gen_costs
                        • +
                        • abacusai.video_gen_model
                        • +
                        • abacusai.video_gen_model_options
                        • abacusai.video_gen_settings
                        • abacusai.video_search_result
                        • abacusai.voice_gen_details
                        • +
                        • abacusai.web_app_conversation
                        • +
                        • abacusai.web_app_deployment_permission_dict
                        • +
                        • abacusai.web_app_domain
                        • abacusai.web_page_response
                        • abacusai.web_search_response
                        • abacusai.web_search_result
                        • +
                        • abacusai.web_service_trigger_run
                        • abacusai.webhook
                        • abacusai.workflow_graph_node_details
                        • abacusai.workflow_node_template
                        • @@ -348,13 +404,13 @@

                          Module ContentsParameters:
                          • client (ApiClient) – An authenticated API Client instance

                          • -
                          • content (str) – Full response from LLM.

                          • -
                          • tokens (int) – The number of tokens in the response.

                          • -
                          • stopReason (str) – The reason due to which the response generation stopped.

                          • -
                          • llmName (str) – The name of the LLM model used to generate the response.

                          • -
                          • inputTokens (int) – The number of input tokens used in the LLM call.

                          • -
                          • outputTokens (int) – The number of output tokens generated in the LLM response.

                          • -
                          • totalTokens (int) – The total number of tokens (input + output) used in the LLM interaction.

                          • +
                          • content (str) – Full response from LLM.

                          • +
                          • tokens (int) – The number of tokens in the response.

                          • +
                          • stopReason (str) – The reason due to which the response generation stopped.

                          • +
                          • llmName (str) – The name of the LLM model used to generate the response.

                          • +
                          • inputTokens (int) – The number of input tokens used in the LLM call.

                          • +
                          • outputTokens (int) – The number of output tokens generated in the LLM response.

                          • +
                          • totalTokens (int) – The total number of tokens (input + output) used in the LLM interaction.

                          • codeBlocks (LlmCodeBlock) – A list of parsed code blocks from raw LLM Response

                          @@ -418,7 +474,7 @@

                          Module Contents

                          The dict value representation of the class parameters

                          Return type:
                          -

                          dict

                          +

                          dict

                          @@ -433,7 +489,7 @@

                          Module Contents - +
                          diff --git a/docs/autoapi/abacusai/mcp_config/index.html b/docs/autoapi/abacusai/mcp_config/index.html new file mode 100644 index 000000000..eba27ea67 --- /dev/null +++ b/docs/autoapi/abacusai/mcp_config/index.html @@ -0,0 +1,476 @@ + + + + + + + + + abacusai.mcp_config — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                          + + +
                          + +
                          +
                          +
                          + +
                          +
                          +
                          +
                          + +
                          +

                          abacusai.mcp_config

                          +
                          +

                          Classes

                          + + + + + + +

                          McpConfig

                          Model Context Protocol Config

                          +
                          +
                          +

                          Module Contents

                          +
                          +
                          +class abacusai.mcp_config.McpConfig(client, mcpConfig=None)
                          +

                          Bases: abacusai.return_class.AbstractApiClass

                          +

                          Model Context Protocol Config

                          +
                          +
                          Parameters:
                          +
                            +
                          • client (ApiClient) – An authenticated API Client instance

                          • +
                          • mcpConfig (dict) – The MCP configuration for the current user

                          • +
                          +
                          +
                          +
                          +
                          +mcp_config = None
                          +
                          + +
                          +
                          +deprecated_keys
                          +
                          + +
                          +
                          +__repr__()
                          +
                          + +
                          +
                          +to_dict()
                          +

                          Get a dict representation of the parameters in this class

                          +
                          +
                          Returns:
                          +

                          The dict value representation of the class parameters

                          +
                          +
                          Return type:
                          +

                          dict

                          +
                          +
                          +
                          + +
                          + +
                          +
                          + + +
                          +
                          + +
                          +
                          +
                          +
                          + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/mcp_server/index.html b/docs/autoapi/abacusai/mcp_server/index.html new file mode 100644 index 000000000..35ebe6aa9 --- /dev/null +++ b/docs/autoapi/abacusai/mcp_server/index.html @@ -0,0 +1,518 @@ + + + + + + + + + abacusai.mcp_server — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                          + + +
                          + +
                          +
                          +
                          + +
                          +
                          +
                          +
                          + +
                          +

                          abacusai.mcp_server

                          +
                          +

                          Classes

                          + + + + + + +

                          McpServer

                          Model Context Protocol Server

                          +
                          +
                          +

                          Module Contents

                          +
                          +
                          +class abacusai.mcp_server.McpServer(client, name=None, description=None, envVars=None, config=None, envVarInstructions=None, url=None, isActive=None, metadata=None)
                          +

                          Bases: abacusai.return_class.AbstractApiClass

                          +

                          Model Context Protocol Server

                          +
                          +
                          Parameters:
                          +
                            +
                          • client (ApiClient) – An authenticated API Client instance

                          • +
                          • name (str) – The name of the MCP server.

                          • +
                          • description (str) – description of what the MCP server does.

                          • +
                          • envVars (list) – list of api_keys or credentials required by the MCP server.

                          • +
                          • config (str) – a json string containing the command and arguments for the MCP server.

                          • +
                          • envVarInstructions (str) – instructions for the user to get the environment variables.

                          • +
                          • url (str) – The url of the MCP server github repository or webpage.

                          • +
                          • isActive (bool) – Whether the MCP server is active.

                          • +
                          • metadata (dict) – additional information about the MCP server including github_stars, etc.

                          • +
                          +
                          +
                          +
                          +
                          +name = None
                          +
                          + +
                          +
                          +description = None
                          +
                          + +
                          +
                          +env_vars = None
                          +
                          + +
                          +
                          +config = None
                          +
                          + +
                          +
                          +env_var_instructions = None
                          +
                          + +
                          +
                          +url = None
                          +
                          + +
                          +
                          +is_active = None
                          +
                          + +
                          +
                          +metadata = None
                          +
                          + +
                          +
                          +deprecated_keys
                          +
                          + +
                          +
                          +__repr__()
                          +
                          + +
                          +
                          +to_dict()
                          +

                          Get a dict representation of the parameters in this class

                          +
                          +
                          Returns:
                          +

                          The dict value representation of the class parameters

                          +
                          +
                          Return type:
                          +

                          dict

                          +
                          +
                          +
                          + +
                          + +
                          +
                          + + +
                          +
                          + +
                          +
                          +
                          +
                          + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/mcp_server_connection/index.html b/docs/autoapi/abacusai/mcp_server_connection/index.html new file mode 100644 index 000000000..44d4a928a --- /dev/null +++ b/docs/autoapi/abacusai/mcp_server_connection/index.html @@ -0,0 +1,548 @@ + + + + + + + + + abacusai.mcp_server_connection — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                          + + +
                          + +
                          +
                          +
                          + +
                          +
                          +
                          +
                          + +
                          +

                          abacusai.mcp_server_connection

                          +
                          +

                          Classes

                          + + + + + + +

                          McpServerConnection

                          Model Context Protocol Server Connection

                          +
                          +
                          +

                          Module Contents

                          +
                          +
                          +class abacusai.mcp_server_connection.McpServerConnection(client, mcpServerConnectionId=None, createdAt=None, updatedAt=None, name=None, config=None, description=None, transport=None, authType=None, externalConnectionId=None, inactive=None, tools=None, errorMsg=None, metadata=None)
                          +

                          Bases: abacusai.return_class.AbstractApiClass

                          +

                          Model Context Protocol Server Connection

                          +
                          +
                          Parameters:
                          +
                            +
                          • client (ApiClient) – An authenticated API Client instance

                          • +
                          • mcpServerConnectionId (id) – the id of the MCP server connection.

                          • +
                          • createdAt (str) – the date and time the MCP server connection was created.

                          • +
                          • updatedAt (str) – the date and time the MCP server connection was updated.

                          • +
                          • name (str) – The name of the MCP server.

                          • +
                          • config (dict) – a dictionary containing the config for the MCP server.

                          • +
                          • description (str) – description of what the MCP server does.

                          • +
                          • transport (str) – the transport type for the MCP server.

                          • +
                          • authType (str) – the auth type for the MCP server.

                          • +
                          • externalConnectionId (id) – the external connection id for the MCP server.

                          • +
                          • inactive (bool) – whether the MCP server is inactive.

                          • +
                          • tools (list) – the tools for the MCP server.

                          • +
                          • errorMsg (str) – the error message for the MCP server.

                          • +
                          • metadata (dict) – the metadata for the MCP server.

                          • +
                          +
                          +
                          +
                          +
                          +mcp_server_connection_id = None
                          +
                          + +
                          +
                          +created_at = None
                          +
                          + +
                          +
                          +updated_at = None
                          +
                          + +
                          +
                          +name = None
                          +
                          + +
                          +
                          +config = None
                          +
                          + +
                          +
                          +description = None
                          +
                          + +
                          +
                          +transport = None
                          +
                          + +
                          +
                          +auth_type = None
                          +
                          + +
                          +
                          +external_connection_id = None
                          +
                          + +
                          +
                          +inactive = None
                          +
                          + +
                          +
                          +tools = None
                          +
                          + +
                          +
                          +error_msg = None
                          +
                          + +
                          +
                          +metadata = None
                          +
                          + +
                          +
                          +deprecated_keys
                          +
                          + +
                          +
                          +__repr__()
                          +
                          + +
                          +
                          +to_dict()
                          +

                          Get a dict representation of the parameters in this class

                          +
                          +
                          Returns:
                          +

                          The dict value representation of the class parameters

                          +
                          +
                          Return type:
                          +

                          dict

                          +
                          +
                          +
                          + +
                          + +
                          +
                          + + +
                          +
                          + +
                          +
                          +
                          +
                          + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/mcp_server_query_result/index.html b/docs/autoapi/abacusai/mcp_server_query_result/index.html new file mode 100644 index 000000000..8821f90bd --- /dev/null +++ b/docs/autoapi/abacusai/mcp_server_query_result/index.html @@ -0,0 +1,476 @@ + + + + + + + + + abacusai.mcp_server_query_result — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                          + + +
                          + +
                          +
                          +
                          + +
                          +
                          +
                          +
                          + +
                          +

                          abacusai.mcp_server_query_result

                          +
                          +

                          Classes

                          + + + + + + +

                          McpServerQueryResult

                          Result of a MCP server query

                          +
                          +
                          +

                          Module Contents

                          +
                          +
                          +class abacusai.mcp_server_query_result.McpServerQueryResult(client, output=None)
                          +

                          Bases: abacusai.return_class.AbstractApiClass

                          +

                          Result of a MCP server query

                          +
                          +
                          Parameters:
                          +
                            +
                          • client (ApiClient) – An authenticated API Client instance

                          • +
                          • output (dict) – The execution logs as well as the final output of the MCP server query

                          • +
                          +
                          +
                          +
                          +
                          +output = None
                          +
                          + +
                          +
                          +deprecated_keys
                          +
                          + +
                          +
                          +__repr__()
                          +
                          + +
                          +
                          +to_dict()
                          +

                          Get a dict representation of the parameters in this class

                          +
                          +
                          Returns:
                          +

                          The dict value representation of the class parameters

                          +
                          +
                          Return type:
                          +

                          dict

                          +
                          +
                          +
                          + +
                          + +
                          +
                          + + +
                          +
                          + +
                          +
                          +
                          +
                          + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/memory_options/index.html b/docs/autoapi/abacusai/memory_options/index.html index dc7713042..6132618be 100644 --- a/docs/autoapi/abacusai/memory_options/index.html +++ b/docs/autoapi/abacusai/memory_options/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
                        • abacusai.app_user_group_sign_in_token
                        • abacusai.application_connector
                        • abacusai.audio_gen_settings
                        • +
                        • abacusai.audio_url_result
                        • +
                        • abacusai.audit_log
                        • abacusai.batch_prediction
                        • abacusai.batch_prediction_version
                        • abacusai.batch_prediction_version_logs
                        • @@ -77,25 +79,38 @@
                        • abacusai.chat_message
                        • abacusai.chat_session
                        • abacusai.chatllm_computer
                        • +
                        • abacusai.chatllm_computer_status
                        • +
                        • abacusai.chatllm_memory
                        • +
                        • abacusai.chatllm_project
                        • +
                        • abacusai.chatllm_project_permissions
                        • abacusai.chatllm_referral_invite
                        • abacusai.chatllm_task
                        • abacusai.client
                        • abacusai.code_agent_response
                        • +
                        • abacusai.code_autocomplete_edit_prediction_response
                        • abacusai.code_autocomplete_response
                        • abacusai.code_bot
                        • abacusai.code_edit
                        • abacusai.code_edit_response
                        • abacusai.code_edits
                        • +
                        • abacusai.code_embeddings
                        • +
                        • abacusai.code_llm_changed_files
                        • abacusai.code_source
                        • +
                        • abacusai.code_suggestion_validation_response
                        • +
                        • abacusai.code_summary_response
                        • +
                        • abacusai.codellm_embedding_constants
                        • abacusai.compute_point_info
                        • abacusai.concatenation_config
                        • +
                        • abacusai.constants_autocomplete_response
                        • abacusai.cpu_gpu_memory_specs
                        • abacusai.cryptography
                        • abacusai.custom_chat_instructions
                        • +
                        • abacusai.custom_domain
                        • abacusai.custom_loss_function
                        • abacusai.custom_metric
                        • abacusai.custom_metric_version
                        • abacusai.custom_train_function_info
                        • +
                        • abacusai.daemon_task_conversation
                        • abacusai.data_consistency_duplication
                        • abacusai.data_metrics
                        • abacusai.data_prep_logs
                        • @@ -109,6 +124,7 @@
                        • abacusai.dataset_column
                        • abacusai.dataset_version
                        • abacusai.dataset_version_logs
                        • +
                        • abacusai.default_llm
                        • abacusai.deployment
                        • abacusai.deployment_auth_token
                        • abacusai.deployment_conversation
                        • @@ -119,6 +135,9 @@
                        • abacusai.document_retriever
                        • abacusai.document_retriever_lookup_result
                        • abacusai.document_retriever_version
                        • +
                        • abacusai.document_retriever_version_logs
                        • +
                        • abacusai.domain_purchase_result
                        • +
                        • abacusai.domain_search_result
                        • abacusai.drift_distribution
                        • abacusai.drift_distributions
                        • abacusai.eda
                        • @@ -129,7 +148,9 @@
                        • abacusai.eda_feature_collinearity
                        • abacusai.eda_forecasting_analysis
                        • abacusai.eda_version
                        • +
                        • abacusai.edit_image_models
                        • abacusai.embedding_feature_drift_distribution
                        • +
                        • abacusai.entri_auth_token
                        • abacusai.execute_feature_group_operation
                        • abacusai.external_application
                        • abacusai.external_invite
                        • @@ -156,7 +177,6 @@
                        • abacusai.feature_importance
                        • abacusai.feature_mapping
                        • abacusai.feature_performance_analysis
                        • -
                        • abacusai.feature_record
                        • abacusai.file_connector
                        • abacusai.file_connector_instructions
                        • abacusai.file_connector_verification
                        • @@ -164,20 +184,32 @@
                        • abacusai.forecasting_analysis_graph_data
                        • abacusai.forecasting_monitor_item_analysis
                        • abacusai.forecasting_monitor_summary
                        • +
                        • abacusai.fs_entry
                        • abacusai.function_logs
                        • abacusai.generated_pit_feature_config_option
                        • abacusai.global_context
                        • abacusai.graph_dashboard
                        • abacusai.holdout_analysis
                        • abacusai.holdout_analysis_version
                        • +
                        • abacusai.hosted_app
                        • +
                        • abacusai.hosted_app_container
                        • +
                        • abacusai.hosted_app_file_read
                        • +
                        • abacusai.hosted_artifact
                        • +
                        • abacusai.hosted_database
                        • +
                        • abacusai.hosted_database_snapshot
                        • abacusai.hosted_model_token
                        • +
                        • abacusai.hostname_info
                        • abacusai.hume_voice
                        • +
                        • abacusai.image_gen_model
                        • +
                        • abacusai.image_gen_model_options
                        • abacusai.image_gen_settings
                        • abacusai.indexing_config
                        • abacusai.inferred_database_column_to_feature_mappings
                        • abacusai.inferred_feature_mappings
                        • abacusai.item_statistics
                        • +
                        • abacusai.lip_sync_gen_settings
                        • abacusai.llm_app
                        • +
                        • abacusai.llm_artifact
                        • abacusai.llm_code_block
                        • abacusai.llm_execution_preview
                        • abacusai.llm_execution_result
                        • @@ -185,6 +217,10 @@
                        • abacusai.llm_input
                        • abacusai.llm_parameters
                        • abacusai.llm_response
                        • +
                        • abacusai.mcp_config
                        • +
                        • abacusai.mcp_server
                        • +
                        • abacusai.mcp_server_connection
                        • +
                        • abacusai.mcp_server_query_result
                        • abacusai.memory_options
                          • Classes
                          • Module Contents
                          • @@ -243,6 +279,8 @@
                          • abacusai.prediction_log_record
                          • abacusai.prediction_operator
                          • abacusai.prediction_operator_version
                          • +
                          • abacusai.presentation_export_result
                          • +
                          • abacusai.private_web_app_deployment
                          • abacusai.problem_type
                          • abacusai.project
                          • abacusai.project_config
                          • @@ -259,33 +297,51 @@
                          • abacusai.refresh_policy
                          • abacusai.refresh_schedule
                          • abacusai.regenerate_llm_external_application
                          • +
                          • abacusai.regenerate_llm_option
                          • abacusai.resolved_feature_group_template
                          • abacusai.return_class
                          • abacusai.routing_action
                          • abacusai.schema
                          • +
                          • abacusai.session_summary
                          • +
                          • abacusai.session_transcript
                          • +
                          • abacusai.session_transcripts
                          • abacusai.sftp_key
                          • abacusai.streaming_auth_token
                          • abacusai.streaming_client
                          • abacusai.streaming_connector
                          • abacusai.streaming_row_count
                          • abacusai.streaming_sample_code
                          • +
                          • abacusai.sts_gen_settings
                          • +
                          • abacusai.stt_gen_model
                          • +
                          • abacusai.stt_gen_model_options
                          • +
                          • abacusai.stt_gen_settings
                          • abacusai.template_node_details
                          • abacusai.test_point_predictions
                          • abacusai.tone_details
                          • abacusai.training_config_options
                          • +
                          • abacusai.tts_gen_settings
                          • abacusai.twitter_search_result
                          • +
                          • abacusai.unified_connector
                          • abacusai.upload
                          • abacusai.upload_part
                          • abacusai.use_case
                          • abacusai.use_case_requirements
                          • abacusai.user
                          • abacusai.user_exception
                          • +
                          • abacusai.user_group_object_permission
                          • +
                          • abacusai.video_gen_costs
                          • +
                          • abacusai.video_gen_model
                          • +
                          • abacusai.video_gen_model_options
                          • abacusai.video_gen_settings
                          • abacusai.video_search_result
                          • abacusai.voice_gen_details
                          • +
                          • abacusai.web_app_conversation
                          • +
                          • abacusai.web_app_deployment_permission_dict
                          • +
                          • abacusai.web_app_domain
                          • abacusai.web_page_response
                          • abacusai.web_search_response
                          • abacusai.web_search_result
                          • +
                          • abacusai.web_service_trigger_run
                          • abacusai.webhook
                          • abacusai.workflow_graph_node_details
                          • abacusai.workflow_node_template
                          • @@ -382,7 +438,7 @@

                            Module Contents

                            The dict value representation of the class parameters

                            Return type:
                            -

                            dict

                            +

                            dict

                            @@ -396,7 +452,7 @@

                            Module Contents - + diff --git a/docs/autoapi/abacusai/messaging_connector_response/index.html b/docs/autoapi/abacusai/messaging_connector_response/index.html index 24f287913..bb39f602a 100644 --- a/docs/autoapi/abacusai/messaging_connector_response/index.html +++ b/docs/autoapi/abacusai/messaging_connector_response/index.html @@ -69,6 +69,8 @@
                          • abacusai.app_user_group_sign_in_token
                          • abacusai.application_connector
                          • abacusai.audio_gen_settings
                          • +
                          • abacusai.audio_url_result
                          • +
                          • abacusai.audit_log
                          • abacusai.batch_prediction
                          • abacusai.batch_prediction_version
                          • abacusai.batch_prediction_version_logs
                          • @@ -77,25 +79,38 @@
                          • abacusai.chat_message
                          • abacusai.chat_session
                          • abacusai.chatllm_computer
                          • +
                          • abacusai.chatllm_computer_status
                          • +
                          • abacusai.chatllm_memory
                          • +
                          • abacusai.chatllm_project
                          • +
                          • abacusai.chatllm_project_permissions
                          • abacusai.chatllm_referral_invite
                          • abacusai.chatllm_task
                          • abacusai.client
                          • abacusai.code_agent_response
                          • +
                          • abacusai.code_autocomplete_edit_prediction_response
                          • abacusai.code_autocomplete_response
                          • abacusai.code_bot
                          • abacusai.code_edit
                          • abacusai.code_edit_response
                          • abacusai.code_edits
                          • +
                          • abacusai.code_embeddings
                          • +
                          • abacusai.code_llm_changed_files
                          • abacusai.code_source
                          • +
                          • abacusai.code_suggestion_validation_response
                          • +
                          • abacusai.code_summary_response
                          • +
                          • abacusai.codellm_embedding_constants
                          • abacusai.compute_point_info
                          • abacusai.concatenation_config
                          • +
                          • abacusai.constants_autocomplete_response
                          • abacusai.cpu_gpu_memory_specs
                          • abacusai.cryptography
                          • abacusai.custom_chat_instructions
                          • +
                          • abacusai.custom_domain
                          • abacusai.custom_loss_function
                          • abacusai.custom_metric
                          • abacusai.custom_metric_version
                          • abacusai.custom_train_function_info
                          • +
                          • abacusai.daemon_task_conversation
                          • abacusai.data_consistency_duplication
                          • abacusai.data_metrics
                          • abacusai.data_prep_logs
                          • @@ -109,6 +124,7 @@
                          • abacusai.dataset_column
                          • abacusai.dataset_version
                          • abacusai.dataset_version_logs
                          • +
                          • abacusai.default_llm
                          • abacusai.deployment
                          • abacusai.deployment_auth_token
                          • abacusai.deployment_conversation
                          • @@ -119,6 +135,9 @@
                          • abacusai.document_retriever
                          • abacusai.document_retriever_lookup_result
                          • abacusai.document_retriever_version
                          • +
                          • abacusai.document_retriever_version_logs
                          • +
                          • abacusai.domain_purchase_result
                          • +
                          • abacusai.domain_search_result
                          • abacusai.drift_distribution
                          • abacusai.drift_distributions
                          • abacusai.eda
                          • @@ -129,7 +148,9 @@
                          • abacusai.eda_feature_collinearity
                          • abacusai.eda_forecasting_analysis
                          • abacusai.eda_version
                          • +
                          • abacusai.edit_image_models
                          • abacusai.embedding_feature_drift_distribution
                          • +
                          • abacusai.entri_auth_token
                          • abacusai.execute_feature_group_operation
                          • abacusai.external_application
                          • abacusai.external_invite
                          • @@ -156,7 +177,6 @@
                          • abacusai.feature_importance
                          • abacusai.feature_mapping
                          • abacusai.feature_performance_analysis
                          • -
                          • abacusai.feature_record
                          • abacusai.file_connector
                          • abacusai.file_connector_instructions
                          • abacusai.file_connector_verification
                          • @@ -164,20 +184,32 @@
                          • abacusai.forecasting_analysis_graph_data
                          • abacusai.forecasting_monitor_item_analysis
                          • abacusai.forecasting_monitor_summary
                          • +
                          • abacusai.fs_entry
                          • abacusai.function_logs
                          • abacusai.generated_pit_feature_config_option
                          • abacusai.global_context
                          • abacusai.graph_dashboard
                          • abacusai.holdout_analysis
                          • abacusai.holdout_analysis_version
                          • +
                          • abacusai.hosted_app
                          • +
                          • abacusai.hosted_app_container
                          • +
                          • abacusai.hosted_app_file_read
                          • +
                          • abacusai.hosted_artifact
                          • +
                          • abacusai.hosted_database
                          • +
                          • abacusai.hosted_database_snapshot
                          • abacusai.hosted_model_token
                          • +
                          • abacusai.hostname_info
                          • abacusai.hume_voice
                          • +
                          • abacusai.image_gen_model
                          • +
                          • abacusai.image_gen_model_options
                          • abacusai.image_gen_settings
                          • abacusai.indexing_config
                          • abacusai.inferred_database_column_to_feature_mappings
                          • abacusai.inferred_feature_mappings
                          • abacusai.item_statistics
                          • +
                          • abacusai.lip_sync_gen_settings
                          • abacusai.llm_app
                          • +
                          • abacusai.llm_artifact
                          • abacusai.llm_code_block
                          • abacusai.llm_execution_preview
                          • abacusai.llm_execution_result
                          • @@ -185,6 +217,10 @@
                          • abacusai.llm_input
                          • abacusai.llm_parameters
                          • abacusai.llm_response
                          • +
                          • abacusai.mcp_config
                          • +
                          • abacusai.mcp_server
                          • +
                          • abacusai.mcp_server_connection
                          • +
                          • abacusai.mcp_server_query_result
                          • abacusai.memory_options
                          • abacusai.messaging_connector_response
                          • +
                          • abacusai.presentation_export_result
                          • +
                          • abacusai.private_web_app_deployment
                          • abacusai.problem_type
                          • abacusai.project
                          • abacusai.project_config
                          • @@ -259,33 +297,51 @@
                          • abacusai.refresh_policy
                          • abacusai.refresh_schedule
                          • abacusai.regenerate_llm_external_application
                          • +
                          • abacusai.regenerate_llm_option
                          • abacusai.resolved_feature_group_template
                          • abacusai.return_class
                          • abacusai.routing_action
                          • abacusai.schema
                          • +
                          • abacusai.session_summary
                          • +
                          • abacusai.session_transcript
                          • +
                          • abacusai.session_transcripts
                          • abacusai.sftp_key
                          • abacusai.streaming_auth_token
                          • abacusai.streaming_client
                          • abacusai.streaming_connector
                          • abacusai.streaming_row_count
                          • abacusai.streaming_sample_code
                          • +
                          • abacusai.sts_gen_settings
                          • +
                          • abacusai.stt_gen_model
                          • +
                          • abacusai.stt_gen_model_options
                          • +
                          • abacusai.stt_gen_settings
                          • abacusai.template_node_details
                          • abacusai.test_point_predictions
                          • abacusai.tone_details
                          • abacusai.training_config_options
                          • +
                          • abacusai.tts_gen_settings
                          • abacusai.twitter_search_result
                          • +
                          • abacusai.unified_connector
                          • abacusai.upload
                          • abacusai.upload_part
                          • abacusai.use_case
                          • abacusai.use_case_requirements
                          • abacusai.user
                          • abacusai.user_exception
                          • +
                          • abacusai.user_group_object_permission
                          • +
                          • abacusai.video_gen_costs
                          • +
                          • abacusai.video_gen_model
                          • +
                          • abacusai.video_gen_model_options
                          • abacusai.video_gen_settings
                          • abacusai.video_search_result
                          • abacusai.voice_gen_details
                          • +
                          • abacusai.web_app_conversation
                          • +
                          • abacusai.web_app_deployment_permission_dict
                          • +
                          • abacusai.web_app_domain
                          • abacusai.web_page_response
                          • abacusai.web_search_response
                          • abacusai.web_search_result
                          • +
                          • abacusai.web_service_trigger_run
                          • abacusai.webhook
                          • abacusai.workflow_graph_node_details
                          • abacusai.workflow_node_template
                          • @@ -348,17 +404,17 @@

                            Module ContentsParameters:
                            • client (ApiClient) – An authenticated API Client instance

                            • -
                            • predictionOperatorId (str) – The unique identifier of the prediction operator.

                            • -
                            • predictionOperatorVersion (str) – The unique identifier of the prediction operator version.

                            • -
                            • createdAt (str) – Date and time at which the prediction operator was created.

                            • -
                            • updatedAt (str) – Date and time at which the prediction operator was updated.

                            • -
                            • sourceCode (str) – Python code used to make the prediction operator.

                            • -
                            • memory (int) – Memory in GB specified for the prediction operator version.

                            • -
                            • useGpu (bool) – Whether this prediction operator version is using gpu.

                            • -
                            • featureGroupIds (list) – A list of Feature Group IDs used for initializing.

                            • -
                            • featureGroupVersions (list) – A list of Feature Group version IDs used for initializing.

                            • -
                            • status (str) – The current status of the prediction operator version.

                            • -
                            • error (str) – The error message if the status failed.

                            • +
                            • predictionOperatorId (str) – The unique identifier of the prediction operator.

                            • +
                            • predictionOperatorVersion (str) – The unique identifier of the prediction operator version.

                            • +
                            • createdAt (str) – Date and time at which the prediction operator was created.

                            • +
                            • updatedAt (str) – Date and time at which the prediction operator was updated.

                            • +
                            • sourceCode (str) – Python code used to make the prediction operator.

                            • +
                            • memory (int) – Memory in GB specified for the prediction operator version.

                            • +
                            • useGpu (bool) – Whether this prediction operator version is using gpu.

                            • +
                            • featureGroupIds (list) – A list of Feature Group IDs used for initializing.

                            • +
                            • featureGroupVersions (list) – A list of Feature Group version IDs used for initializing.

                            • +
                            • status (str) – The current status of the prediction operator version.

                            • +
                            • error (str) – The error message if the status failed.

                            • codeSource (CodeSource) – If a python model, information on the source code.

                            @@ -442,7 +498,7 @@

                            Module Contents

                            The dict value representation of the class parameters

                            Return type:
                            -

                            dict

                            +

                            dict

                            @@ -453,7 +509,7 @@

                            Module Contents
                            Parameters:
                            -

                            prediction_operator_version (str) – The unique ID of the prediction operator version.

                            +

                            prediction_operator_version (str) – The unique ID of the prediction operator version.

                            @@ -468,7 +524,7 @@

                            Module Contents - +
                            diff --git a/docs/autoapi/abacusai/presentation_export_result/index.html b/docs/autoapi/abacusai/presentation_export_result/index.html new file mode 100644 index 000000000..40a09313d --- /dev/null +++ b/docs/autoapi/abacusai/presentation_export_result/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.presentation_export_result — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                            + + +
                            + +
                            +
                            +
                            + +
                            +
                            +
                            +
                            + +
                            +

                            abacusai.presentation_export_result

                            +
                            +

                            Classes

                            + + + + + + +

                            PresentationExportResult

                            Export Presentation

                            +
                            +
                            +

                            Module Contents

                            +
                            +
                            +class abacusai.presentation_export_result.PresentationExportResult(client, filePath=None, webViewLink=None)
                            +

                            Bases: abacusai.return_class.AbstractApiClass

                            +

                            Export Presentation

                            +
                            +
                            Parameters:
                            +
                              +
                            • client (ApiClient) – An authenticated API Client instance

                            • +
                            • filePath (str) – The path to the exported presentation

                            • +
                            • webViewLink (str) – The web view link to the exported presentation (if applicable)

                            • +
                            +
                            +
                            +
                            +
                            +file_path = None
                            +
                            + +
                            + +
                            + +
                            +
                            +deprecated_keys
                            +
                            + +
                            +
                            +__repr__()
                            +
                            + +
                            +
                            +to_dict()
                            +

                            Get a dict representation of the parameters in this class

                            +
                            +
                            Returns:
                            +

                            The dict value representation of the class parameters

                            +
                            +
                            Return type:
                            +

                            dict

                            +
                            +
                            +
                            + +
                            + +
                            +
                            + + +
                            +
                            + +
                            +
                            +
                            +
                            + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/private_web_app_deployment/index.html b/docs/autoapi/abacusai/private_web_app_deployment/index.html new file mode 100644 index 000000000..c062918f4 --- /dev/null +++ b/docs/autoapi/abacusai/private_web_app_deployment/index.html @@ -0,0 +1,542 @@ + + + + + + + + + abacusai.private_web_app_deployment — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                            + + +
                            + +
                            +
                            +
                            + +
                            +
                            +
                            +
                            + +
                            +

                            abacusai.private_web_app_deployment

                            +
                            +

                            Classes

                            + + + + + + +

                            PrivateWebAppDeployment

                            Private web app deployment list.

                            +
                            +
                            +

                            Module Contents

                            +
                            +
                            +class abacusai.private_web_app_deployment.PrivateWebAppDeployment(client, hostname=None, llmArtifactId=None, hostedAppVersion=None, applicationType=None, lifecycle=None, deploymentConversationId=None, conversationName=None, userId=None, email=None, conversationType=None, source=None, conversationCreatedAt=None)
                            +

                            Bases: abacusai.return_class.AbstractApiClass

                            +

                            Private web app deployment list.

                            +
                            +
                            Parameters:
                            +
                              +
                            • client (ApiClient) – An authenticated API Client instance

                            • +
                            • hostname (str) – The hostname of the web app deployment.

                            • +
                            • llmArtifactId (id) – The ID of the LLM artifact.

                            • +
                            • hostedAppVersion (id) – The version of the hosted app.

                            • +
                            • applicationType (str) – The type of application.

                            • +
                            • lifecycle (str) – The lifecycle of the web app deployment.

                            • +
                            • deploymentConversationId (id) – The ID of the deployment conversation.

                            • +
                            • conversationName (str) – The name of the conversation.

                            • +
                            • userId (id) – The ID of the user who created the deployment.

                            • +
                            • email (str) – The email of the user who created the deployment.

                            • +
                            • conversationType (str) – The type of conversation.

                            • +
                            • source (str) – The source of the conversation.

                            • +
                            • conversationCreatedAt (str) – The timestamp when the conversation was created.

                            • +
                            +
                            +
                            +
                            +
                            +hostname = None
                            +
                            + +
                            +
                            +llm_artifact_id = None
                            +
                            + +
                            +
                            +hosted_app_version = None
                            +
                            + +
                            +
                            +application_type = None
                            +
                            + +
                            +
                            +lifecycle = None
                            +
                            + +
                            +
                            +deployment_conversation_id = None
                            +
                            + +
                            +
                            +conversation_name = None
                            +
                            + +
                            +
                            +user_id = None
                            +
                            + +
                            +
                            +email = None
                            +
                            + +
                            +
                            +conversation_type = None
                            +
                            + +
                            +
                            +source = None
                            +
                            + +
                            +
                            +conversation_created_at = None
                            +
                            + +
                            +
                            +deprecated_keys
                            +
                            + +
                            +
                            +__repr__()
                            +
                            + +
                            +
                            +to_dict()
                            +

                            Get a dict representation of the parameters in this class

                            +
                            +
                            Returns:
                            +

                            The dict value representation of the class parameters

                            +
                            +
                            Return type:
                            +

                            dict

                            +
                            +
                            +
                            + +
                            + +
                            +
                            + + +
                            +
                            + +
                            +
                            +
                            +
                            + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/problem_type/index.html b/docs/autoapi/abacusai/problem_type/index.html index 5f5e0accb..cc9962e2b 100644 --- a/docs/autoapi/abacusai/problem_type/index.html +++ b/docs/autoapi/abacusai/problem_type/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
                          • abacusai.app_user_group_sign_in_token
                          • abacusai.application_connector
                          • abacusai.audio_gen_settings
                          • +
                          • abacusai.audio_url_result
                          • +
                          • abacusai.audit_log
                          • abacusai.batch_prediction
                          • abacusai.batch_prediction_version
                          • abacusai.batch_prediction_version_logs
                          • @@ -77,25 +79,38 @@
                          • abacusai.chat_message
                          • abacusai.chat_session
                          • abacusai.chatllm_computer
                          • +
                          • abacusai.chatllm_computer_status
                          • +
                          • abacusai.chatllm_memory
                          • +
                          • abacusai.chatllm_project
                          • +
                          • abacusai.chatllm_project_permissions
                          • abacusai.chatllm_referral_invite
                          • abacusai.chatllm_task
                          • abacusai.client
                          • abacusai.code_agent_response
                          • +
                          • abacusai.code_autocomplete_edit_prediction_response
                          • abacusai.code_autocomplete_response
                          • abacusai.code_bot
                          • abacusai.code_edit
                          • abacusai.code_edit_response
                          • abacusai.code_edits
                          • +
                          • abacusai.code_embeddings
                          • +
                          • abacusai.code_llm_changed_files
                          • abacusai.code_source
                          • +
                          • abacusai.code_suggestion_validation_response
                          • +
                          • abacusai.code_summary_response
                          • +
                          • abacusai.codellm_embedding_constants
                          • abacusai.compute_point_info
                          • abacusai.concatenation_config
                          • +
                          • abacusai.constants_autocomplete_response
                          • abacusai.cpu_gpu_memory_specs
                          • abacusai.cryptography
                          • abacusai.custom_chat_instructions
                          • +
                          • abacusai.custom_domain
                          • abacusai.custom_loss_function
                          • abacusai.custom_metric
                          • abacusai.custom_metric_version
                          • abacusai.custom_train_function_info
                          • +
                          • abacusai.daemon_task_conversation
                          • abacusai.data_consistency_duplication
                          • abacusai.data_metrics
                          • abacusai.data_prep_logs
                          • @@ -109,6 +124,7 @@
                          • abacusai.dataset_column
                          • abacusai.dataset_version
                          • abacusai.dataset_version_logs
                          • +
                          • abacusai.default_llm
                          • abacusai.deployment
                          • abacusai.deployment_auth_token
                          • abacusai.deployment_conversation
                          • @@ -119,6 +135,9 @@
                          • abacusai.document_retriever
                          • abacusai.document_retriever_lookup_result
                          • abacusai.document_retriever_version
                          • +
                          • abacusai.document_retriever_version_logs
                          • +
                          • abacusai.domain_purchase_result
                          • +
                          • abacusai.domain_search_result
                          • abacusai.drift_distribution
                          • abacusai.drift_distributions
                          • abacusai.eda
                          • @@ -129,7 +148,9 @@
                          • abacusai.eda_feature_collinearity
                          • abacusai.eda_forecasting_analysis
                          • abacusai.eda_version
                          • +
                          • abacusai.edit_image_models
                          • abacusai.embedding_feature_drift_distribution
                          • +
                          • abacusai.entri_auth_token
                          • abacusai.execute_feature_group_operation
                          • abacusai.external_application
                          • abacusai.external_invite
                          • @@ -156,7 +177,6 @@
                          • abacusai.feature_importance
                          • abacusai.feature_mapping
                          • abacusai.feature_performance_analysis
                          • -
                          • abacusai.feature_record
                          • abacusai.file_connector
                          • abacusai.file_connector_instructions
                          • abacusai.file_connector_verification
                          • @@ -164,20 +184,32 @@
                          • abacusai.forecasting_analysis_graph_data
                          • abacusai.forecasting_monitor_item_analysis
                          • abacusai.forecasting_monitor_summary
                          • +
                          • abacusai.fs_entry
                          • abacusai.function_logs
                          • abacusai.generated_pit_feature_config_option
                          • abacusai.global_context
                          • abacusai.graph_dashboard
                          • abacusai.holdout_analysis
                          • abacusai.holdout_analysis_version
                          • +
                          • abacusai.hosted_app
                          • +
                          • abacusai.hosted_app_container
                          • +
                          • abacusai.hosted_app_file_read
                          • +
                          • abacusai.hosted_artifact
                          • +
                          • abacusai.hosted_database
                          • +
                          • abacusai.hosted_database_snapshot
                          • abacusai.hosted_model_token
                          • +
                          • abacusai.hostname_info
                          • abacusai.hume_voice
                          • +
                          • abacusai.image_gen_model
                          • +
                          • abacusai.image_gen_model_options
                          • abacusai.image_gen_settings
                          • abacusai.indexing_config
                          • abacusai.inferred_database_column_to_feature_mappings
                          • abacusai.inferred_feature_mappings
                          • abacusai.item_statistics
                          • +
                          • abacusai.lip_sync_gen_settings
                          • abacusai.llm_app
                          • +
                          • abacusai.llm_artifact
                          • abacusai.llm_code_block
                          • abacusai.llm_execution_preview
                          • abacusai.llm_execution_result
                          • @@ -185,6 +217,10 @@
                          • abacusai.llm_input
                          • abacusai.llm_parameters
                          • abacusai.llm_response
                          • +
                          • abacusai.mcp_config
                          • +
                          • abacusai.mcp_server
                          • +
                          • abacusai.mcp_server_connection
                          • +
                          • abacusai.mcp_server_query_result
                          • abacusai.memory_options
                          • abacusai.messaging_connector_response
                          • abacusai.model
                          • @@ -239,6 +275,8 @@
                          • abacusai.prediction_log_record
                          • abacusai.prediction_operator
                          • abacusai.prediction_operator_version
                          • +
                          • abacusai.presentation_export_result
                          • +
                          • abacusai.private_web_app_deployment
                          • abacusai.problem_type
                            • Classes
                            • Module Contents
                            • @@ -259,33 +297,51 @@
                            • abacusai.refresh_policy
                            • abacusai.refresh_schedule
                            • abacusai.regenerate_llm_external_application
                            • +
                            • abacusai.regenerate_llm_option
                            • abacusai.resolved_feature_group_template
                            • abacusai.return_class
                            • abacusai.routing_action
                            • abacusai.schema
                            • +
                            • abacusai.session_summary
                            • +
                            • abacusai.session_transcript
                            • +
                            • abacusai.session_transcripts
                            • abacusai.sftp_key
                            • abacusai.streaming_auth_token
                            • abacusai.streaming_client
                            • abacusai.streaming_connector
                            • abacusai.streaming_row_count
                            • abacusai.streaming_sample_code
                            • +
                            • abacusai.sts_gen_settings
                            • +
                            • abacusai.stt_gen_model
                            • +
                            • abacusai.stt_gen_model_options
                            • +
                            • abacusai.stt_gen_settings
                            • abacusai.template_node_details
                            • abacusai.test_point_predictions
                            • abacusai.tone_details
                            • abacusai.training_config_options
                            • +
                            • abacusai.tts_gen_settings
                            • abacusai.twitter_search_result
                            • +
                            • abacusai.unified_connector
                            • abacusai.upload
                            • abacusai.upload_part
                            • abacusai.use_case
                            • abacusai.use_case_requirements
                            • abacusai.user
                            • abacusai.user_exception
                            • +
                            • abacusai.user_group_object_permission
                            • +
                            • abacusai.video_gen_costs
                            • +
                            • abacusai.video_gen_model
                            • +
                            • abacusai.video_gen_model_options
                            • abacusai.video_gen_settings
                            • abacusai.video_search_result
                            • abacusai.voice_gen_details
                            • +
                            • abacusai.web_app_conversation
                            • +
                            • abacusai.web_app_deployment_permission_dict
                            • +
                            • abacusai.web_app_domain
                            • abacusai.web_page_response
                            • abacusai.web_search_response
                            • abacusai.web_search_result
                            • +
                            • abacusai.web_service_trigger_run
                            • abacusai.webhook
                            • abacusai.workflow_graph_node_details
                            • abacusai.workflow_node_template
                            • @@ -348,10 +404,10 @@

                              Module ContentsParameters:
                              • client (ApiClient) – An authenticated API Client instance

                              • -
                              • problemType (str) – Name of the problem type

                              • -
                              • requiredFeatureGroupType (str) – The required feature group types to train for this problem type

                              • -
                              • optionalFeatureGroupTypes (list[str]) – The optional feature group types can be used to train for this problem type

                              • -
                              • useCasesSupportCustomAlgorithm (list) – A list of use cases that support custom algorithms

                              • +
                              • problemType (str) – Name of the problem type

                              • +
                              • requiredFeatureGroupType (str) – The required feature group types to train for this problem type

                              • +
                              • optionalFeatureGroupTypes (list[str]) – The optional feature group types can be used to train for this problem type

                              • +
                              • useCasesSupportCustomAlgorithm (list) – A list of use cases that support custom algorithms

                              @@ -394,7 +450,7 @@

                              Module Contents

                              The dict value representation of the class parameters

                              Return type:
                              -

                              dict

                              +

                              dict

                              @@ -408,7 +464,7 @@

                              Module Contents - + diff --git a/docs/autoapi/abacusai/project/index.html b/docs/autoapi/abacusai/project/index.html index bbddffd34..782dae23d 100644 --- a/docs/autoapi/abacusai/project/index.html +++ b/docs/autoapi/abacusai/project/index.html @@ -69,6 +69,8 @@
                            • abacusai.app_user_group_sign_in_token
                            • abacusai.application_connector
                            • abacusai.audio_gen_settings
                            • +
                            • abacusai.audio_url_result
                            • +
                            • abacusai.audit_log
                            • abacusai.batch_prediction
                            • abacusai.batch_prediction_version
                            • abacusai.batch_prediction_version_logs
                            • @@ -77,25 +79,38 @@
                            • abacusai.chat_message
                            • abacusai.chat_session
                            • abacusai.chatllm_computer
                            • +
                            • abacusai.chatllm_computer_status
                            • +
                            • abacusai.chatllm_memory
                            • +
                            • abacusai.chatllm_project
                            • +
                            • abacusai.chatllm_project_permissions
                            • abacusai.chatllm_referral_invite
                            • abacusai.chatllm_task
                            • abacusai.client
                            • abacusai.code_agent_response
                            • +
                            • abacusai.code_autocomplete_edit_prediction_response
                            • abacusai.code_autocomplete_response
                            • abacusai.code_bot
                            • abacusai.code_edit
                            • abacusai.code_edit_response
                            • abacusai.code_edits
                            • +
                            • abacusai.code_embeddings
                            • +
                            • abacusai.code_llm_changed_files
                            • abacusai.code_source
                            • +
                            • abacusai.code_suggestion_validation_response
                            • +
                            • abacusai.code_summary_response
                            • +
                            • abacusai.codellm_embedding_constants
                            • abacusai.compute_point_info
                            • abacusai.concatenation_config
                            • +
                            • abacusai.constants_autocomplete_response
                            • abacusai.cpu_gpu_memory_specs
                            • abacusai.cryptography
                            • abacusai.custom_chat_instructions
                            • +
                            • abacusai.custom_domain
                            • abacusai.custom_loss_function
                            • abacusai.custom_metric
                            • abacusai.custom_metric_version
                            • abacusai.custom_train_function_info
                            • +
                            • abacusai.daemon_task_conversation
                            • abacusai.data_consistency_duplication
                            • abacusai.data_metrics
                            • abacusai.data_prep_logs
                            • @@ -109,6 +124,7 @@
                            • abacusai.dataset_column
                            • abacusai.dataset_version
                            • abacusai.dataset_version_logs
                            • +
                            • abacusai.default_llm
                            • abacusai.deployment
                            • abacusai.deployment_auth_token
                            • abacusai.deployment_conversation
                            • @@ -119,6 +135,9 @@
                            • abacusai.document_retriever
                            • abacusai.document_retriever_lookup_result
                            • abacusai.document_retriever_version
                            • +
                            • abacusai.document_retriever_version_logs
                            • +
                            • abacusai.domain_purchase_result
                            • +
                            • abacusai.domain_search_result
                            • abacusai.drift_distribution
                            • abacusai.drift_distributions
                            • abacusai.eda
                            • @@ -129,7 +148,9 @@
                            • abacusai.eda_feature_collinearity
                            • abacusai.eda_forecasting_analysis
                            • abacusai.eda_version
                            • +
                            • abacusai.edit_image_models
                            • abacusai.embedding_feature_drift_distribution
                            • +
                            • abacusai.entri_auth_token
                            • abacusai.execute_feature_group_operation
                            • abacusai.external_application
                            • abacusai.external_invite
                            • @@ -156,7 +177,6 @@
                            • abacusai.feature_importance
                            • abacusai.feature_mapping
                            • abacusai.feature_performance_analysis
                            • -
                            • abacusai.feature_record
                            • abacusai.file_connector
                            • abacusai.file_connector_instructions
                            • abacusai.file_connector_verification
                            • @@ -164,20 +184,32 @@
                            • abacusai.forecasting_analysis_graph_data
                            • abacusai.forecasting_monitor_item_analysis
                            • abacusai.forecasting_monitor_summary
                            • +
                            • abacusai.fs_entry
                            • abacusai.function_logs
                            • abacusai.generated_pit_feature_config_option
                            • abacusai.global_context
                            • abacusai.graph_dashboard
                            • abacusai.holdout_analysis
                            • abacusai.holdout_analysis_version
                            • +
                            • abacusai.hosted_app
                            • +
                            • abacusai.hosted_app_container
                            • +
                            • abacusai.hosted_app_file_read
                            • +
                            • abacusai.hosted_artifact
                            • +
                            • abacusai.hosted_database
                            • +
                            • abacusai.hosted_database_snapshot
                            • abacusai.hosted_model_token
                            • +
                            • abacusai.hostname_info
                            • abacusai.hume_voice
                            • +
                            • abacusai.image_gen_model
                            • +
                            • abacusai.image_gen_model_options
                            • abacusai.image_gen_settings
                            • abacusai.indexing_config
                            • abacusai.inferred_database_column_to_feature_mappings
                            • abacusai.inferred_feature_mappings
                            • abacusai.item_statistics
                            • +
                            • abacusai.lip_sync_gen_settings
                            • abacusai.llm_app
                            • +
                            • abacusai.llm_artifact
                            • abacusai.llm_code_block
                            • abacusai.llm_execution_preview
                            • abacusai.llm_execution_result
                            • @@ -185,6 +217,10 @@
                            • abacusai.llm_input
                            • abacusai.llm_parameters
                            • abacusai.llm_response
                            • +
                            • abacusai.mcp_config
                            • +
                            • abacusai.mcp_server
                            • +
                            • abacusai.mcp_server_connection
                            • +
                            • abacusai.mcp_server_query_result
                            • abacusai.memory_options
                            • abacusai.messaging_connector_response
                            • abacusai.model
                            • @@ -239,6 +275,8 @@
                            • abacusai.prediction_log_record
                            • abacusai.prediction_operator
                            • abacusai.prediction_operator_version
                            • +
                            • abacusai.presentation_export_result
                            • +
                            • abacusai.private_web_app_deployment
                            • abacusai.problem_type
                            • abacusai.project
                            • +
                            • abacusai.regenerate_llm_option
                            • abacusai.resolved_feature_group_template
                            • abacusai.return_class
                            • abacusai.routing_action
                            • abacusai.schema
                            • +
                            • abacusai.session_summary
                            • +
                            • abacusai.session_transcript
                            • +
                            • abacusai.session_transcripts
                            • abacusai.sftp_key
                            • abacusai.streaming_auth_token
                            • abacusai.streaming_client
                            • abacusai.streaming_connector
                            • abacusai.streaming_row_count
                            • abacusai.streaming_sample_code
                            • +
                            • abacusai.sts_gen_settings
                            • +
                            • abacusai.stt_gen_model
                            • +
                            • abacusai.stt_gen_model_options
                            • +
                            • abacusai.stt_gen_settings
                            • abacusai.template_node_details
                            • abacusai.test_point_predictions
                            • abacusai.tone_details
                            • abacusai.training_config_options
                            • +
                            • abacusai.tts_gen_settings
                            • abacusai.twitter_search_result
                            • +
                            • abacusai.unified_connector
                            • abacusai.upload
                            • abacusai.upload_part
                            • abacusai.use_case
                            • abacusai.use_case_requirements
                            • abacusai.user
                            • abacusai.user_exception
                            • +
                            • abacusai.user_group_object_permission
                            • +
                            • abacusai.video_gen_costs
                            • +
                            • abacusai.video_gen_model
                            • +
                            • abacusai.video_gen_model_options
                            • abacusai.video_gen_settings
                            • abacusai.video_search_result
                            • abacusai.voice_gen_details
                            • +
                            • abacusai.web_app_conversation
                            • +
                            • abacusai.web_app_deployment_permission_dict
                            • +
                            • abacusai.web_app_domain
                            • abacusai.web_page_response
                            • abacusai.web_search_response
                            • abacusai.web_search_result
                            • +
                            • abacusai.web_service_trigger_run
                            • abacusai.webhook
                            • abacusai.workflow_graph_node_details
                            • abacusai.workflow_node_template
                            • @@ -341,15 +397,16 @@

                              Classes

                              Module Contents

                              -class abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication(client, name=None, externalApplicationId=None)
                              +class abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication(client, name=None, llmBotIcon=None, llmName=None)

                              Bases: abacusai.return_class.AbstractApiClass

                              An external application that specifies an LLM user can regenerate with in RouteLLM.

                              Parameters:
                              • client (ApiClient) – An authenticated API Client instance

                              • -
                              • name (str) – The external name of the LLM.

                              • -
                              • externalApplicationId (str) – The unique identifier of the external application.

                              • +
                              • name (str) – The display name of the LLM (ie GPT-5)

                              • +
                              • llmBotIcon (str) – The bot icon of the LLM.

                              • +
                              • llmName (str) – The external name of the LLM (ie OPENAI_GPT5)

                              @@ -359,8 +416,13 @@

                              Module Contents -
                              -external_application_id = None
                              +
                              +llm_bot_icon = None
                              +

                              + +
                              +
                              +llm_name = None
                              @@ -382,7 +444,7 @@

                              Module Contents

                              The dict value representation of the class parameters

                              Return type:
                              -

                              dict

                              +

                              dict

                              @@ -397,7 +459,7 @@

                              Module Contents - +
                              diff --git a/docs/autoapi/abacusai/regenerate_llm_option/index.html b/docs/autoapi/abacusai/regenerate_llm_option/index.html new file mode 100644 index 000000000..9ebf16615 --- /dev/null +++ b/docs/autoapi/abacusai/regenerate_llm_option/index.html @@ -0,0 +1,488 @@ + + + + + + + + + abacusai.regenerate_llm_option — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                              + + +
                              + +
                              +
                              +
                              + +
                              +
                              +
                              +
                              + +
                              +

                              abacusai.regenerate_llm_option

                              +
                              +

                              Classes

                              + + + + + + +

                              RegenerateLlmOption

                              An option that specifies an LLM user can regenerate with in RouteLLM.

                              +
                              +
                              +

                              Module Contents

                              +
                              +
                              +class abacusai.regenerate_llm_option.RegenerateLlmOption(client, name=None, llmBotIcon=None, llmName=None)
                              +

                              Bases: abacusai.return_class.AbstractApiClass

                              +

                              An option that specifies an LLM user can regenerate with in RouteLLM.

                              +
                              +
                              Parameters:
                              +
                                +
                              • client (ApiClient) – An authenticated API Client instance

                              • +
                              • name (str) – The display name of the LLM (ie GPT-5)

                              • +
                              • llmBotIcon (str) – The bot icon of the LLM.

                              • +
                              • llmName (str) – The external name of the LLM (ie OPENAI_GPT5)

                              • +
                              +
                              +
                              +
                              +
                              +name = None
                              +
                              + +
                              +
                              +llm_bot_icon = None
                              +
                              + +
                              +
                              +llm_name = None
                              +
                              + +
                              +
                              +deprecated_keys
                              +
                              + +
                              +
                              +__repr__()
                              +
                              + +
                              +
                              +to_dict()
                              +

                              Get a dict representation of the parameters in this class

                              +
                              +
                              Returns:
                              +

                              The dict value representation of the class parameters

                              +
                              +
                              Return type:
                              +

                              dict

                              +
                              +
                              +
                              + +
                              + +
                              +
                              + + +
                              +
                              + +
                              +
                              +
                              +
                              + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/resolved_feature_group_template/index.html b/docs/autoapi/abacusai/resolved_feature_group_template/index.html index 78b9a616f..014cef7c8 100644 --- a/docs/autoapi/abacusai/resolved_feature_group_template/index.html +++ b/docs/autoapi/abacusai/resolved_feature_group_template/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
                            • abacusai.app_user_group_sign_in_token
                            • abacusai.application_connector
                            • abacusai.audio_gen_settings
                            • +
                            • abacusai.audio_url_result
                            • +
                            • abacusai.audit_log
                            • abacusai.batch_prediction
                            • abacusai.batch_prediction_version
                            • abacusai.batch_prediction_version_logs
                            • @@ -77,25 +79,38 @@
                            • abacusai.chat_message
                            • abacusai.chat_session
                            • abacusai.chatllm_computer
                            • +
                            • abacusai.chatllm_computer_status
                            • +
                            • abacusai.chatllm_memory
                            • +
                            • abacusai.chatllm_project
                            • +
                            • abacusai.chatllm_project_permissions
                            • abacusai.chatllm_referral_invite
                            • abacusai.chatllm_task
                            • abacusai.client
                            • abacusai.code_agent_response
                            • +
                            • abacusai.code_autocomplete_edit_prediction_response
                            • abacusai.code_autocomplete_response
                            • abacusai.code_bot
                            • abacusai.code_edit
                            • abacusai.code_edit_response
                            • abacusai.code_edits
                            • +
                            • abacusai.code_embeddings
                            • +
                            • abacusai.code_llm_changed_files
                            • abacusai.code_source
                            • +
                            • abacusai.code_suggestion_validation_response
                            • +
                            • abacusai.code_summary_response
                            • +
                            • abacusai.codellm_embedding_constants
                            • abacusai.compute_point_info
                            • abacusai.concatenation_config
                            • +
                            • abacusai.constants_autocomplete_response
                            • abacusai.cpu_gpu_memory_specs
                            • abacusai.cryptography
                            • abacusai.custom_chat_instructions
                            • +
                            • abacusai.custom_domain
                            • abacusai.custom_loss_function
                            • abacusai.custom_metric
                            • abacusai.custom_metric_version
                            • abacusai.custom_train_function_info
                            • +
                            • abacusai.daemon_task_conversation
                            • abacusai.data_consistency_duplication
                            • abacusai.data_metrics
                            • abacusai.data_prep_logs
                            • @@ -109,6 +124,7 @@
                            • abacusai.dataset_column
                            • abacusai.dataset_version
                            • abacusai.dataset_version_logs
                            • +
                            • abacusai.default_llm
                            • abacusai.deployment
                            • abacusai.deployment_auth_token
                            • abacusai.deployment_conversation
                            • @@ -119,6 +135,9 @@
                            • abacusai.document_retriever
                            • abacusai.document_retriever_lookup_result
                            • abacusai.document_retriever_version
                            • +
                            • abacusai.document_retriever_version_logs
                            • +
                            • abacusai.domain_purchase_result
                            • +
                            • abacusai.domain_search_result
                            • abacusai.drift_distribution
                            • abacusai.drift_distributions
                            • abacusai.eda
                            • @@ -129,7 +148,9 @@
                            • abacusai.eda_feature_collinearity
                            • abacusai.eda_forecasting_analysis
                            • abacusai.eda_version
                            • +
                            • abacusai.edit_image_models
                            • abacusai.embedding_feature_drift_distribution
                            • +
                            • abacusai.entri_auth_token
                            • abacusai.execute_feature_group_operation
                            • abacusai.external_application
                            • abacusai.external_invite
                            • @@ -156,7 +177,6 @@
                            • abacusai.feature_importance
                            • abacusai.feature_mapping
                            • abacusai.feature_performance_analysis
                            • -
                            • abacusai.feature_record
                            • abacusai.file_connector
                            • abacusai.file_connector_instructions
                            • abacusai.file_connector_verification
                            • @@ -164,20 +184,32 @@
                            • abacusai.forecasting_analysis_graph_data
                            • abacusai.forecasting_monitor_item_analysis
                            • abacusai.forecasting_monitor_summary
                            • +
                            • abacusai.fs_entry
                            • abacusai.function_logs
                            • abacusai.generated_pit_feature_config_option
                            • abacusai.global_context
                            • abacusai.graph_dashboard
                            • abacusai.holdout_analysis
                            • abacusai.holdout_analysis_version
                            • +
                            • abacusai.hosted_app
                            • +
                            • abacusai.hosted_app_container
                            • +
                            • abacusai.hosted_app_file_read
                            • +
                            • abacusai.hosted_artifact
                            • +
                            • abacusai.hosted_database
                            • +
                            • abacusai.hosted_database_snapshot
                            • abacusai.hosted_model_token
                            • +
                            • abacusai.hostname_info
                            • abacusai.hume_voice
                            • +
                            • abacusai.image_gen_model
                            • +
                            • abacusai.image_gen_model_options
                            • abacusai.image_gen_settings
                            • abacusai.indexing_config
                            • abacusai.inferred_database_column_to_feature_mappings
                            • abacusai.inferred_feature_mappings
                            • abacusai.item_statistics
                            • +
                            • abacusai.lip_sync_gen_settings
                            • abacusai.llm_app
                            • +
                            • abacusai.llm_artifact
                            • abacusai.llm_code_block
                            • abacusai.llm_execution_preview
                            • abacusai.llm_execution_result
                            • @@ -185,6 +217,10 @@
                            • abacusai.llm_input
                            • abacusai.llm_parameters
                            • abacusai.llm_response
                            • +
                            • abacusai.mcp_config
                            • +
                            • abacusai.mcp_server
                            • +
                            • abacusai.mcp_server_connection
                            • +
                            • abacusai.mcp_server_query_result
                            • abacusai.memory_options
                            • abacusai.messaging_connector_response
                            • abacusai.model
                            • @@ -239,6 +275,8 @@
                            • abacusai.prediction_log_record
                            • abacusai.prediction_operator
                            • abacusai.prediction_operator_version
                            • +
                            • abacusai.presentation_export_result
                            • +
                            • abacusai.private_web_app_deployment
                            • abacusai.problem_type
                            • abacusai.project
                            • abacusai.project_config
                            • @@ -255,6 +293,7 @@
                            • abacusai.refresh_policy
                            • abacusai.refresh_schedule
                            • abacusai.regenerate_llm_external_application
                            • +
                            • abacusai.regenerate_llm_option
                            • abacusai.resolved_feature_group_template
                              • Classes
                              • Module Contents
                              • @@ -263,29 +302,46 @@
                              • abacusai.return_class
                              • abacusai.routing_action
                              • abacusai.schema
                              • +
                              • abacusai.session_summary
                              • +
                              • abacusai.session_transcript
                              • +
                              • abacusai.session_transcripts
                              • abacusai.sftp_key
                              • abacusai.streaming_auth_token
                              • abacusai.streaming_client
                              • abacusai.streaming_connector
                              • abacusai.streaming_row_count
                              • abacusai.streaming_sample_code
                              • +
                              • abacusai.sts_gen_settings
                              • +
                              • abacusai.stt_gen_model
                              • +
                              • abacusai.stt_gen_model_options
                              • +
                              • abacusai.stt_gen_settings
                              • abacusai.template_node_details
                              • abacusai.test_point_predictions
                              • abacusai.tone_details
                              • abacusai.training_config_options
                              • +
                              • abacusai.tts_gen_settings
                              • abacusai.twitter_search_result
                              • +
                              • abacusai.unified_connector
                              • abacusai.upload
                              • abacusai.upload_part
                              • abacusai.use_case
                              • abacusai.use_case_requirements
                              • abacusai.user
                              • abacusai.user_exception
                              • +
                              • abacusai.user_group_object_permission
                              • +
                              • abacusai.video_gen_costs
                              • +
                              • abacusai.video_gen_model
                              • +
                              • abacusai.video_gen_model_options
                              • abacusai.video_gen_settings
                              • abacusai.video_search_result
                              • abacusai.voice_gen_details
                              • +
                              • abacusai.web_app_conversation
                              • +
                              • abacusai.web_app_deployment_permission_dict
                              • +
                              • abacusai.web_app_domain
                              • abacusai.web_page_response
                              • abacusai.web_search_response
                              • abacusai.web_search_result
                              • +
                              • abacusai.web_service_trigger_run
                              • abacusai.webhook
                              • abacusai.workflow_graph_node_details
                              • abacusai.workflow_node_template
                              • @@ -348,11 +404,11 @@

                                Module ContentsParameters:
                                • client (ApiClient) – An authenticated API Client instance

                                • -
                                • featureGroupTemplateId (str) – Unique identifier for this feature group template.

                                • -
                                • resolvedVariables (dict) – Map from template variable names to parameters available during template resolution.

                                • -
                                • resolvedSql (str) – SQL resulting from resolving the SQL template by applying the resolved bindings.

                                • -
                                • templateSql (str) – SQL that can include variables to be replaced by values from the template config to resolve this template SQL into a valid SQL query for a feature group.

                                • -
                                • sqlError (str) – if invalid, the sql error message

                                • +
                                • featureGroupTemplateId (str) – Unique identifier for this feature group template.

                                • +
                                • resolvedVariables (dict) – Map from template variable names to parameters available during template resolution.

                                • +
                                • resolvedSql (str) – SQL resulting from resolving the SQL template by applying the resolved bindings.

                                • +
                                • templateSql (str) – SQL that can include variables to be replaced by values from the template config to resolve this template SQL into a valid SQL query for a feature group.

                                • +
                                • sqlError (str) – if invalid, the sql error message

                                @@ -400,7 +456,7 @@

                                Module Contents

                                The dict value representation of the class parameters

                                Return type:
                                -

                                dict

                                +

                                dict

                                @@ -414,7 +470,7 @@

                                Module Contents - + diff --git a/docs/autoapi/abacusai/return_class/index.html b/docs/autoapi/abacusai/return_class/index.html index abad22fc4..e808e620e 100644 --- a/docs/autoapi/abacusai/return_class/index.html +++ b/docs/autoapi/abacusai/return_class/index.html @@ -69,6 +69,8 @@
                              • abacusai.app_user_group_sign_in_token
                              • abacusai.application_connector
                              • abacusai.audio_gen_settings
                              • +
                              • abacusai.audio_url_result
                              • +
                              • abacusai.audit_log
                              • abacusai.batch_prediction
                              • abacusai.batch_prediction_version
                              • abacusai.batch_prediction_version_logs
                              • @@ -77,25 +79,38 @@
                              • abacusai.chat_message
                              • abacusai.chat_session
                              • abacusai.chatllm_computer
                              • +
                              • abacusai.chatllm_computer_status
                              • +
                              • abacusai.chatllm_memory
                              • +
                              • abacusai.chatllm_project
                              • +
                              • abacusai.chatllm_project_permissions
                              • abacusai.chatllm_referral_invite
                              • abacusai.chatllm_task
                              • abacusai.client
                              • abacusai.code_agent_response
                              • +
                              • abacusai.code_autocomplete_edit_prediction_response
                              • abacusai.code_autocomplete_response
                              • abacusai.code_bot
                              • abacusai.code_edit
                              • abacusai.code_edit_response
                              • abacusai.code_edits
                              • +
                              • abacusai.code_embeddings
                              • +
                              • abacusai.code_llm_changed_files
                              • abacusai.code_source
                              • +
                              • abacusai.code_suggestion_validation_response
                              • +
                              • abacusai.code_summary_response
                              • +
                              • abacusai.codellm_embedding_constants
                              • abacusai.compute_point_info
                              • abacusai.concatenation_config
                              • +
                              • abacusai.constants_autocomplete_response
                              • abacusai.cpu_gpu_memory_specs
                              • abacusai.cryptography
                              • abacusai.custom_chat_instructions
                              • +
                              • abacusai.custom_domain
                              • abacusai.custom_loss_function
                              • abacusai.custom_metric
                              • abacusai.custom_metric_version
                              • abacusai.custom_train_function_info
                              • +
                              • abacusai.daemon_task_conversation
                              • abacusai.data_consistency_duplication
                              • abacusai.data_metrics
                              • abacusai.data_prep_logs
                              • @@ -109,6 +124,7 @@
                              • abacusai.dataset_column
                              • abacusai.dataset_version
                              • abacusai.dataset_version_logs
                              • +
                              • abacusai.default_llm
                              • abacusai.deployment
                              • abacusai.deployment_auth_token
                              • abacusai.deployment_conversation
                              • @@ -119,6 +135,9 @@
                              • abacusai.document_retriever
                              • abacusai.document_retriever_lookup_result
                              • abacusai.document_retriever_version
                              • +
                              • abacusai.document_retriever_version_logs
                              • +
                              • abacusai.domain_purchase_result
                              • +
                              • abacusai.domain_search_result
                              • abacusai.drift_distribution
                              • abacusai.drift_distributions
                              • abacusai.eda
                              • @@ -129,7 +148,9 @@
                              • abacusai.eda_feature_collinearity
                              • abacusai.eda_forecasting_analysis
                              • abacusai.eda_version
                              • +
                              • abacusai.edit_image_models
                              • abacusai.embedding_feature_drift_distribution
                              • +
                              • abacusai.entri_auth_token
                              • abacusai.execute_feature_group_operation
                              • abacusai.external_application
                              • abacusai.external_invite
                              • @@ -156,7 +177,6 @@
                              • abacusai.feature_importance
                              • abacusai.feature_mapping
                              • abacusai.feature_performance_analysis
                              • -
                              • abacusai.feature_record
                              • abacusai.file_connector
                              • abacusai.file_connector_instructions
                              • abacusai.file_connector_verification
                              • @@ -164,20 +184,32 @@
                              • abacusai.forecasting_analysis_graph_data
                              • abacusai.forecasting_monitor_item_analysis
                              • abacusai.forecasting_monitor_summary
                              • +
                              • abacusai.fs_entry
                              • abacusai.function_logs
                              • abacusai.generated_pit_feature_config_option
                              • abacusai.global_context
                              • abacusai.graph_dashboard
                              • abacusai.holdout_analysis
                              • abacusai.holdout_analysis_version
                              • +
                              • abacusai.hosted_app
                              • +
                              • abacusai.hosted_app_container
                              • +
                              • abacusai.hosted_app_file_read
                              • +
                              • abacusai.hosted_artifact
                              • +
                              • abacusai.hosted_database
                              • +
                              • abacusai.hosted_database_snapshot
                              • abacusai.hosted_model_token
                              • +
                              • abacusai.hostname_info
                              • abacusai.hume_voice
                              • +
                              • abacusai.image_gen_model
                              • +
                              • abacusai.image_gen_model_options
                              • abacusai.image_gen_settings
                              • abacusai.indexing_config
                              • abacusai.inferred_database_column_to_feature_mappings
                              • abacusai.inferred_feature_mappings
                              • abacusai.item_statistics
                              • +
                              • abacusai.lip_sync_gen_settings
                              • abacusai.llm_app
                              • +
                              • abacusai.llm_artifact
                              • abacusai.llm_code_block
                              • abacusai.llm_execution_preview
                              • abacusai.llm_execution_result
                              • @@ -185,6 +217,10 @@
                              • abacusai.llm_input
                              • abacusai.llm_parameters
                              • abacusai.llm_response
                              • +
                              • abacusai.mcp_config
                              • +
                              • abacusai.mcp_server
                              • +
                              • abacusai.mcp_server_connection
                              • +
                              • abacusai.mcp_server_query_result
                              • abacusai.memory_options
                              • abacusai.messaging_connector_response
                              • abacusai.model
                              • @@ -239,6 +275,8 @@
                              • abacusai.prediction_log_record
                              • abacusai.prediction_operator
                              • abacusai.prediction_operator_version
                              • +
                              • abacusai.presentation_export_result
                              • +
                              • abacusai.private_web_app_deployment
                              • abacusai.problem_type
                              • abacusai.project
                              • abacusai.project_config
                              • @@ -255,6 +293,7 @@
                              • abacusai.refresh_policy
                              • abacusai.refresh_schedule
                              • abacusai.regenerate_llm_external_application
                              • +
                              • abacusai.regenerate_llm_option
                              • abacusai.resolved_feature_group_template
                              • abacusai.return_class
                              • +
                              • abacusai.session_summary
                              • +
                              • abacusai.session_transcript
                              • +
                              • abacusai.session_transcripts
                              • abacusai.sftp_key
                              • abacusai.streaming_auth_token
                              • abacusai.streaming_client
                              • abacusai.streaming_connector
                              • abacusai.streaming_row_count
                              • abacusai.streaming_sample_code
                              • +
                              • abacusai.sts_gen_settings
                              • +
                              • abacusai.stt_gen_model
                              • +
                              • abacusai.stt_gen_model_options
                              • +
                              • abacusai.stt_gen_settings
                              • abacusai.template_node_details
                              • abacusai.test_point_predictions
                              • abacusai.tone_details
                              • abacusai.training_config_options
                              • +
                              • abacusai.tts_gen_settings
                              • abacusai.twitter_search_result
                              • +
                              • abacusai.unified_connector
                              • abacusai.upload
                              • abacusai.upload_part
                              • abacusai.use_case
                              • abacusai.use_case_requirements
                              • abacusai.user
                              • abacusai.user_exception
                              • +
                              • abacusai.user_group_object_permission
                              • +
                              • abacusai.video_gen_costs
                              • +
                              • abacusai.video_gen_model
                              • +
                              • abacusai.video_gen_model_options
                              • abacusai.video_gen_settings
                              • abacusai.video_search_result
                              • abacusai.voice_gen_details
                              • +
                              • abacusai.web_app_conversation
                              • +
                              • abacusai.web_app_deployment_permission_dict
                              • +
                              • abacusai.web_app_domain
                              • abacusai.web_page_response
                              • abacusai.web_search_response
                              • abacusai.web_search_result
                              • +
                              • abacusai.web_service_trigger_run
                              • abacusai.webhook
                              • abacusai.workflow_graph_node_details
                              • abacusai.workflow_node_template
                              • @@ -348,13 +404,13 @@

                                Module ContentsParameters:
                                • client (ApiClient) – An authenticated API Client instance

                                • -
                                • name (str) – The unique name of the feature.

                                • -
                                • featureMapping (str) – The mapping of the feature. The possible values will be based on the project’s use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/useCases] for more details.

                                • -
                                • detectedFeatureMapping (str) – Detected feature mapping for this feature

                                • -
                                • featureType (str) – The underlying data type of each feature: CATEGORICAL, CATEGORICAL_LIST, NUMERICAL, TIMESTAMP, TEXT, EMAIL, LABEL_LIST, ENTITY_LABEL_LIST, PAGE_LABEL_LIST, JSON, OBJECT_REFERENCE, MULTICATEGORICAL_LIST, COORDINATE_LIST, NUMERICAL_LIST, TIMESTAMP_LIST, ZIPCODE, URL, PAGE_INFOS, PAGES_DOCUMENT, TOKENS_DOCUMENT, MESSAGE_LIST.

                                • -
                                • detectedFeatureType (str) – The detected feature type for this feature

                                • -
                                • dataType (str) – The underlying data type of each feature: INTEGER, FLOAT, STRING, DATE, DATETIME, BOOLEAN, LIST, STRUCT, NULL, BINARY.

                                • -
                                • detectedDataType (str) – The detected data type for this feature

                                • +
                                • name (str) – The unique name of the feature.

                                • +
                                • featureMapping (str) – The mapping of the feature. The possible values will be based on the project’s use-case. See the (Use Case Documentation)[https://api.abacus.ai/app/help/developer-platform/useCases] for more details.

                                • +
                                • detectedFeatureMapping (str) – Detected feature mapping for this feature

                                • +
                                • featureType (str) – The underlying data type of each feature: CATEGORICAL, CATEGORICAL_LIST, NUMERICAL, TIMESTAMP, TEXT, EMAIL, LABEL_LIST, ENTITY_LABEL_LIST, PAGE_LABEL_LIST, JSON, OBJECT_REFERENCE, MULTICATEGORICAL_LIST, COORDINATE_LIST, NUMERICAL_LIST, TIMESTAMP_LIST, ZIPCODE, URL, PAGE_INFOS, PAGES_DOCUMENT, TOKENS_DOCUMENT, MESSAGE_LIST.

                                • +
                                • detectedFeatureType (str) – The detected feature type for this feature

                                • +
                                • dataType (str) – The underlying data type of each feature: INTEGER, FLOAT, STRING, DATE, DATETIME, BOOLEAN, LIST, STRUCT, NULL, BINARY.

                                • +
                                • detectedDataType (str) – The detected data type for this feature

                                • nestedFeatures (NestedFeatureSchema) – List of features of nested feature

                                • pointInTimeInfo (PointInTimeFeatureInfo) – Point in time information for this feature

                                @@ -424,7 +480,7 @@

                                Module Contents

                                The dict value representation of the class parameters

                                Return type:
                                -

                                dict

                                +

                                dict

                                @@ -439,7 +495,7 @@

                                Module Contents - +
                                diff --git a/docs/autoapi/abacusai/session_summary/index.html b/docs/autoapi/abacusai/session_summary/index.html new file mode 100644 index 000000000..9de49396a --- /dev/null +++ b/docs/autoapi/abacusai/session_summary/index.html @@ -0,0 +1,476 @@ + + + + + + + + + abacusai.session_summary — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                                + + +
                                + +
                                +
                                +
                                + +
                                +
                                +
                                +
                                + +
                                +

                                abacusai.session_summary

                                +
                                +

                                Classes

                                + + + + + + +

                                SessionSummary

                                A session summary

                                +
                                +
                                +

                                Module Contents

                                +
                                +
                                +class abacusai.session_summary.SessionSummary(client, summary=None)
                                +

                                Bases: abacusai.return_class.AbstractApiClass

                                +

                                A session summary

                                +
                                +
                                Parameters:
                                +
                                  +
                                • client (ApiClient) – An authenticated API Client instance

                                • +
                                • summary (str) – The summary of the session.

                                • +
                                +
                                +
                                +
                                +
                                +summary = None
                                +
                                + +
                                +
                                +deprecated_keys
                                +
                                + +
                                +
                                +__repr__()
                                +
                                + +
                                +
                                +to_dict()
                                +

                                Get a dict representation of the parameters in this class

                                +
                                +
                                Returns:
                                +

                                The dict value representation of the class parameters

                                +
                                +
                                Return type:
                                +

                                dict

                                +
                                +
                                +
                                + +
                                + +
                                +
                                + + +
                                +
                                + +
                                +
                                +
                                +
                                + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/session_transcript/index.html b/docs/autoapi/abacusai/session_transcript/index.html new file mode 100644 index 000000000..2c4d5eb1e --- /dev/null +++ b/docs/autoapi/abacusai/session_transcript/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.session_transcript — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                                + + +
                                + +
                                +
                                +
                                + +
                                +
                                +
                                +
                                + +
                                +

                                abacusai.session_transcript

                                +
                                +

                                Classes

                                + + + + + + +

                                SessionTranscript

                                A session transcript

                                +
                                +
                                +

                                Module Contents

                                +
                                +
                                +class abacusai.session_transcript.SessionTranscript(client, role=None, content=None)
                                +

                                Bases: abacusai.return_class.AbstractApiClass

                                +

                                A session transcript

                                +
                                +
                                Parameters:
                                +
                                  +
                                • client (ApiClient) – An authenticated API Client instance

                                • +
                                • role (str) – The role of the transcript.

                                • +
                                • content (str) – The content of the transcript.

                                • +
                                +
                                +
                                +
                                +
                                +role = None
                                +
                                + +
                                +
                                +content = None
                                +
                                + +
                                +
                                +deprecated_keys
                                +
                                + +
                                +
                                +__repr__()
                                +
                                + +
                                +
                                +to_dict()
                                +

                                Get a dict representation of the parameters in this class

                                +
                                +
                                Returns:
                                +

                                The dict value representation of the class parameters

                                +
                                +
                                Return type:
                                +

                                dict

                                +
                                +
                                +
                                + +
                                + +
                                +
                                + + +
                                +
                                + +
                                +
                                +
                                +
                                + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/session_transcripts/index.html b/docs/autoapi/abacusai/session_transcripts/index.html new file mode 100644 index 000000000..8b0de3eb1 --- /dev/null +++ b/docs/autoapi/abacusai/session_transcripts/index.html @@ -0,0 +1,476 @@ + + + + + + + + + abacusai.session_transcripts — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                                + + +
                                + +
                                +
                                +
                                + +
                                +
                                +
                                +
                                + +
                                +

                                abacusai.session_transcripts

                                +
                                +

                                Classes

                                + + + + + + +

                                SessionTranscripts

                                A list of session transcripts

                                +
                                +
                                +

                                Module Contents

                                +
                                +
                                +class abacusai.session_transcripts.SessionTranscripts(client, transcripts=None)
                                +

                                Bases: abacusai.return_class.AbstractApiClass

                                +

                                A list of session transcripts

                                +
                                +
                                Parameters:
                                +
                                  +
                                • client (ApiClient) – An authenticated API Client instance

                                • +
                                • transcripts (list[sessiontranscript]) – A list of session transcripts.

                                • +
                                +
                                +
                                +
                                +
                                +transcripts = None
                                +
                                + +
                                +
                                +deprecated_keys
                                +
                                + +
                                +
                                +__repr__()
                                +
                                + +
                                +
                                +to_dict()
                                +

                                Get a dict representation of the parameters in this class

                                +
                                +
                                Returns:
                                +

                                The dict value representation of the class parameters

                                +
                                +
                                Return type:
                                +

                                dict

                                +
                                +
                                +
                                + +
                                + +
                                +
                                + + +
                                +
                                + +
                                +
                                +
                                +
                                + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/sftp_key/index.html b/docs/autoapi/abacusai/sftp_key/index.html index e5e1e4d87..c32c5eadd 100644 --- a/docs/autoapi/abacusai/sftp_key/index.html +++ b/docs/autoapi/abacusai/sftp_key/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
                              • abacusai.app_user_group_sign_in_token
                              • abacusai.application_connector
                              • abacusai.audio_gen_settings
                              • +
                              • abacusai.audio_url_result
                              • +
                              • abacusai.audit_log
                              • abacusai.batch_prediction
                              • abacusai.batch_prediction_version
                              • abacusai.batch_prediction_version_logs
                              • @@ -77,25 +79,38 @@
                              • abacusai.chat_message
                              • abacusai.chat_session
                              • abacusai.chatllm_computer
                              • +
                              • abacusai.chatllm_computer_status
                              • +
                              • abacusai.chatllm_memory
                              • +
                              • abacusai.chatllm_project
                              • +
                              • abacusai.chatllm_project_permissions
                              • abacusai.chatllm_referral_invite
                              • abacusai.chatllm_task
                              • abacusai.client
                              • abacusai.code_agent_response
                              • +
                              • abacusai.code_autocomplete_edit_prediction_response
                              • abacusai.code_autocomplete_response
                              • abacusai.code_bot
                              • abacusai.code_edit
                              • abacusai.code_edit_response
                              • abacusai.code_edits
                              • +
                              • abacusai.code_embeddings
                              • +
                              • abacusai.code_llm_changed_files
                              • abacusai.code_source
                              • +
                              • abacusai.code_suggestion_validation_response
                              • +
                              • abacusai.code_summary_response
                              • +
                              • abacusai.codellm_embedding_constants
                              • abacusai.compute_point_info
                              • abacusai.concatenation_config
                              • +
                              • abacusai.constants_autocomplete_response
                              • abacusai.cpu_gpu_memory_specs
                              • abacusai.cryptography
                              • abacusai.custom_chat_instructions
                              • +
                              • abacusai.custom_domain
                              • abacusai.custom_loss_function
                              • abacusai.custom_metric
                              • abacusai.custom_metric_version
                              • abacusai.custom_train_function_info
                              • +
                              • abacusai.daemon_task_conversation
                              • abacusai.data_consistency_duplication
                              • abacusai.data_metrics
                              • abacusai.data_prep_logs
                              • @@ -109,6 +124,7 @@
                              • abacusai.dataset_column
                              • abacusai.dataset_version
                              • abacusai.dataset_version_logs
                              • +
                              • abacusai.default_llm
                              • abacusai.deployment
                              • abacusai.deployment_auth_token
                              • abacusai.deployment_conversation
                              • @@ -119,6 +135,9 @@
                              • abacusai.document_retriever
                              • abacusai.document_retriever_lookup_result
                              • abacusai.document_retriever_version
                              • +
                              • abacusai.document_retriever_version_logs
                              • +
                              • abacusai.domain_purchase_result
                              • +
                              • abacusai.domain_search_result
                              • abacusai.drift_distribution
                              • abacusai.drift_distributions
                              • abacusai.eda
                              • @@ -129,7 +148,9 @@
                              • abacusai.eda_feature_collinearity
                              • abacusai.eda_forecasting_analysis
                              • abacusai.eda_version
                              • +
                              • abacusai.edit_image_models
                              • abacusai.embedding_feature_drift_distribution
                              • +
                              • abacusai.entri_auth_token
                              • abacusai.execute_feature_group_operation
                              • abacusai.external_application
                              • abacusai.external_invite
                              • @@ -156,7 +177,6 @@
                              • abacusai.feature_importance
                              • abacusai.feature_mapping
                              • abacusai.feature_performance_analysis
                              • -
                              • abacusai.feature_record
                              • abacusai.file_connector
                              • abacusai.file_connector_instructions
                              • abacusai.file_connector_verification
                              • @@ -164,20 +184,32 @@
                              • abacusai.forecasting_analysis_graph_data
                              • abacusai.forecasting_monitor_item_analysis
                              • abacusai.forecasting_monitor_summary
                              • +
                              • abacusai.fs_entry
                              • abacusai.function_logs
                              • abacusai.generated_pit_feature_config_option
                              • abacusai.global_context
                              • abacusai.graph_dashboard
                              • abacusai.holdout_analysis
                              • abacusai.holdout_analysis_version
                              • +
                              • abacusai.hosted_app
                              • +
                              • abacusai.hosted_app_container
                              • +
                              • abacusai.hosted_app_file_read
                              • +
                              • abacusai.hosted_artifact
                              • +
                              • abacusai.hosted_database
                              • +
                              • abacusai.hosted_database_snapshot
                              • abacusai.hosted_model_token
                              • +
                              • abacusai.hostname_info
                              • abacusai.hume_voice
                              • +
                              • abacusai.image_gen_model
                              • +
                              • abacusai.image_gen_model_options
                              • abacusai.image_gen_settings
                              • abacusai.indexing_config
                              • abacusai.inferred_database_column_to_feature_mappings
                              • abacusai.inferred_feature_mappings
                              • abacusai.item_statistics
                              • +
                              • abacusai.lip_sync_gen_settings
                              • abacusai.llm_app
                              • +
                              • abacusai.llm_artifact
                              • abacusai.llm_code_block
                              • abacusai.llm_execution_preview
                              • abacusai.llm_execution_result
                              • @@ -185,6 +217,10 @@
                              • abacusai.llm_input
                              • abacusai.llm_parameters
                              • abacusai.llm_response
                              • +
                              • abacusai.mcp_config
                              • +
                              • abacusai.mcp_server
                              • +
                              • abacusai.mcp_server_connection
                              • +
                              • abacusai.mcp_server_query_result
                              • abacusai.memory_options
                              • abacusai.messaging_connector_response
                              • abacusai.model
                              • @@ -239,6 +275,8 @@
                              • abacusai.prediction_log_record
                              • abacusai.prediction_operator
                              • abacusai.prediction_operator_version
                              • +
                              • abacusai.presentation_export_result
                              • +
                              • abacusai.private_web_app_deployment
                              • abacusai.problem_type
                              • abacusai.project
                              • abacusai.project_config
                              • @@ -255,10 +293,14 @@
                              • abacusai.refresh_policy
                              • abacusai.refresh_schedule
                              • abacusai.regenerate_llm_external_application
                              • +
                              • abacusai.regenerate_llm_option
                              • abacusai.resolved_feature_group_template
                              • abacusai.return_class
                              • abacusai.routing_action
                              • abacusai.schema
                              • +
                              • abacusai.session_summary
                              • +
                              • abacusai.session_transcript
                              • +
                              • abacusai.session_transcripts
                              • abacusai.sftp_key
                                • Classes
                                • Module Contents
                                • @@ -269,23 +311,37 @@
                                • abacusai.streaming_connector
                                • abacusai.streaming_row_count
                                • abacusai.streaming_sample_code
                                • +
                                • abacusai.sts_gen_settings
                                • +
                                • abacusai.stt_gen_model
                                • +
                                • abacusai.stt_gen_model_options
                                • +
                                • abacusai.stt_gen_settings
                                • abacusai.template_node_details
                                • abacusai.test_point_predictions
                                • abacusai.tone_details
                                • abacusai.training_config_options
                                • +
                                • abacusai.tts_gen_settings
                                • abacusai.twitter_search_result
                                • +
                                • abacusai.unified_connector
                                • abacusai.upload
                                • abacusai.upload_part
                                • abacusai.use_case
                                • abacusai.use_case_requirements
                                • abacusai.user
                                • abacusai.user_exception
                                • +
                                • abacusai.user_group_object_permission
                                • +
                                • abacusai.video_gen_costs
                                • +
                                • abacusai.video_gen_model
                                • +
                                • abacusai.video_gen_model_options
                                • abacusai.video_gen_settings
                                • abacusai.video_search_result
                                • abacusai.voice_gen_details
                                • +
                                • abacusai.web_app_conversation
                                • +
                                • abacusai.web_app_deployment_permission_dict
                                • +
                                • abacusai.web_app_domain
                                • abacusai.web_page_response
                                • abacusai.web_search_response
                                • abacusai.web_search_result
                                • +
                                • abacusai.web_service_trigger_run
                                • abacusai.webhook
                                • abacusai.workflow_graph_node_details
                                • abacusai.workflow_node_template
                                • @@ -348,8 +404,8 @@

                                  Module ContentsParameters:
                                  • client (ApiClient) – An authenticated API Client instance

                                  • -
                                  • keyName (str) – The name of the key

                                  • -
                                  • publicKey (str) – The public key

                                  • +
                                  • keyName (str) – The name of the key

                                  • +
                                  • publicKey (str) – The public key

                                  @@ -382,7 +438,7 @@

                                  Module Contents

                                  The dict value representation of the class parameters

                                  Return type:
                                  -

                                  dict

                                  +

                                  dict

                                  @@ -396,7 +452,7 @@

                                  Module Contents - + diff --git a/docs/autoapi/abacusai/streaming_auth_token/index.html b/docs/autoapi/abacusai/streaming_auth_token/index.html index a9b19fae5..352f9ec7c 100644 --- a/docs/autoapi/abacusai/streaming_auth_token/index.html +++ b/docs/autoapi/abacusai/streaming_auth_token/index.html @@ -69,6 +69,8 @@
                                • abacusai.app_user_group_sign_in_token
                                • abacusai.application_connector
                                • abacusai.audio_gen_settings
                                • +
                                • abacusai.audio_url_result
                                • +
                                • abacusai.audit_log
                                • abacusai.batch_prediction
                                • abacusai.batch_prediction_version
                                • abacusai.batch_prediction_version_logs
                                • @@ -77,25 +79,38 @@
                                • abacusai.chat_message
                                • abacusai.chat_session
                                • abacusai.chatllm_computer
                                • +
                                • abacusai.chatllm_computer_status
                                • +
                                • abacusai.chatllm_memory
                                • +
                                • abacusai.chatllm_project
                                • +
                                • abacusai.chatllm_project_permissions
                                • abacusai.chatllm_referral_invite
                                • abacusai.chatllm_task
                                • abacusai.client
                                • abacusai.code_agent_response
                                • +
                                • abacusai.code_autocomplete_edit_prediction_response
                                • abacusai.code_autocomplete_response
                                • abacusai.code_bot
                                • abacusai.code_edit
                                • abacusai.code_edit_response
                                • abacusai.code_edits
                                • +
                                • abacusai.code_embeddings
                                • +
                                • abacusai.code_llm_changed_files
                                • abacusai.code_source
                                • +
                                • abacusai.code_suggestion_validation_response
                                • +
                                • abacusai.code_summary_response
                                • +
                                • abacusai.codellm_embedding_constants
                                • abacusai.compute_point_info
                                • abacusai.concatenation_config
                                • +
                                • abacusai.constants_autocomplete_response
                                • abacusai.cpu_gpu_memory_specs
                                • abacusai.cryptography
                                • abacusai.custom_chat_instructions
                                • +
                                • abacusai.custom_domain
                                • abacusai.custom_loss_function
                                • abacusai.custom_metric
                                • abacusai.custom_metric_version
                                • abacusai.custom_train_function_info
                                • +
                                • abacusai.daemon_task_conversation
                                • abacusai.data_consistency_duplication
                                • abacusai.data_metrics
                                • abacusai.data_prep_logs
                                • @@ -109,6 +124,7 @@
                                • abacusai.dataset_column
                                • abacusai.dataset_version
                                • abacusai.dataset_version_logs
                                • +
                                • abacusai.default_llm
                                • abacusai.deployment
                                • abacusai.deployment_auth_token
                                • abacusai.deployment_conversation
                                • @@ -119,6 +135,9 @@
                                • abacusai.document_retriever
                                • abacusai.document_retriever_lookup_result
                                • abacusai.document_retriever_version
                                • +
                                • abacusai.document_retriever_version_logs
                                • +
                                • abacusai.domain_purchase_result
                                • +
                                • abacusai.domain_search_result
                                • abacusai.drift_distribution
                                • abacusai.drift_distributions
                                • abacusai.eda
                                • @@ -129,7 +148,9 @@
                                • abacusai.eda_feature_collinearity
                                • abacusai.eda_forecasting_analysis
                                • abacusai.eda_version
                                • +
                                • abacusai.edit_image_models
                                • abacusai.embedding_feature_drift_distribution
                                • +
                                • abacusai.entri_auth_token
                                • abacusai.execute_feature_group_operation
                                • abacusai.external_application
                                • abacusai.external_invite
                                • @@ -156,7 +177,6 @@
                                • abacusai.feature_importance
                                • abacusai.feature_mapping
                                • abacusai.feature_performance_analysis
                                • -
                                • abacusai.feature_record
                                • abacusai.file_connector
                                • abacusai.file_connector_instructions
                                • abacusai.file_connector_verification
                                • @@ -164,20 +184,32 @@
                                • abacusai.forecasting_analysis_graph_data
                                • abacusai.forecasting_monitor_item_analysis
                                • abacusai.forecasting_monitor_summary
                                • +
                                • abacusai.fs_entry
                                • abacusai.function_logs
                                • abacusai.generated_pit_feature_config_option
                                • abacusai.global_context
                                • abacusai.graph_dashboard
                                • abacusai.holdout_analysis
                                • abacusai.holdout_analysis_version
                                • +
                                • abacusai.hosted_app
                                • +
                                • abacusai.hosted_app_container
                                • +
                                • abacusai.hosted_app_file_read
                                • +
                                • abacusai.hosted_artifact
                                • +
                                • abacusai.hosted_database
                                • +
                                • abacusai.hosted_database_snapshot
                                • abacusai.hosted_model_token
                                • +
                                • abacusai.hostname_info
                                • abacusai.hume_voice
                                • +
                                • abacusai.image_gen_model
                                • +
                                • abacusai.image_gen_model_options
                                • abacusai.image_gen_settings
                                • abacusai.indexing_config
                                • abacusai.inferred_database_column_to_feature_mappings
                                • abacusai.inferred_feature_mappings
                                • abacusai.item_statistics
                                • +
                                • abacusai.lip_sync_gen_settings
                                • abacusai.llm_app
                                • +
                                • abacusai.llm_artifact
                                • abacusai.llm_code_block
                                • abacusai.llm_execution_preview
                                • abacusai.llm_execution_result
                                • @@ -185,6 +217,10 @@
                                • abacusai.llm_input
                                • abacusai.llm_parameters
                                • abacusai.llm_response
                                • +
                                • abacusai.mcp_config
                                • +
                                • abacusai.mcp_server
                                • +
                                • abacusai.mcp_server_connection
                                • +
                                • abacusai.mcp_server_query_result
                                • abacusai.memory_options
                                • abacusai.messaging_connector_response
                                • abacusai.model
                                • @@ -239,6 +275,8 @@
                                • abacusai.prediction_log_record
                                • abacusai.prediction_operator
                                • abacusai.prediction_operator_version
                                • +
                                • abacusai.presentation_export_result
                                • +
                                • abacusai.private_web_app_deployment
                                • abacusai.problem_type
                                • abacusai.project
                                • abacusai.project_config
                                • @@ -255,10 +293,14 @@
                                • abacusai.refresh_policy
                                • abacusai.refresh_schedule
                                • abacusai.regenerate_llm_external_application
                                • +
                                • abacusai.regenerate_llm_option
                                • abacusai.resolved_feature_group_template
                                • abacusai.return_class
                                • abacusai.routing_action
                                • abacusai.schema
                                • +
                                • abacusai.session_summary
                                • +
                                • abacusai.session_transcript
                                • +
                                • abacusai.session_transcripts
                                • abacusai.sftp_key
                                • abacusai.streaming_auth_token
                                • +
                                • abacusai.sts_gen_settings
                                • +
                                • abacusai.stt_gen_model
                                • +
                                • abacusai.stt_gen_model_options
                                • +
                                • abacusai.stt_gen_settings
                                • abacusai.template_node_details
                                • abacusai.test_point_predictions
                                • abacusai.tone_details
                                • abacusai.training_config_options
                                • +
                                • abacusai.tts_gen_settings
                                • abacusai.twitter_search_result
                                • +
                                • abacusai.unified_connector
                                • abacusai.upload
                                • abacusai.upload_part
                                • abacusai.use_case
                                • abacusai.use_case_requirements
                                • abacusai.user
                                • abacusai.user_exception
                                • +
                                • abacusai.user_group_object_permission
                                • +
                                • abacusai.video_gen_costs
                                • +
                                • abacusai.video_gen_model
                                • +
                                • abacusai.video_gen_model_options
                                • abacusai.video_gen_settings
                                • abacusai.video_search_result
                                • abacusai.voice_gen_details
                                • +
                                • abacusai.web_app_conversation
                                • +
                                • abacusai.web_app_deployment_permission_dict
                                • +
                                • abacusai.web_app_domain
                                • abacusai.web_page_response
                                • abacusai.web_search_response
                                • abacusai.web_search_result
                                • +
                                • abacusai.web_service_trigger_run
                                • abacusai.webhook
                                • abacusai.workflow_graph_node_details
                                • abacusai.workflow_node_template
                                • @@ -348,9 +404,9 @@

                                  Module ContentsParameters:
                                  • client (ApiClient) – An authenticated API Client instance

                                  • -
                                  • python (str) – The python code sample.

                                  • -
                                  • curl (str) – The curl code sample.

                                  • -
                                  • console (str) – The console code sample

                                  • +
                                  • python (str) – The python code sample.

                                  • +
                                  • curl (str) – The curl code sample.

                                  • +
                                  • console (str) – The console code sample

                                  @@ -388,7 +444,7 @@

                                  Module Contents

                                  The dict value representation of the class parameters

                                  Return type:
                                  -

                                  dict

                                  +

                                  dict

                                  @@ -403,7 +459,7 @@

                                  Module Contents - +
                                  diff --git a/docs/autoapi/abacusai/sts_gen_settings/index.html b/docs/autoapi/abacusai/sts_gen_settings/index.html new file mode 100644 index 000000000..f11475ee0 --- /dev/null +++ b/docs/autoapi/abacusai/sts_gen_settings/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.sts_gen_settings — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                                  + + +
                                  + +
                                  +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + +
                                  +

                                  abacusai.sts_gen_settings

                                  +
                                  +

                                  Classes

                                  + + + + + + +

                                  StsGenSettings

                                  STS generation settings

                                  +
                                  +
                                  +

                                  Module Contents

                                  +
                                  +
                                  +class abacusai.sts_gen_settings.StsGenSettings(client, model=None, settings=None)
                                  +

                                  Bases: abacusai.return_class.AbstractApiClass

                                  +

                                  STS generation settings

                                  +
                                  +
                                  Parameters:
                                  +
                                    +
                                  • client (ApiClient) – An authenticated API Client instance

                                  • +
                                  • model (dict) – The model settings.

                                  • +
                                  • settings (dict) – The settings for each model.

                                  • +
                                  +
                                  +
                                  +
                                  +
                                  +model = None
                                  +
                                  + +
                                  +
                                  +settings = None
                                  +
                                  + +
                                  +
                                  +deprecated_keys
                                  +
                                  + +
                                  +
                                  +__repr__()
                                  +
                                  + +
                                  +
                                  +to_dict()
                                  +

                                  Get a dict representation of the parameters in this class

                                  +
                                  +
                                  Returns:
                                  +

                                  The dict value representation of the class parameters

                                  +
                                  +
                                  Return type:
                                  +

                                  dict

                                  +
                                  +
                                  +
                                  + +
                                  + +
                                  +
                                  + + +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/stt_gen_model/index.html b/docs/autoapi/abacusai/stt_gen_model/index.html new file mode 100644 index 000000000..2f6a67bbe --- /dev/null +++ b/docs/autoapi/abacusai/stt_gen_model/index.html @@ -0,0 +1,512 @@ + + + + + + + + + abacusai.stt_gen_model — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                                  + + +
                                  + +
                                  +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + +
                                  +

                                  abacusai.stt_gen_model

                                  +
                                  +

                                  Classes

                                  + + + + + + +

                                  SttGenModel

                                  STT generation model

                                  +
                                  +
                                  +

                                  Module Contents

                                  +
                                  +
                                  +class abacusai.stt_gen_model.SttGenModel(client, displayName=None, type=None, valueType=None, optional=None, default=None, helptext=None, options={})
                                  +

                                  Bases: abacusai.return_class.AbstractApiClass

                                  +

                                  STT generation model

                                  +
                                  +
                                  Parameters:
                                  +
                                    +
                                  • client (ApiClient) – An authenticated API Client instance

                                  • +
                                  • displayName (str) – The display name for the UI component.

                                  • +
                                  • type (str) – The type of the UI component.

                                  • +
                                  • valueType (str) – The data type of the values within the UI component.

                                  • +
                                  • optional (bool) – Whether the selection of a value is optional.

                                  • +
                                  • default (str) – The default value for the STT generation model.

                                  • +
                                  • helptext (str) – The helptext for the UI component.

                                  • +
                                  • options (SttGenModelOptions) – The options of models available for STT generation.

                                  • +
                                  +
                                  +
                                  +
                                  +
                                  +display_name = None
                                  +
                                  + +
                                  +
                                  +type = None
                                  +
                                  + +
                                  +
                                  +value_type = None
                                  +
                                  + +
                                  +
                                  +optional = None
                                  +
                                  + +
                                  +
                                  +default = None
                                  +
                                  + +
                                  +
                                  +helptext = None
                                  +
                                  + +
                                  +
                                  +options
                                  +
                                  + +
                                  +
                                  +deprecated_keys
                                  +
                                  + +
                                  +
                                  +__repr__()
                                  +
                                  + +
                                  +
                                  +to_dict()
                                  +

                                  Get a dict representation of the parameters in this class

                                  +
                                  +
                                  Returns:
                                  +

                                  The dict value representation of the class parameters

                                  +
                                  +
                                  Return type:
                                  +

                                  dict

                                  +
                                  +
                                  +
                                  + +
                                  + +
                                  +
                                  + + +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/stt_gen_model_options/index.html b/docs/autoapi/abacusai/stt_gen_model_options/index.html new file mode 100644 index 000000000..05cc50581 --- /dev/null +++ b/docs/autoapi/abacusai/stt_gen_model_options/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.stt_gen_model_options — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                                  + + +
                                  + +
                                  +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + +
                                  +

                                  abacusai.stt_gen_model_options

                                  +
                                  +

                                  Classes

                                  + + + + + + +

                                  SttGenModelOptions

                                  STT generation model options

                                  +
                                  +
                                  +

                                  Module Contents

                                  +
                                  +
                                  +class abacusai.stt_gen_model_options.SttGenModelOptions(client, keys=None, values=None)
                                  +

                                  Bases: abacusai.return_class.AbstractApiClass

                                  +

                                  STT generation model options

                                  +
                                  +
                                  Parameters:
                                  +
                                    +
                                  • client (ApiClient) – An authenticated API Client instance

                                  • +
                                  • keys (list) – The keys of the image generation model options represented as the enum values.

                                  • +
                                  • values (list) – The display names of the image generation model options.

                                  • +
                                  +
                                  +
                                  +
                                  +
                                  +keys = None
                                  +
                                  + +
                                  +
                                  +values = None
                                  +
                                  + +
                                  +
                                  +deprecated_keys
                                  +
                                  + +
                                  +
                                  +__repr__()
                                  +
                                  + +
                                  +
                                  +to_dict()
                                  +

                                  Get a dict representation of the parameters in this class

                                  +
                                  +
                                  Returns:
                                  +

                                  The dict value representation of the class parameters

                                  +
                                  +
                                  Return type:
                                  +

                                  dict

                                  +
                                  +
                                  +
                                  + +
                                  + +
                                  +
                                  + + +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/stt_gen_settings/index.html b/docs/autoapi/abacusai/stt_gen_settings/index.html new file mode 100644 index 000000000..1c6d54384 --- /dev/null +++ b/docs/autoapi/abacusai/stt_gen_settings/index.html @@ -0,0 +1,482 @@ + + + + + + + + + abacusai.stt_gen_settings — AbacusAI documentation + + + + + + + + + + + + + + + + + + +
                                  + + +
                                  + +
                                  +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + +
                                  +

                                  abacusai.stt_gen_settings

                                  +
                                  +

                                  Classes

                                  + + + + + + +

                                  SttGenSettings

                                  STT generation settings

                                  +
                                  +
                                  +

                                  Module Contents

                                  +
                                  +
                                  +class abacusai.stt_gen_settings.SttGenSettings(client, settings=None, model={})
                                  +

                                  Bases: abacusai.return_class.AbstractApiClass

                                  +

                                  STT generation settings

                                  +
                                  +
                                  Parameters:
                                  +
                                    +
                                  • client (ApiClient) – An authenticated API Client instance

                                  • +
                                  • settings (dict) – The settings for each model.

                                  • +
                                  • model (SttGenModel) – Dropdown for models available for STT generation.

                                  • +
                                  +
                                  +
                                  +
                                  +
                                  +settings = None
                                  +
                                  + +
                                  +
                                  +model
                                  +
                                  + +
                                  +
                                  +deprecated_keys
                                  +
                                  + +
                                  +
                                  +__repr__()
                                  +
                                  + +
                                  +
                                  +to_dict()
                                  +

                                  Get a dict representation of the parameters in this class

                                  +
                                  +
                                  Returns:
                                  +

                                  The dict value representation of the class parameters

                                  +
                                  +
                                  Return type:
                                  +

                                  dict

                                  +
                                  +
                                  +
                                  + +
                                  + +
                                  +
                                  + + +
                                  +
                                  + +
                                  +
                                  +
                                  +
                                  + + + + \ No newline at end of file diff --git a/docs/autoapi/abacusai/template_node_details/index.html b/docs/autoapi/abacusai/template_node_details/index.html index 804653d3c..b1e79c79b 100644 --- a/docs/autoapi/abacusai/template_node_details/index.html +++ b/docs/autoapi/abacusai/template_node_details/index.html @@ -21,7 +21,7 @@ - + @@ -69,6 +69,8 @@
                                • abacusai.app_user_group_sign_in_token
                                • abacusai.application_connector
                                • abacusai.audio_gen_settings
                                • +
                                • abacusai.audio_url_result
                                • +
                                • abacusai.audit_log
                                • abacusai.batch_prediction
                                • abacusai.batch_prediction_version
                                • abacusai.batch_prediction_version_logs
                                • @@ -77,25 +79,38 @@
                                • abacusai.chat_message
                                • abacusai.chat_session
                                • abacusai.chatllm_computer
                                • +
                                • abacusai.chatllm_computer_status
                                • +
                                • abacusai.chatllm_memory
                                • +
                                • abacusai.chatllm_project
                                • +
                                • abacusai.chatllm_project_permissions
                                • abacusai.chatllm_referral_invite
                                • abacusai.chatllm_task
                                • abacusai.client
                                • abacusai.code_agent_response
                                • +
                                • abacusai.code_autocomplete_edit_prediction_response
                                • abacusai.code_autocomplete_response
                                • abacusai.code_bot
                                • abacusai.code_edit
                                • abacusai.code_edit_response
                                • abacusai.code_edits
                                • +
                                • abacusai.code_embeddings
                                • +
                                • abacusai.code_llm_changed_files
                                • abacusai.code_source
                                • +
                                • abacusai.code_suggestion_validation_response
                                • +
                                • abacusai.code_summary_response
                                • +
                                • abacusai.codellm_embedding_constants
                                • abacusai.compute_point_info
                                • abacusai.concatenation_config
                                • +
                                • abacusai.constants_autocomplete_response
                                • abacusai.cpu_gpu_memory_specs
                                • abacusai.cryptography
                                • abacusai.custom_chat_instructions
                                • +
                                • abacusai.custom_domain
                                • abacusai.custom_loss_function
                                • abacusai.custom_metric
                                • abacusai.custom_metric_version
                                • abacusai.custom_train_function_info
                                • +
                                • abacusai.daemon_task_conversation
                                • abacusai.data_consistency_duplication
                                • abacusai.data_metrics
                                • abacusai.data_prep_logs
                                • @@ -109,6 +124,7 @@
                                • abacusai.dataset_column
                                • abacusai.dataset_version
                                • abacusai.dataset_version_logs
                                • +
                                • abacusai.default_llm
                                • abacusai.deployment
                                • abacusai.deployment_auth_token
                                • abacusai.deployment_conversation
                                • @@ -119,6 +135,9 @@
                                • abacusai.document_retriever
                                • abacusai.document_retriever_lookup_result
                                • abacusai.document_retriever_version
                                • +
                                • abacusai.document_retriever_version_logs
                                • +
                                • abacusai.domain_purchase_result
                                • +
                                • abacusai.domain_search_result
                                • abacusai.drift_distribution
                                • abacusai.drift_distributions
                                • abacusai.eda
                                • @@ -129,7 +148,9 @@
                                • abacusai.eda_feature_collinearity
                                • abacusai.eda_forecasting_analysis
                                • abacusai.eda_version
                                • +
                                • abacusai.edit_image_models
                                • abacusai.embedding_feature_drift_distribution
                                • +
                                • abacusai.entri_auth_token
                                • abacusai.execute_feature_group_operation
                                • abacusai.external_application
                                • abacusai.external_invite
                                • @@ -156,7 +177,6 @@
                                • abacusai.feature_importance
                                • abacusai.feature_mapping
                                • abacusai.feature_performance_analysis
                                • -
                                • abacusai.feature_record
                                • abacusai.file_connector
                                • abacusai.file_connector_instructions
                                • abacusai.file_connector_verification
                                • @@ -164,20 +184,32 @@
                                • abacusai.forecasting_analysis_graph_data
                                • abacusai.forecasting_monitor_item_analysis
                                • abacusai.forecasting_monitor_summary
                                • +
                                • abacusai.fs_entry
                                • abacusai.function_logs
                                • abacusai.generated_pit_feature_config_option
                                • abacusai.global_context
                                • abacusai.graph_dashboard
                                • abacusai.holdout_analysis
                                • abacusai.holdout_analysis_version
                                • +
                                • abacusai.hosted_app
                                • +
                                • abacusai.hosted_app_container
                                • +
                                • abacusai.hosted_app_file_read
                                • +
                                • abacusai.hosted_artifact
                                • +
                                • abacusai.hosted_database
                                • +
                                • abacusai.hosted_database_snapshot
                                • abacusai.hosted_model_token
                                • +
                                • abacusai.hostname_info
                                • abacusai.hume_voice
                                • +
                                • abacusai.image_gen_model
                                • +
                                • abacusai.image_gen_model_options
                                • abacusai.image_gen_settings
                                • abacusai.indexing_config
                                • abacusai.inferred_database_column_to_feature_mappings
                                • abacusai.inferred_feature_mappings
                                • abacusai.item_statistics
                                • +
                                • abacusai.lip_sync_gen_settings
                                • abacusai.llm_app
                                • +
                                • abacusai.llm_artifact
                                • abacusai.llm_code_block
                                • abacusai.llm_execution_preview
                                • abacusai.llm_execution_result
                                • @@ -185,6 +217,10 @@
                                • abacusai.llm_input
                                • abacusai.llm_parameters
                                • abacusai.llm_response
                                • +
                                • abacusai.mcp_config
                                • +
                                • abacusai.mcp_server
                                • +
                                • abacusai.mcp_server_connection
                                • +
                                • abacusai.mcp_server_query_result
                                • abacusai.memory_options
                                • abacusai.messaging_connector_response
                                • abacusai.model
                                • @@ -239,6 +275,8 @@
                                • abacusai.prediction_log_record
                                • abacusai.prediction_operator
                                • abacusai.prediction_operator_version
                                • +
                                • abacusai.presentation_export_result
                                • +
                                • abacusai.private_web_app_deployment
                                • abacusai.problem_type
                                • abacusai.project
                                • abacusai.project_config
                                • @@ -255,16 +293,24 @@
                                • abacusai.refresh_policy
                                • abacusai.refresh_schedule
                                • abacusai.regenerate_llm_external_application
                                • +
                                • abacusai.regenerate_llm_option
                                • abacusai.resolved_feature_group_template
                                • abacusai.return_class
                                • abacusai.routing_action
                                • abacusai.schema
                                • +
                                • abacusai.session_summary
                                • +
                                • abacusai.session_transcript
                                • +
                                • abacusai.session_transcripts
                                • abacusai.sftp_key
                                • abacusai.streaming_auth_token
                                • abacusai.streaming_client
                                • abacusai.streaming_connector
                                • abacusai.streaming_row_count
                                • abacusai.streaming_sample_code
                                • +
                                • abacusai.sts_gen_settings
                                • +
                                • abacusai.stt_gen_model
                                • +
                                • abacusai.stt_gen_model_options
                                • +
                                • abacusai.stt_gen_settings
                                • abacusai.template_node_details + -
                                • +
                                • custom_instructions (abacusai.chatllm_project.ChatllmProject attribute) + +
                                • custom_loss_functions (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -8546,6 +9846,12 @@

                                  C

                                • +
                                • CustomDomain (class in abacusai) + +
                                • CustomLossFunction (class in abacusai) @@ -8594,6 +9900,22 @@

                                  C

                                  D

                                  + - - + @@ -15250,20 +17294,28 @@

                                  G

                                • (abacusai.LLMName attribute)
                                • -
                                • GEMINI_2_FLASH (abacusai.api_class.enums.LLMName attribute) +
                                • GEMINI_2_5_FLASH (abacusai.api_class.enums.LLMName attribute)
                                • +
                                • GEMINI_2_5_PRO (abacusai.api_class.enums.LLMName attribute) + +
                                • -
                                • GEMINI_2_FLASH_THINKING (abacusai.api_class.enums.LLMName attribute) +
                                • GEMINI_2_FLASH (abacusai.api_class.enums.LLMName attribute)
                                • GEMINI_2_PRO (abacusai.api_class.enums.LLMName attribute) @@ -15272,6 +17324,22 @@

                                  G

                                • (abacusai.api_class.LLMName attribute)
                                • (abacusai.LLMName attribute) +
                                • + +
                                • GEMINI_3_FLASH (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • GEMINI_3_PRO (abacusai.api_class.enums.LLMName attribute) + +
                                • gender (abacusai.hume_voice.HumeVoice attribute) @@ -15298,16 +17366,6 @@

                                  G

                                • -
                                • generate_image() (abacusai.ApiClient method) - -
                                • generate_natural_language_explanation() (abacusai.client.ReadOnlyClient method) @@ -15346,12 +17404,20 @@

                                  G

                                • Generic404Error
                                • +
                                • GENERIC_OAUTH (abacusai.api_class.ApplicationConnectorType attribute) + +
                                • GenericPermissionDeniedError
                                • get() (abacusai.api_class.abstract.ApiClass method)
                                • +
                                • get_assignments_online_with_new_inputs() (abacusai.ApiClient method) + +
                                • +
                                • get_assignments_online_with_new_serialized_inputs() (abacusai.ApiClient method) + +
                                • +
                                • get_auth() (abacusai.database_connector.DatabaseConnector method) + +
                                • get_batch_prediction_connector_errors() (abacusai.batch_prediction_version.BatchPredictionVersion method) @@ -15640,6 +17728,12 @@

                                  G

                                • (abacusai.FeatureGroup method)
                                • (abacusai.ReadOnlyClient method) +
                                • + +
                                • get_database_connector_auth() (abacusai.client.ReadOnlyClient method) + +
                                • get_database_connector_object_schema() (abacusai.client.ReadOnlyClient method) @@ -15664,12 +17758,28 @@

                                  G

                                • +
                                • get_deep_agent_response() (abacusai.ApiClient method) + +
                                • get_deployment_conversation() (abacusai.client.ReadOnlyClient method)
                                • +
                                • get_deployment_conversation_file() (abacusai.client.ReadOnlyClient method) + +
                                • get_deployment_statistics_over_time() (abacusai.client.ReadOnlyClient method) @@ -15894,6 +18004,12 @@

                                  G

                                • +
                                • get_file() (abacusai.deployment_conversation.DeploymentConversation method) + +
                                • get_file_connector_instructions() (abacusai.client.ReadOnlyClient method) @@ -15910,12 +18026,34 @@

                                  G

                                • (abacusai.prediction_client.PredictionClient method)
                                • (abacusai.PredictionClient method) +
                                • + +
                                • get_function_name() (abacusai.api_class.ai_agents.InputNode method) + +
                                • get_initialized_data() (abacusai.ApiClient method)
                                • +
                                • get_input_schema() (abacusai.api_class.ai_agents.InputNode method) + +
                                • get_item_data (abacusai.api_class.CumulativeForecastingPredictionArguments attribute) @@ -15942,6 +18080,8 @@

                                  G

                                • (abacusai.PredictionClient method)
                                • + + - - + - + - + @@ -19722,10 +22494,16 @@

                                  M

                                • (class in abacusai.api_class.enums)
                                • -
                                • mask_pii (abacusai.api_class.dataset.DocumentProcessingConfig attribute) +
                                • mask_pii (abacusai.api_class.ChatLLMTrainingConfig attribute)
                                • +
                                • max_concurrent_requests (abacusai.codellm_embedding_constants.CodellmEmbeddingConstants attribute) + +
                                • max_count (abacusai.data_upload_result.DataUploadResult attribute)
                                • +
                                • max_days_to_lookback (abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig attribute) + +
                                • max_dimension (abacusai.api_class.CustomTrainedModelTrainingConfig attribute) @@ -19798,6 +22590,24 @@

                                  M

                                • (abacusai.api_class.PersonalizationTrainingConfig attribute)
                                • (abacusai.PersonalizationTrainingConfig attribute) +
                                • + +
                                • max_lines (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • max_occurrences_per_word (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • max_pending_requests (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • max_scale_context (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -19814,6 +22624,24 @@

                                  M

                                • (abacusai.api_class.model.ChatLLMTrainingConfig attribute)
                                • (abacusai.ChatLLMTrainingConfig attribute) +
                                • + +
                                • max_supported_workspace_chunks (abacusai.codellm_embedding_constants.CodellmEmbeddingConstants attribute) + +
                                • +
                                • max_supported_workspace_files (abacusai.codellm_embedding_constants.CodellmEmbeddingConstants attribute) + +
                                • +
                                • max_symbols_fuzzy_match (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • max_text_words (abacusai.api_class.model.RegressionTrainingConfig attribute) @@ -19830,6 +22658,18 @@

                                  M

                                • (abacusai.api_class.RegressionTrainingConfig attribute)
                                • (abacusai.RegressionTrainingConfig attribute) +
                                • + +
                                • max_tracked_recent_changes (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • max_tracked_visit_changes (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • max_user_history_len_percentile (abacusai.api_class.model.PersonalizationTrainingConfig attribute) @@ -19846,6 +22686,64 @@

                                  M

                                • (abacusai.api_class.RestrictFeatureMappings attribute)
                                • (abacusai.RestrictFeatureMappings attribute) +
                                • + +
                                • max_words_content_matches (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • MCP (abacusai.api_class.ApplicationConnectorType attribute) + +
                                • +
                                • mcp_config (abacusai.mcp_config.McpConfig attribute) + +
                                • +
                                • mcp_server_connection_id (abacusai.mcp_server_connection.McpServerConnection attribute) + +
                                • +
                                • mcp_servers (abacusai.api_class.ChatLLMTrainingConfig attribute) + +
                                • +
                                • McpConfig (class in abacusai) + +
                                • +
                                • McpServer (class in abacusai) + +
                                • +
                                • McpServerConnection (class in abacusai) + +
                                • +
                                • McpServerQueryResult (class in abacusai) + +
                                • MD (abacusai.api_class.enums.FileFormat attribute) @@ -19916,6 +22814,10 @@

                                  M

                                • -
                                • merge_file_schemas (abacusai.api_class.BoxDatasetConfig attribute) +
                                • merge_file_schemas (abacusai.api_class.AzureStorageDatasetConfig attribute)
                                • +
                                • MESSAGING_APP (abacusai.AgentClientType attribute) + +
                                • messaging_bot_name (abacusai.messaging_connector_response.MessagingConnectorResponse attribute) @@ -20096,8 +23022,28 @@

                                  M

                                • (abacusai.DeploymentConversation attribute)
                                • (abacusai.document_data.DocumentData attribute) +
                                • +
                                • (abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult attribute)
                                • (abacusai.DocumentData attribute) +
                                • +
                                • (abacusai.DocumentRetrieverLookupResult attribute) +
                                • +
                                • (abacusai.mcp_server.McpServer attribute) +
                                • +
                                • (abacusai.mcp_server_connection.McpServerConnection attribute) +
                                • +
                                • (abacusai.McpServer attribute) +
                                • +
                                • (abacusai.McpServerConnection attribute) +
                                • +
                                • (abacusai.organization_secret.OrganizationSecret attribute) +
                                • +
                                • (abacusai.OrganizationSecret attribute) +
                                • +
                                • (abacusai.web_app_domain.WebAppDomain attribute) +
                                • +
                                • (abacusai.WebAppDomain attribute)
                                • metadata_columns (abacusai.api_class.ChatLLMTrainingConfig attribute) @@ -20118,6 +23064,10 @@

                                  M

                                • MethodNotAllowed @@ -20248,6 +23198,14 @@

                                  M

                                • +
                                • MIN_AGENT_SLEEP_TIME (in module abacusai) + +
                                • min_categorical_count (abacusai.api_class.model.RegressionTrainingConfig attribute) @@ -20272,6 +23230,18 @@

                                  M

                                • (abacusai.api_class.ForecastingLocalScaling attribute)
                                • (abacusai.ForecastingLocalScaling attribute) +
                                • + +
                                • min_refresh_summary_interval (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • min_reindexing_interval (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • min_samples_in_normal_region (abacusai.api_class.model.TimeseriesAnomalyTrainingConfig attribute) @@ -20280,6 +23250,12 @@

                                  M

                                • (abacusai.api_class.TimeseriesAnomalyTrainingConfig attribute)
                                • (abacusai.TimeseriesAnomalyTrainingConfig attribute) +
                                • + +
                                • min_search_word_length (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • MIN_STD (abacusai.api_class.enums.ForecastingLocalScaling attribute) @@ -20370,6 +23346,22 @@

                                  M

                                • (abacusai.image_gen_settings.ImageGenSettings attribute)
                                • (abacusai.ImageGenSettings attribute) +
                                • +
                                • (abacusai.lip_sync_gen_settings.LipSyncGenSettings attribute) +
                                • +
                                • (abacusai.LipSyncGenSettings attribute) +
                                • +
                                • (abacusai.sts_gen_settings.StsGenSettings attribute) +
                                • +
                                • (abacusai.StsGenSettings attribute) +
                                • +
                                • (abacusai.stt_gen_settings.SttGenSettings attribute) +
                                • +
                                • (abacusai.SttGenSettings attribute) +
                                • +
                                • (abacusai.tts_gen_settings.TtsGenSettings attribute) +
                                • +
                                • (abacusai.TtsGenSettings attribute)
                                • (abacusai.video_gen_settings.VideoGenSettings attribute)
                                • @@ -20422,6 +23414,12 @@

                                  M

                                • (abacusai.model_version.ModelVersion attribute)
                                • (abacusai.ModelVersion attribute) +
                                • + +
                                • model_costs (abacusai.video_gen_costs.VideoGenCosts attribute) + +
                                • model_deployment_config (abacusai.Deployment attribute) @@ -20742,6 +23740,12 @@

                                  M

                                • +
                                • models (abacusai.edit_image_models.EditImageModels attribute) + +
                                • ModelTrainingTypeForDeployment (class in abacusai) @@ -20786,6 +23790,12 @@

                                  M

                                • +
                                • modified (abacusai.fs_entry.FsEntry attribute) + +
                                • @@ -20877,6 +23887,10 @@

                                  M

                                • abacusai.application_connector
                                • abacusai.audio_gen_settings +
                                • +
                                • abacusai.audio_url_result +
                                • +
                                • abacusai.audit_log
                                • abacusai.batch_prediction
                                • @@ -20893,6 +23907,14 @@

                                  M

                                • abacusai.chat_session
                                • abacusai.chatllm_computer +
                                • +
                                • abacusai.chatllm_computer_status +
                                • +
                                • abacusai.chatllm_memory +
                                • +
                                • abacusai.chatllm_project +
                                • +
                                • abacusai.chatllm_project_permissions
                                • abacusai.chatllm_referral_invite
                                • @@ -20901,6 +23923,8 @@

                                  M

                                • abacusai.client
                                • abacusai.code_agent_response +
                                • +
                                • abacusai.code_autocomplete_edit_prediction_response
                                • abacusai.code_autocomplete_response
                                • @@ -20911,18 +23935,32 @@

                                  M

                                • abacusai.code_edit_response
                                • abacusai.code_edits +
                                • +
                                • abacusai.code_embeddings +
                                • +
                                • abacusai.code_llm_changed_files
                                • abacusai.code_source +
                                • +
                                • abacusai.code_suggestion_validation_response +
                                • +
                                • abacusai.code_summary_response +
                                • +
                                • abacusai.codellm_embedding_constants
                                • abacusai.compute_point_info
                                • abacusai.concatenation_config +
                                • +
                                • abacusai.constants_autocomplete_response
                                • abacusai.cpu_gpu_memory_specs
                                • abacusai.cryptography
                                • abacusai.custom_chat_instructions +
                                • +
                                • abacusai.custom_domain
                                • abacusai.custom_loss_function
                                • @@ -20931,6 +23969,8 @@

                                  M

                                • abacusai.custom_metric_version
                                • abacusai.custom_train_function_info +
                                • +
                                • abacusai.daemon_task_conversation
                                • abacusai.data_consistency_duplication
                                • @@ -20957,6 +23997,8 @@

                                  M

                                • abacusai.dataset_version
                                • abacusai.dataset_version_logs +
                                • +
                                • abacusai.default_llm
                                • abacusai.deployment
                                • @@ -20977,6 +24019,12 @@

                                  M

                                • abacusai.document_retriever_lookup_result
                                • abacusai.document_retriever_version +
                                • +
                                • abacusai.document_retriever_version_logs +
                                • +
                                • abacusai.domain_purchase_result +
                                • +
                                • abacusai.domain_search_result
                                • abacusai.drift_distribution
                                • @@ -20997,8 +24045,12 @@

                                  M

                                • abacusai.eda_forecasting_analysis
                                • abacusai.eda_version +
                                • +
                                • abacusai.edit_image_models
                                • abacusai.embedding_feature_drift_distribution +
                                • +
                                • abacusai.entri_auth_token
                                • abacusai.execute_feature_group_operation
                                • @@ -21051,8 +24103,6 @@

                                  M

                                • abacusai.feature_mapping
                                • abacusai.feature_performance_analysis -
                                • -
                                • abacusai.feature_record
                                • abacusai.file_connector
                                • @@ -21067,6 +24117,8 @@

                                  M

                                • abacusai.forecasting_monitor_item_analysis
                                • abacusai.forecasting_monitor_summary +
                                • +
                                • abacusai.fs_entry
                                • abacusai.function_logs
                                • @@ -21079,10 +24131,28 @@

                                  M

                                • abacusai.holdout_analysis
                                • abacusai.holdout_analysis_version +
                                • +
                                • abacusai.hosted_app +
                                • +
                                • abacusai.hosted_app_container +
                                • +
                                • abacusai.hosted_app_file_read +
                                • +
                                • abacusai.hosted_artifact +
                                • +
                                • abacusai.hosted_database +
                                • +
                                • abacusai.hosted_database_snapshot
                                • abacusai.hosted_model_token +
                                • +
                                • abacusai.hostname_info
                                • abacusai.hume_voice +
                                • +
                                • abacusai.image_gen_model +
                                • +
                                • abacusai.image_gen_model_options
                                • abacusai.image_gen_settings
                                • @@ -21093,8 +24163,12 @@

                                  M

                                • abacusai.inferred_feature_mappings
                                • abacusai.item_statistics +
                                • +
                                • abacusai.lip_sync_gen_settings
                                • abacusai.llm_app +
                                • +
                                • abacusai.llm_artifact
                                • abacusai.llm_code_block
                                • @@ -21109,6 +24183,14 @@

                                  M

                                • abacusai.llm_parameters
                                • abacusai.llm_response +
                                • +
                                • abacusai.mcp_config +
                                • +
                                • abacusai.mcp_server +
                                • +
                                • abacusai.mcp_server_connection +
                                • +
                                • abacusai.mcp_server_query_result
                                • abacusai.memory_options
                                • @@ -21217,6 +24299,10 @@

                                  M

                                • abacusai.prediction_operator
                                • abacusai.prediction_operator_version +
                                • +
                                • abacusai.presentation_export_result +
                                • +
                                • abacusai.private_web_app_deployment
                                • abacusai.problem_type
                                • @@ -21249,6 +24335,8 @@

                                  M

                                • abacusai.refresh_schedule
                                • abacusai.regenerate_llm_external_application +
                                • +
                                • abacusai.regenerate_llm_option
                                • abacusai.resolved_feature_group_template
                                • @@ -21257,6 +24345,12 @@

                                  M

                                • abacusai.routing_action
                                • abacusai.schema +
                                • +
                                • abacusai.session_summary +
                                • +
                                • abacusai.session_transcript +
                                • +
                                • abacusai.session_transcripts
                                • abacusai.sftp_key
                                • @@ -21269,6 +24363,14 @@

                                  M

                                • abacusai.streaming_row_count
                                • abacusai.streaming_sample_code +
                                • +
                                • abacusai.sts_gen_settings +
                                • +
                                • abacusai.stt_gen_model +
                                • +
                                • abacusai.stt_gen_model_options +
                                • +
                                • abacusai.stt_gen_settings
                                • abacusai.template_node_details
                                • @@ -21277,8 +24379,12 @@

                                  M

                                • abacusai.tone_details
                                • abacusai.training_config_options +
                                • +
                                • abacusai.tts_gen_settings
                                • abacusai.twitter_search_result +
                                • +
                                • abacusai.unified_connector
                                • abacusai.upload
                                • @@ -21291,18 +24397,34 @@

                                  M

                                • abacusai.user
                                • abacusai.user_exception +
                                • +
                                • abacusai.user_group_object_permission +
                                • +
                                • abacusai.video_gen_costs +
                                • +
                                • abacusai.video_gen_model +
                                • +
                                • abacusai.video_gen_model_options
                                • abacusai.video_gen_settings
                                • abacusai.video_search_result
                                • abacusai.voice_gen_details +
                                • +
                                • abacusai.web_app_conversation +
                                • +
                                • abacusai.web_app_deployment_permission_dict +
                                • +
                                • abacusai.web_app_domain
                                • abacusai.web_page_response
                                • abacusai.web_search_response
                                • abacusai.web_search_result +
                                • +
                                • abacusai.web_service_trigger_run
                                • abacusai.webhook
                                • @@ -21597,6 +24719,12 @@

                                  N

                                • (abacusai.Algorithm attribute)
                                • (abacusai.algorithm.Algorithm attribute) +
                                • +
                                • (abacusai.api_class.ai_agents.DecisionNode attribute) +
                                • +
                                • (abacusai.api_class.ai_agents.InputNode attribute) +
                                • +
                                • (abacusai.api_class.ai_agents.LLMAgentNode attribute)
                                • (abacusai.api_class.ai_agents.WorkflowNodeInputMapping attribute)
                                • @@ -21607,8 +24735,14 @@

                                  N

                                • (abacusai.api_class.ai_agents.WorkflowNodeTemplateInput attribute)
                                • (abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput attribute) +
                                • +
                                • (abacusai.api_class.DecisionNode attribute)
                                • (abacusai.api_class.DeployableAlgorithm attribute) +
                                • +
                                • (abacusai.api_class.InputNode attribute) +
                                • +
                                • (abacusai.api_class.LLMAgentNode attribute)
                                • (abacusai.api_class.model.DeployableAlgorithm attribute)
                                • @@ -21647,8 +24781,12 @@

                                  N

                                • (abacusai.CategoricalRangeViolation attribute)
                                • (abacusai.chat_session.ChatSession attribute) +
                                • +
                                • (abacusai.chatllm_project.ChatllmProject attribute)
                                • (abacusai.chatllm_task.ChatllmTask attribute) +
                                • +
                                • (abacusai.ChatllmProject attribute)
                                • (abacusai.ChatllmTask attribute)
                                • @@ -21681,6 +24819,12 @@

                                  N

                                • (abacusai.dataset_column.DatasetColumn attribute)
                                • (abacusai.DatasetColumn attribute) +
                                • +
                                • (abacusai.DecisionNode attribute) +
                                • +
                                • (abacusai.default_llm.DefaultLlm attribute) +
                                • +
                                • (abacusai.DefaultLlm attribute)
                                • (abacusai.DeployableAlgorithm attribute)
                                • @@ -21731,6 +24875,10 @@

                                  N

                                • (abacusai.finetuned_pretrained_model.FinetunedPretrainedModel attribute)
                                • (abacusai.FinetunedPretrainedModel attribute) +
                                • +
                                • (abacusai.fs_entry.FsEntry attribute) +
                                • +
                                • (abacusai.FsEntry attribute)
                                • (abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption attribute)
                                • @@ -21743,14 +24891,34 @@

                                  N

                                • (abacusai.holdout_analysis.HoldoutAnalysis attribute)
                                • (abacusai.HoldoutAnalysis attribute) +
                                • +
                                • (abacusai.hosted_app.HostedApp attribute) +
                                • +
                                • (abacusai.hosted_app_container.HostedAppContainer attribute) +
                                • +
                                • (abacusai.HostedApp attribute) +
                                • +
                                • (abacusai.HostedAppContainer attribute)
                                • (abacusai.hume_voice.HumeVoice attribute)
                                • (abacusai.HumeVoice attribute) +
                                • +
                                • (abacusai.InputNode attribute)
                                • (abacusai.llm_app.LlmApp attribute) +
                                • +
                                • (abacusai.LLMAgentNode attribute)
                                • (abacusai.LlmApp attribute) +
                                • +
                                • (abacusai.mcp_server.McpServer attribute) +
                                • +
                                • (abacusai.mcp_server_connection.McpServerConnection attribute) +
                                • +
                                • (abacusai.McpServer attribute) +
                                • +
                                • (abacusai.McpServerConnection attribute)
                                • (abacusai.Model attribute)
                                • @@ -21829,8 +24997,12 @@

                                  N

                                • (abacusai.RefreshPolicy attribute)
                                • (abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication attribute) +
                                • +
                                • (abacusai.regenerate_llm_option.RegenerateLlmOption attribute)
                                • (abacusai.RegenerateLlmExternalApplication attribute) +
                                • +
                                • (abacusai.RegenerateLlmOption attribute)
                                • (abacusai.Schema attribute)
                                • @@ -21847,6 +25019,10 @@

                                  N

                                • (abacusai.training_config_options.TrainingConfigOptions attribute)
                                • (abacusai.TrainingConfigOptions attribute) +
                                • +
                                • (abacusai.unified_connector.UnifiedConnector attribute) +
                                • +
                                • (abacusai.UnifiedConnector attribute)
                                • (abacusai.use_case_requirements.UseCaseRequirements attribute)
                                • @@ -21893,6 +25069,12 @@

                                  N

                                • (class in abacusai.api_class)
                                • (class in abacusai.api_class.model) +
                                • + +
                                • nameservers (abacusai.web_app_domain.WebAppDomain attribute) + +
                                • NATURAL_LANGUAGE_SEARCH (abacusai.api_class.enums.ProblemType attribute) @@ -21941,6 +25123,8 @@

                                  N

                                • (abacusai.PersonalizationObjective attribute)
                                • + + -
                                  +
                                • database_connectors() (abacusai.api_class.ApplicationConnectorType class method) + +
                                • database_feature_mapping (abacusai.feature_group_export.FeatureGroupExport attribute) @@ -9238,6 +10576,34 @@

                                  D

                                • (abacusai.api_class.model.ForecastingTrainingConfig attribute)
                                • (abacusai.ForecastingTrainingConfig attribute) +
                                • + +
                                • DBC (abacusai.api_class.ApplicationConnectorType attribute) + +
                                • +
                                • debounce_delay (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • DecisionNode (class in abacusai) + +
                                • +
                                • deepagent_mode (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute) + +
                                • DEEPSEEK_R1 (abacusai.api_class.enums.LLMName attribute) @@ -9248,12 +10614,12 @@

                                  D

                                • (abacusai.LLMName attribute)
                                • -
                                • DEEPSEEK_V3 (abacusai.api_class.enums.LLMName attribute) +
                                • DEEPSEEK_V3_1 (abacusai.api_class.enums.LLMName attribute)
                                • DEFAULT (abacusai.AgentInterface attribute) @@ -9267,7 +10633,7 @@

                                  D

                                • (abacusai.api_class.enums.WorkflowNodeTemplateType attribute)
                                • -
                                • (abacusai.api_class.OcrMode attribute), [1] +
                                • (abacusai.api_class.OcrMode attribute), [1]
                                • (abacusai.api_class.WorkflowNodeTemplateType attribute)
                                • @@ -9276,10 +10642,18 @@

                                  D

                                • DEFAULT (abacusai.OcrMode attribute) @@ -9292,10 +10666,18 @@

                                  D

                                • (abacusai.PredictionDataset attribute)
                                • (abacusai.PredictionFeatureGroup attribute) +
                                • +
                                • (abacusai.stt_gen_model.SttGenModel attribute) +
                                • +
                                • (abacusai.SttGenModel attribute)
                                • (abacusai.training_config_options.TrainingConfigOptions attribute)
                                • (abacusai.TrainingConfigOptions attribute) +
                                • +
                                • (abacusai.video_gen_model.VideoGenModel attribute) +
                                • +
                                • (abacusai.VideoGenModel attribute)
                                • DEFAULT (abacusai.WorkflowNodeTemplateType attribute) @@ -9342,12 +10724,36 @@

                                  D

                                • DEFAULT_SERVER (in module abacusai.client)
                                • +
                                • default_surrounding_lines (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • default_value (abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig attribute)
                                • +
                                • DefaultLlm (class in abacusai) + +
                                • +
                                • delay_summary_batches (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • delay_summary_batches_rate_limit (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • delete() (abacusai.api_key.ApiKey method) @@ -9798,6 +11204,12 @@

                                  D

                                • +
                                • deleted_files (abacusai.code_llm_changed_files.CodeLlmChangedFiles attribute) + +
                                • deletions (abacusai.eda_data_consistency.EdaDataConsistency attribute) @@ -9850,6 +11262,18 @@

                                  D

                                • +
                                • deployed_llm_artifact_id (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • +
                                • deployed_status (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • Deployment (class in abacusai) @@ -9870,6 +11294,10 @@

                                  D

                                • (abacusai.code_agent_response.CodeAgentResponse attribute)
                                • (abacusai.CodeAgentResponse attribute) +
                                • +
                                • (abacusai.daemon_task_conversation.DaemonTaskConversation attribute) +
                                • +
                                • (abacusai.DaemonTaskConversation attribute)
                                • (abacusai.deployment_conversation.DeploymentConversation attribute)
                                • @@ -9878,10 +11306,44 @@

                                  D

                                • (abacusai.DeploymentConversation attribute)
                                • (abacusai.DeploymentConversationExport attribute) +
                                • +
                                • (abacusai.hosted_app.HostedApp attribute) +
                                • +
                                • (abacusai.hosted_app_container.HostedAppContainer attribute) +
                                • +
                                • (abacusai.hosted_artifact.HostedArtifact attribute) +
                                • +
                                • (abacusai.HostedApp attribute) +
                                • +
                                • (abacusai.HostedAppContainer attribute) +
                                • +
                                • (abacusai.HostedArtifact attribute) +
                                • +
                                • (abacusai.llm_artifact.LlmArtifact attribute) +
                                • +
                                • (abacusai.LlmArtifact attribute)
                                • (abacusai.nlp_chat_response.NlpChatResponse attribute)
                                • (abacusai.NlpChatResponse attribute) +
                                • +
                                • (abacusai.private_web_app_deployment.PrivateWebAppDeployment attribute) +
                                • +
                                • (abacusai.PrivateWebAppDeployment attribute) +
                                • +
                                • (abacusai.web_app_conversation.WebAppConversation attribute) +
                                • +
                                • (abacusai.WebAppConversation attribute) +
                                • + +
                                • deployment_conversation_name (abacusai.daemon_task_conversation.DaemonTaskConversation attribute) + +
                                • deployment_conversation_retention_hours (abacusai.external_application.ExternalApplication attribute) @@ -9962,12 +11424,22 @@

                                  D

                                • +
                                • deployment_permissions (abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict attribute) + +
                                • deployment_status (abacusai.document_retriever_version.DocumentRetrieverVersion attribute)
                                • deployment_token (abacusai.deployment_auth_token.DeploymentAuthToken attribute) @@ -10116,8 +11588,16 @@

                                  D

                                • (abacusai.AppUserGroupSignInToken attribute)
                                • (abacusai.audio_gen_settings.AudioGenSettings attribute) +
                                • +
                                • (abacusai.audio_url_result.AudioUrlResult attribute)
                                • (abacusai.AudioGenSettings attribute) +
                                • +
                                • (abacusai.AudioUrlResult attribute) +
                                • +
                                • (abacusai.audit_log.AuditLog attribute) +
                                • +
                                • (abacusai.AuditLog attribute)
                                • (abacusai.batch_prediction.BatchPrediction attribute)
                                • @@ -10144,12 +11624,28 @@

                                  D

                                • (abacusai.chat_session.ChatSession attribute)
                                • (abacusai.chatllm_computer.ChatllmComputer attribute) +
                                • +
                                • (abacusai.chatllm_computer_status.ChatllmComputerStatus attribute) +
                                • +
                                • (abacusai.chatllm_memory.ChatllmMemory attribute) +
                                • +
                                • (abacusai.chatllm_project.ChatllmProject attribute) +
                                • +
                                • (abacusai.chatllm_project_permissions.ChatllmProjectPermissions attribute)
                                • (abacusai.chatllm_referral_invite.ChatllmReferralInvite attribute)
                                • (abacusai.chatllm_task.ChatllmTask attribute)
                                • (abacusai.ChatllmComputer attribute) +
                                • +
                                • (abacusai.ChatllmComputerStatus attribute) +
                                • +
                                • (abacusai.ChatllmMemory attribute) +
                                • +
                                • (abacusai.ChatllmProject attribute) +
                                • +
                                • (abacusai.ChatllmProjectPermissions attribute)
                                • (abacusai.ChatllmReferralInvite attribute)
                                • @@ -10160,6 +11656,8 @@

                                  D

                                • (abacusai.ChatSession attribute)
                                • (abacusai.code_agent_response.CodeAgentResponse attribute) +
                                • +
                                • (abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse attribute)
                                • (abacusai.code_autocomplete_response.CodeAutocompleteResponse attribute)
                                • @@ -10170,10 +11668,20 @@

                                  D

                                • (abacusai.code_edit_response.CodeEditResponse attribute)
                                • (abacusai.code_edits.CodeEdits attribute) +
                                • +
                                • (abacusai.code_embeddings.CodeEmbeddings attribute) +
                                • +
                                • (abacusai.code_llm_changed_files.CodeLlmChangedFiles attribute)
                                • (abacusai.code_source.CodeSource attribute) +
                                • +
                                • (abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse attribute) +
                                • +
                                • (abacusai.code_summary_response.CodeSummaryResponse attribute)
                                • (abacusai.CodeAgentResponse attribute) +
                                • +
                                • (abacusai.CodeAutocompleteEditPredictionResponse attribute)
                                • (abacusai.CodeAutocompleteResponse attribute)
                                • @@ -10184,8 +11692,20 @@

                                  D

                                • (abacusai.CodeEditResponse attribute)
                                • (abacusai.CodeEdits attribute) +
                                • +
                                • (abacusai.CodeEmbeddings attribute) +
                                • +
                                • (abacusai.codellm_embedding_constants.CodellmEmbeddingConstants attribute) +
                                • +
                                • (abacusai.CodeLlmChangedFiles attribute) +
                                • +
                                • (abacusai.CodellmEmbeddingConstants attribute)
                                • (abacusai.CodeSource attribute) +
                                • +
                                • (abacusai.CodeSuggestionValidationResponse attribute) +
                                • +
                                • (abacusai.CodeSummaryResponse attribute)
                                • (abacusai.compute_point_info.ComputePointInfo attribute)
                                • @@ -10194,12 +11714,18 @@

                                  D

                                • (abacusai.concatenation_config.ConcatenationConfig attribute)
                                • (abacusai.ConcatenationConfig attribute) +
                                • +
                                • (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) +
                                • +
                                • (abacusai.ConstantsAutocompleteResponse attribute)
                                • (abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs attribute)
                                • (abacusai.CpuGpuMemorySpecs attribute)
                                • (abacusai.custom_chat_instructions.CustomChatInstructions attribute) +
                                • +
                                • (abacusai.custom_domain.CustomDomain attribute)
                                • (abacusai.custom_loss_function.CustomLossFunction attribute)
                                • @@ -10210,6 +11736,8 @@

                                  D

                                • (abacusai.custom_train_function_info.CustomTrainFunctionInfo attribute)
                                • (abacusai.CustomChatInstructions attribute) +
                                • +
                                • (abacusai.CustomDomain attribute)
                                • (abacusai.CustomLossFunction attribute)
                                • @@ -10218,6 +11746,10 @@

                                  D

                                • (abacusai.CustomMetricVersion attribute)
                                • (abacusai.CustomTrainFunctionInfo attribute) +
                                • +
                                • (abacusai.daemon_task_conversation.DaemonTaskConversation attribute) +
                                • +
                                • (abacusai.DaemonTaskConversation attribute)
                                • (abacusai.data_consistency_duplication.DataConsistencyDuplication attribute)
                                • @@ -10270,6 +11802,10 @@

                                  D

                                • (abacusai.DatasetVersionLogs attribute)
                                • (abacusai.DataUploadResult attribute) +
                                • +
                                • (abacusai.default_llm.DefaultLlm attribute) +
                                • +
                                • (abacusai.DefaultLlm attribute)
                                • (abacusai.Deployment attribute)
                                • @@ -10302,6 +11838,8 @@

                                  D

                                • (abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult attribute)
                                • (abacusai.document_retriever_version.DocumentRetrieverVersion attribute) +
                                • +
                                • (abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs attribute)
                                • (abacusai.DocumentData attribute)
                                • @@ -10310,6 +11848,16 @@

                                  D

                                • (abacusai.DocumentRetrieverLookupResult attribute)
                                • (abacusai.DocumentRetrieverVersion attribute) +
                                • +
                                • (abacusai.DocumentRetrieverVersionLogs attribute) +
                                • +
                                • (abacusai.domain_purchase_result.DomainPurchaseResult attribute) +
                                • +
                                • (abacusai.domain_search_result.DomainSearchResult attribute) +
                                • +
                                • (abacusai.DomainPurchaseResult attribute) +
                                • +
                                • (abacusai.DomainSearchResult attribute)
                                • (abacusai.drift_distribution.DriftDistribution attribute)
                                • @@ -10350,10 +11898,18 @@

                                  D

                                • (abacusai.EdaForecastingAnalysis attribute)
                                • (abacusai.EdaVersion attribute) +
                                • +
                                • (abacusai.edit_image_models.EditImageModels attribute) +
                                • +
                                • (abacusai.EditImageModels attribute)
                                • (abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution attribute)
                                • (abacusai.EmbeddingFeatureDriftDistribution attribute) +
                                • +
                                • (abacusai.entri_auth_token.EntriAuthToken attribute) +
                                • +
                                • (abacusai.EntriAuthToken attribute)
                                • (abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation attribute)
                                • @@ -10416,8 +11972,6 @@

                                  D

                                • (abacusai.feature_mapping.FeatureMapping attribute)
                                • (abacusai.feature_performance_analysis.FeaturePerformanceAnalysis attribute) -
                                • -
                                • (abacusai.feature_record.FeatureRecord attribute)
                                • (abacusai.FeatureDistribution attribute)
                                • @@ -10460,8 +12014,6 @@

                                  D

                                • (abacusai.FeatureMapping attribute)
                                • (abacusai.FeaturePerformanceAnalysis attribute) -
                                • -
                                • (abacusai.FeatureRecord attribute)
                                • (abacusai.file_connector.FileConnector attribute)
                                • @@ -10490,6 +12042,10 @@

                                  D

                                • (abacusai.ForecastingMonitorItemAnalysis attribute)
                                • (abacusai.ForecastingMonitorSummary attribute) +
                                • +
                                • (abacusai.fs_entry.FsEntry attribute) +
                                • +
                                • (abacusai.FsEntry attribute)
                                • (abacusai.function_logs.FunctionLogs attribute)
                                • @@ -10510,16 +12066,52 @@

                                  D

                                • (abacusai.HoldoutAnalysis attribute)
                                • (abacusai.HoldoutAnalysisVersion attribute) +
                                • +
                                • (abacusai.hosted_app.HostedApp attribute) +
                                • +
                                • (abacusai.hosted_app_container.HostedAppContainer attribute) +
                                • +
                                • (abacusai.hosted_app_file_read.HostedAppFileRead attribute) +
                                • +
                                • (abacusai.hosted_artifact.HostedArtifact attribute) +
                                • +
                                • (abacusai.hosted_database.HostedDatabase attribute) +
                                • +
                                • (abacusai.hosted_database_snapshot.HostedDatabaseSnapshot attribute)
                                • (abacusai.hosted_model_token.HostedModelToken attribute) +
                                • +
                                • (abacusai.HostedApp attribute) +
                                • +
                                • (abacusai.HostedAppContainer attribute) +
                                • +
                                • (abacusai.HostedAppFileRead attribute) +
                                • +
                                • (abacusai.HostedArtifact attribute) +
                                • +
                                • (abacusai.HostedDatabase attribute) +
                                • +
                                • (abacusai.HostedDatabaseSnapshot attribute)
                                • (abacusai.HostedModelToken attribute) +
                                • +
                                • (abacusai.hostname_info.HostnameInfo attribute) +
                                • +
                                • (abacusai.HostnameInfo attribute)
                                • (abacusai.hume_voice.HumeVoice attribute)
                                • (abacusai.HumeVoice attribute) +
                                • +
                                • (abacusai.image_gen_model.ImageGenModel attribute) +
                                • +
                                • (abacusai.image_gen_model_options.ImageGenModelOptions attribute)
                                • (abacusai.image_gen_settings.ImageGenSettings attribute) +
                                • +
                                • (abacusai.ImageGenModel attribute) +
                                • +
                                • (abacusai.ImageGenModelOptions attribute)
                                • (abacusai.ImageGenSettings attribute)
                                • @@ -10538,8 +12130,14 @@

                                  D

                                • (abacusai.item_statistics.ItemStatistics attribute)
                                • (abacusai.ItemStatistics attribute) +
                                • +
                                • (abacusai.lip_sync_gen_settings.LipSyncGenSettings attribute) +
                                • +
                                • (abacusai.LipSyncGenSettings attribute)
                                • (abacusai.llm_app.LlmApp attribute) +
                                • +
                                • (abacusai.llm_artifact.LlmArtifact attribute)
                                • (abacusai.llm_code_block.LlmCodeBlock attribute)
                                • @@ -10556,6 +12154,8 @@

                                  D

                                • (abacusai.llm_response.LlmResponse attribute)
                                • (abacusai.LlmApp attribute) +
                                • +
                                • (abacusai.LlmArtifact attribute)
                                • (abacusai.LlmCodeBlock attribute)
                                • @@ -10570,6 +12170,22 @@

                                  D

                                • (abacusai.LlmParameters attribute)
                                • (abacusai.LlmResponse attribute) +
                                • +
                                • (abacusai.mcp_config.McpConfig attribute) +
                                • +
                                • (abacusai.mcp_server.McpServer attribute) +
                                • +
                                • (abacusai.mcp_server_connection.McpServerConnection attribute) +
                                • +
                                • (abacusai.mcp_server_query_result.McpServerQueryResult attribute) +
                                • +
                                • (abacusai.McpConfig attribute) +
                                • +
                                • (abacusai.McpServer attribute) +
                                • +
                                • (abacusai.McpServerConnection attribute) +
                                • +
                                • (abacusai.McpServerQueryResult attribute)
                                • (abacusai.memory_options.MemoryOptions attribute)
                                • @@ -10782,6 +12398,14 @@

                                  D

                                • (abacusai.PredictionOperator attribute)
                                • (abacusai.PredictionOperatorVersion attribute) +
                                • +
                                • (abacusai.presentation_export_result.PresentationExportResult attribute) +
                                • +
                                • (abacusai.PresentationExportResult attribute) +
                                • +
                                • (abacusai.private_web_app_deployment.PrivateWebAppDeployment attribute) +
                                • +
                                • (abacusai.PrivateWebAppDeployment attribute)
                                • (abacusai.problem_type.ProblemType attribute)
                                • @@ -10840,8 +12464,12 @@

                                  D

                                • (abacusai.RefreshSchedule attribute)
                                • (abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication attribute) +
                                • +
                                • (abacusai.regenerate_llm_option.RegenerateLlmOption attribute)
                                • (abacusai.RegenerateLlmExternalApplication attribute) +
                                • +
                                • (abacusai.RegenerateLlmOption attribute)
                                • (abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate attribute)
                                • @@ -10854,6 +12482,18 @@

                                  D

                                • (abacusai.Schema attribute)
                                • (abacusai.schema.Schema attribute) +
                                • +
                                • (abacusai.session_summary.SessionSummary attribute) +
                                • +
                                • (abacusai.session_transcript.SessionTranscript attribute) +
                                • +
                                • (abacusai.session_transcripts.SessionTranscripts attribute) +
                                • +
                                • (abacusai.SessionSummary attribute) +
                                • +
                                • (abacusai.SessionTranscript attribute) +
                                • +
                                • (abacusai.SessionTranscripts attribute)
                                • (abacusai.sftp_key.SftpKey attribute)
                                • @@ -10874,6 +12514,22 @@

                                  D

                                • (abacusai.StreamingRowCount attribute)
                                • (abacusai.StreamingSampleCode attribute) +
                                • +
                                • (abacusai.sts_gen_settings.StsGenSettings attribute) +
                                • +
                                • (abacusai.StsGenSettings attribute) +
                                • +
                                • (abacusai.stt_gen_model.SttGenModel attribute) +
                                • +
                                • (abacusai.stt_gen_model_options.SttGenModelOptions attribute) +
                                • +
                                • (abacusai.stt_gen_settings.SttGenSettings attribute) +
                                • +
                                • (abacusai.SttGenModel attribute) +
                                • +
                                • (abacusai.SttGenModelOptions attribute) +
                                • +
                                • (abacusai.SttGenSettings attribute)
                                • (abacusai.template_node_details.TemplateNodeDetails attribute)
                                • @@ -10890,10 +12546,18 @@

                                  D

                                • (abacusai.training_config_options.TrainingConfigOptions attribute)
                                • (abacusai.TrainingConfigOptions attribute) +
                                • +
                                • (abacusai.tts_gen_settings.TtsGenSettings attribute) +
                                • +
                                • (abacusai.TtsGenSettings attribute)
                                • (abacusai.twitter_search_result.TwitterSearchResult attribute)
                                • (abacusai.TwitterSearchResult attribute) +
                                • +
                                • (abacusai.unified_connector.UnifiedConnector attribute) +
                                • +
                                • (abacusai.UnifiedConnector attribute)
                                • (abacusai.Upload attribute)
                                • @@ -10916,12 +12580,28 @@

                                  D

                                • (abacusai.user.User attribute)
                                • (abacusai.user_exception.UserException attribute) +
                                • +
                                • (abacusai.user_group_object_permission.UserGroupObjectPermission attribute)
                                • (abacusai.UserException attribute) +
                                • +
                                • (abacusai.UserGroupObjectPermission attribute) +
                                • +
                                • (abacusai.video_gen_costs.VideoGenCosts attribute) +
                                • +
                                • (abacusai.video_gen_model.VideoGenModel attribute) +
                                • +
                                • (abacusai.video_gen_model_options.VideoGenModelOptions attribute)
                                • (abacusai.video_gen_settings.VideoGenSettings attribute)
                                • (abacusai.video_search_result.VideoSearchResult attribute) +
                                • +
                                • (abacusai.VideoGenCosts attribute) +
                                • +
                                • (abacusai.VideoGenModel attribute) +
                                • +
                                • (abacusai.VideoGenModelOptions attribute)
                                • (abacusai.VideoGenSettings attribute)
                                • @@ -10930,12 +12610,26 @@

                                  D

                                • (abacusai.voice_gen_details.VoiceGenDetails attribute)
                                • (abacusai.VoiceGenDetails attribute) +
                                • +
                                • (abacusai.web_app_conversation.WebAppConversation attribute) +
                                • +
                                • (abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict attribute) +
                                • +
                                • (abacusai.web_app_domain.WebAppDomain attribute)
                                • (abacusai.web_page_response.WebPageResponse attribute)
                                • (abacusai.web_search_response.WebSearchResponse attribute)
                                • (abacusai.web_search_result.WebSearchResult attribute) +
                                • +
                                • (abacusai.web_service_trigger_run.WebServiceTriggerRun attribute) +
                                • +
                                • (abacusai.WebAppConversation attribute) +
                                • +
                                • (abacusai.WebAppDeploymentPermissionDict attribute) +
                                • +
                                • (abacusai.WebAppDomain attribute)
                                • (abacusai.Webhook attribute)
                                • @@ -10946,6 +12640,8 @@

                                  D

                                • (abacusai.WebSearchResponse attribute)
                                • (abacusai.WebSearchResult attribute) +
                                • +
                                • (abacusai.WebServiceTriggerRun attribute)
                                • (abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails attribute)
                                • @@ -10964,6 +12660,12 @@

                                  D

                                • (abacusai.api_class.feature_group.CrawlerTransformConfig attribute)
                                • (abacusai.CrawlerTransformConfig attribute) +
                                • + +
                                • derivative_threshold (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • describe() (abacusai.Agent method) @@ -11532,8 +13234,14 @@

                                  D

                                • (abacusai.agent.Agent property)
                                • (abacusai.AIAgentTrainingConfig attribute) +
                                • +
                                • (abacusai.api_class.ai_agents.DecisionNode attribute)
                                • (abacusai.api_class.ai_agents.FieldDescriptor attribute) +
                                • +
                                • (abacusai.api_class.ai_agents.InputNode attribute) +
                                • +
                                • (abacusai.api_class.ai_agents.WorkflowGraphNode attribute)
                                • (abacusai.api_class.ai_agents.WorkflowNodeInputMapping attribute)
                                • @@ -11546,14 +13254,24 @@

                                  D

                                • (abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput attribute)
                                • (abacusai.api_class.AIAgentTrainingConfig attribute) +
                                • +
                                • (abacusai.api_class.DecisionNode attribute)
                                • (abacusai.api_class.FieldDescriptor attribute) +
                                • +
                                • (abacusai.api_class.InputNode attribute)
                                • (abacusai.api_class.model.AIAgentTrainingConfig attribute) +
                                • +
                                • (abacusai.api_class.OutputVariableMapping attribute) +
                                • +
                                • (abacusai.api_class.python_functions.OutputVariableMapping attribute)
                                • (abacusai.api_class.python_functions.PythonFunctionArgument attribute)
                                • (abacusai.api_class.PythonFunctionArgument attribute) +
                                • +
                                • (abacusai.api_class.WorkflowGraphNode attribute)
                                • (abacusai.api_class.WorkflowNodeInputMapping attribute)
                                • @@ -11564,6 +13282,16 @@

                                  D

                                • (abacusai.api_class.WorkflowNodeTemplateInput attribute)
                                • (abacusai.api_class.WorkflowNodeTemplateOutput attribute) +
                                • +
                                • (abacusai.chatllm_project.ChatllmProject attribute) +
                                • +
                                • (abacusai.chatllm_task.ChatllmTask attribute) +
                                • +
                                • (abacusai.ChatllmProject attribute) +
                                • +
                                • (abacusai.ChatllmTask attribute) +
                                • +
                                • (abacusai.DecisionNode attribute)
                                • (abacusai.Deployment attribute)
                                • @@ -11594,10 +13322,24 @@

                                  D

                                • (abacusai.graph_dashboard.GraphDashboard attribute)
                                • (abacusai.GraphDashboard attribute) +
                                • +
                                • (abacusai.InputNode attribute)
                                • (abacusai.llm_app.LlmApp attribute) +
                                • +
                                • (abacusai.llm_artifact.LlmArtifact attribute)
                                • (abacusai.LlmApp attribute) +
                                • +
                                • (abacusai.LlmArtifact attribute) +
                                • +
                                • (abacusai.mcp_server.McpServer attribute) +
                                • +
                                • (abacusai.mcp_server_connection.McpServerConnection attribute) +
                                • +
                                • (abacusai.McpServer attribute) +
                                • +
                                • (abacusai.McpServerConnection attribute)
                                • (abacusai.model_blueprint_stage.ModelBlueprintStage attribute)
                                • @@ -11606,6 +13348,8 @@

                                  D

                                • (abacusai.news_search_result.NewsSearchResult attribute)
                                • (abacusai.NewsSearchResult attribute) +
                                • +
                                • (abacusai.OutputVariableMapping attribute)
                                • (abacusai.project_feature_group.ProjectFeatureGroup attribute)
                                • @@ -11634,6 +13378,8 @@

                                  D

                                • (abacusai.UseCaseRequirements attribute)
                                • (abacusai.workflow_node_template.WorkflowNodeTemplate attribute) +
                                • +
                                • (abacusai.WorkflowGraphNode attribute)
                                • (abacusai.WorkflowNodeInputMapping attribute)
                                • @@ -11720,6 +13466,18 @@

                                  D

                                • (abacusai.api_class.segments.DataframeResponseSection attribute)
                                • (abacusai.DataframeResponseSection attribute) +
                                • + +
                                • diagnostic_each_threshold (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • diagnostics_threshold (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • DICT (abacusai.api_class.enums.WorkflowNodeOutputType attribute) @@ -11728,6 +13486,12 @@

                                  D

                                • (abacusai.api_class.WorkflowNodeOutputType attribute)
                                • (abacusai.WorkflowNodeOutputType attribute) +
                                • + +
                                • diff_threshold (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • DIRECT (abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod attribute) @@ -11744,6 +13508,14 @@

                                  D

                                • (abacusai.api_class.TimeseriesAnomalyUseHeuristic attribute)
                                • (abacusai.TimeseriesAnomalyUseHeuristic attribute) +
                                • + +
                                • disable_data_fetch_for_training (abacusai.api_class.ChatLLMTrainingConfig attribute) + +
                                • disable_data_summarization (abacusai.api_class.ChatLLMTrainingConfig attribute) @@ -11814,12 +13586,26 @@

                                  D

                                • +
                                • display_markdown (abacusai.chatllm_task.ChatllmTask attribute) + +
                                • display_name (abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption attribute)
                                • distance (abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution attribute) @@ -11848,6 +13642,12 @@

                                  D

                                • +
                                • dns_records (abacusai.web_app_domain.WebAppDomain attribute) + +
                                • do_masked_language_model_pretraining (abacusai.api_class.model.RegressionTrainingConfig attribute) @@ -12073,7 +13873,7 @@

                                  D

                                • document_type (abacusai.api_class.dataset.DocumentProcessingConfig attribute)
                                • -
                                • endpoint (abacusai.Webhook attribute) +
                                • endpoint (abacusai.web_service_trigger_run.WebServiceTriggerRun attribute)
                                • enforcement (abacusai.api_class.ConstraintConfig attribute) @@ -12782,6 +14674,30 @@

                                  E

                                • +
                                • EntriAuthToken (class in abacusai) + +
                                • +
                                • enum (abacusai.default_llm.DefaultLlm attribute) + +
                                • +
                                • env_var_instructions (abacusai.mcp_server.McpServer attribute) + +
                                • +
                                • env_vars (abacusai.mcp_server.McpServer attribute) + +
                                • ephemeral (abacusai.Dataset attribute) @@ -12902,6 +14818,10 @@

                                  E

                                • (abacusai.refresh_schedule.RefreshSchedule attribute)
                                • (abacusai.RefreshSchedule attribute) +
                                • +
                                • (abacusai.web_service_trigger_run.WebServiceTriggerRun attribute) +
                                • +
                                • (abacusai.WebServiceTriggerRun attribute)
                                • error_description (abacusai.test_point_predictions.TestPointPredictions attribute) @@ -12910,6 +14830,14 @@

                                  E

                                • (abacusai.TestPointPredictions attribute)
                                • +
                                • error_msg (abacusai.mcp_server_connection.McpServerConnection attribute) + +
                                • +
                                  +
                                • filesystem_status (abacusai.deployment_conversation.DeploymentConversation attribute) + +
                                • fill_missing_values (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -14987,15 +16965,23 @@

                                  F

                                • from_dict() (abacusai._ApiClassFactory class method)
                                • from_response() (abacusai.client._ApiExceptionFactory class method)
                                • +
                                • from_system_tool() (abacusai.api_class.ai_agents.WorkflowGraphNode class method) + +
                                • from_template() (abacusai.api_class.ai_agents.WorkflowGraphNode class method)
                                • +
                                • from_tool() (abacusai.api_class.ai_agents.WorkflowGraphNode class method) + +
                                • +
                                • from_tool_variable_mappings() (abacusai.api_class.ai_agents.WorkflowNodeInputSchema class method) + +
                                • from_value() (abacusai.api_class.enums.MemorySize class method) @@ -15112,6 +17138,12 @@

                                  F

                                • (abacusai.api_class.WorkflowNodeInputSchema class method)
                                • (abacusai.WorkflowNodeInputSchema class method) +
                                • + +
                                • FsEntry (class in abacusai) + +
                                • full_data_retraining (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -15140,9 +17172,15 @@

                                  F

                                • (abacusai.FunctionLogs attribute)
                                • -
                                • function_name (abacusai.feature_group.FeatureGroup attribute) +
                                • function_name (abacusai.api_class.ai_agents.DecisionNode attribute)
                                • +
                                • fuzzy_symbol_match_threshold (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • get_raw_data_from_realtime() (abacusai.Dataset method) + +
                                • +
                                • get_raw_data_from_realtime_dataset() (abacusai.ApiClient method) + +
                                • get_recent_feature_group_streamed_data() (abacusai.client.ReadOnlyClient method) @@ -16214,6 +18380,12 @@

                                  G

                                • +
                                • get_runtime_config() (abacusai.ApiClient method) + +
                                • get_schema() (abacusai.Dataset method) @@ -16252,8 +18424,22 @@

                                  G

                                • (abacusai.PredictionClient method)
                                • -
                                • get_source_code() (in module abacusai.api_class.abstract) +
                                • get_source_code() (abacusai.api_class.ai_agents.InputNode method) + +
                                • get_source_code_info() (in module abacusai.client)
                                • get_statistics_over_time() (abacusai.Deployment method) @@ -16476,6 +18662,18 @@

                                  G

                                • +
                                • get_user_connector_auth() (abacusai.client.ReadOnlyClient method) + +
                                • +
                                • get_user_mcp_connector_auth() (abacusai.client.ReadOnlyClient method) + +
                                • GIF (abacusai.api_class.enums.FileFormat attribute) @@ -16682,18 +18880,62 @@

                                  H

                                • (abacusai.ForecastingTrainingConfig attribute)
                                • (abacusai.TimeseriesAnomalyTrainingConfig attribute) +
                                • + +
                                • has_database (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • +
                                • has_database_snapshot (abacusai.llm_artifact.LlmArtifact attribute) + +
                                • has_external_application_reporting (abacusai.app_user_group.AppUserGroup attribute)
                                • +
                                • has_fast_mode (abacusai.external_application.ExternalApplication attribute) + +
                                • has_history (abacusai.deployment_conversation.DeploymentConversation attribute)
                                • +
                                • has_root_nameservers_configured (abacusai.hostname_info.HostnameInfo attribute) + +
                                • +
                                • has_storage (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • +
                                • has_thinking_option (abacusai.external_application.ExternalApplication attribute) + +
                                • header (abacusai.api_class.DataframeResponseSection attribute) @@ -16702,6 +18944,12 @@

                                  H

                                • (abacusai.api_class.segments.DataframeResponseSection attribute)
                                • (abacusai.DataframeResponseSection attribute) +
                                • + +
                                • headers (abacusai.web_service_trigger_run.WebServiceTriggerRun attribute) + +
                                • height (abacusai.api_class.ImageUrlResponseSection attribute) @@ -16718,6 +18966,20 @@

                                  H

                                • (abacusai.page_data.PageData attribute)
                                • (abacusai.PageData attribute) +
                                • + +
                                • helptext (abacusai.image_gen_model.ImageGenModel attribute) + +
                                • hide_module_code (abacusai.Module attribute) @@ -16745,7 +19007,7 @@

                                  H

                                • highlight_relevant_text (abacusai.api_class.dataset.DocumentProcessingConfig attribute)
                                • -
                                  +
                                • idle_timeout_seconds (abacusai.codellm_embedding_constants.CodellmEmbeddingConstants attribute) + +
                                • IGNORE (abacusai.api_class.enums.WorkflowNodeInputType attribute) @@ -17102,6 +19480,18 @@

                                  I

                                • (abacusai.api_class.ProblemType attribute)
                                • (abacusai.ProblemType attribute) +
                                • + +
                                • ImageGenModel (class in abacusai) + +
                                • +
                                • ImageGenModelOptions (class in abacusai) + +
                                • ImageGenSettings (class in abacusai) @@ -17160,6 +19550,12 @@

                                  I

                                • +
                                • inactive (abacusai.mcp_server_connection.McpServerConnection attribute) + +
                                • include_all_assignments (abacusai.api_class.deployment.OptimizationPredictionArguments attribute) @@ -17384,6 +19780,12 @@

                                  I

                                • +
                                • info (abacusai.llm_artifact.LlmArtifact attribute) + +
                                • infos (abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg attribute) @@ -17420,8 +19822,6 @@

                                  I

                                • (abacusai.PredictionOperator attribute)
                                • -
                                  +
                                • intro_message (abacusai.deployment_conversation.DeploymentConversation attribute) + +
                                • INVALID_PANDAS_COLUMN_NAME_CHARACTERS (in module abacusai.api_client_utils) @@ -17552,6 +19990,12 @@

                                  I

                                • +
                                • is_active (abacusai.mcp_server.McpServer attribute) + +
                                • is_agent (abacusai.external_application.ExternalApplication attribute) @@ -17580,6 +20024,12 @@

                                  I

                                • +
                                • is_codellm_chatmode_supported (abacusai.external_application.ExternalApplication attribute) + +
                                • is_customizable (abacusai.external_application.ExternalApplication attribute) @@ -17592,6 +20042,18 @@

                                  I

                                • +
                                • is_deployable (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • +
                                • is_deployed (abacusai.web_app_domain.WebAppDomain attribute) + +
                                • is_deprecated (abacusai.external_application.ExternalApplication attribute) @@ -17606,6 +20068,12 @@

                                  I

                                • (abacusai.api_class.enums.ApiEnum method)
                                • (abacusai.ApiEnum method) +
                                • + +
                                • is_dev (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • is_documentset (abacusai.api_class.dataset.DatasetConfig attribute) @@ -17636,6 +20104,18 @@

                                  I

                                • +
                                • is_last_message (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute) + +
                                • +
                                • is_latest (abacusai.llm_artifact.LlmArtifact attribute) + +
                                • is_materialization_needed (abacusai.annotations_status.AnnotationsStatus attribute) @@ -17658,7 +20138,7 @@

                                  I

                                • (abacusai.RegressionTrainingConfig attribute)
                                • -
                                • is_ocr_forced() (abacusai.api_class.DocumentType class method), [1] +
                                • is_ocr_forced() (abacusai.api_class.DocumentType class method), [1]
                                • +
                                • is_root_domain (abacusai.hostname_info.HostnameInfo attribute) + +
                                • is_scatter (abacusai.eda_feature_association.EdaFeatureAssociation attribute) @@ -17730,9 +20232,33 @@

                                  I

                                • (abacusai.EdaFeatureAssociation attribute)
                                • -
                                • is_system_created (abacusai.external_application.ExternalApplication attribute) +
                                • is_special_node_type() (abacusai.api_class.ai_agents.InputNode class method) + +
                                • +
                                • is_system_created (abacusai.Deployment attribute)
                                • @@ -17774,12 +20300,36 @@

                                  I

                                • (abacusai.api_class.AgentConversationMessage attribute)
                                • (abacusai.api_class.ai_agents.AgentConversationMessage attribute) +
                                • + +
                                • is_user_api_key_allowed (abacusai.code_bot.CodeBot attribute) + +
                                • +
                                • is_user_level (abacusai.unified_connector.UnifiedConnector attribute) + +
                                • +
                                • is_valid (abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse attribute) + +
                                • is_visible (abacusai.external_application.ExternalApplication attribute)
                                • +
                                • isFolderEmpty (abacusai.fs_entry.FsEntry attribute) + +
                                • ITEM (abacusai.api_class.enums.ForecastingDataSplitType attribute) @@ -17882,6 +20432,12 @@

                                  J

                                • (class in abacusai.api_class)
                                • (class in abacusai.api_class.dataset_application_connector) +
                                • + +
                                • job_reorder_interval (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • JPEG (abacusai.api_class.enums.FileFormat attribute) @@ -18044,6 +20600,20 @@

                                  K

                                • +
                                • keys (abacusai.image_gen_model_options.ImageGenModelOptions attribute) + +
                                • keyword_arguments (abacusai.agent_chat_message.AgentChatMessage attribute) @@ -18296,6 +20866,12 @@

                                  L

                                • +
                                • latest_context (abacusai.deployment_conversation.DeploymentConversation attribute) + +
                                • latest_custom_metric_version (abacusai.custom_metric.CustomMetric attribute) @@ -18387,7 +20963,7 @@

                                  L

                                • LAYOUT (abacusai.api_class.enums.OcrMode attribute)
                                • +
                                • lines_for_snapshot (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • LipSyncGenSettings (class in abacusai) + +
                                • LIST (abacusai.api_class.DataType attribute) @@ -18896,8 +21512,6 @@

                                  L

                                • (abacusai.ReadOnlyClient method)
                                • -
                                  +
                                • LLAMA4_MAVERICK (abacusai.api_class.enums.LLMName attribute) + +
                                • LLM (abacusai.api_class.enums.OcrMode attribute)
                                • -
                                • llm_bot_icon (abacusai.deployment_conversation.DeploymentConversation attribute) +
                                • llm_artifact_id (abacusai.hosted_app_container.HostedAppContainer attribute)
                                • +
                                • llm_bot_icon (abacusai.code_bot.CodeBot attribute) + +
                                • llm_display_name (abacusai.deployment_conversation.DeploymentConversation attribute) @@ -19198,12 +21874,34 @@

                                  L

                                • (abacusai.LlmResponse attribute)
                                • (abacusai.NaturalLanguageSearchPredictionArguments attribute) +
                                • +
                                • (abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication attribute) +
                                • +
                                • (abacusai.regenerate_llm_option.RegenerateLlmOption attribute) +
                                • +
                                • (abacusai.RegenerateLlmExternalApplication attribute) +
                                • +
                                • (abacusai.RegenerateLlmOption attribute) +
                                • + +
                                • LLMAgentNode (class in abacusai) + +
                                • LlmApp (class in abacusai)
                                • +
                                • LlmArtifact (class in abacusai) + +
                                • LlmCodeBlock (class in abacusai) @@ -19310,10 +22008,14 @@

                                  L

                                • (abacusai.ForecastingTrainingConfig attribute)
                                • -
                                • location (abacusai.api_class.BoxDatasetConfig attribute) +
                                • location (abacusai.api_class.AzureStorageDatasetConfig attribute)
                                • +
                                • location_type (abacusai.api_class.ConfluenceDatasetConfig attribute) + +
                                • lock (in module abacusai.global_context) @@ -19438,6 +22162,10 @@

                                  L

                                • (abacusai.dataset_version_logs.DatasetVersionLogs attribute)
                                • (abacusai.DatasetVersionLogs attribute) +
                                • +
                                • (abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs attribute) +
                                • +
                                • (abacusai.DocumentRetrieverVersionLogs attribute)
                                • (abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs attribute)
                                • @@ -19450,6 +22178,44 @@

                                  L

                                • (abacusai.pipeline_step_version_logs.PipelineStepVersionLogs attribute)
                                • (abacusai.PipelineStepVersionLogs attribute) +
                                • + +
                                • long_description (abacusai.api_class.ai_agents.WorkflowNodeInputMapping attribute) + +
                                • long_explanation (abacusai.natural_language_explanation.NaturalLanguageExplanation attribute) @@ -19608,6 +22374,12 @@

                                  L

                                • (abacusai.ItemAttributesStdDevThreshold attribute)
                                • (abacusai.ItemStatistics attribute) +
                                • + +
                                • lsp_deadline (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • num_vs_code_suggestions (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • number_of_chunks (abacusai.document_retriever_version.DocumentRetrieverVersion attribute) @@ -22419,12 +25639,30 @@

                                  N

                                  O

                                  + - @@ -23067,6 +26557,18 @@

                                  P

                                  +
                                • parent_conversation_id (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • +
                                • parent_deployment_conversation_id (abacusai.deployment_conversation.DeploymentConversation attribute) + +
                                • PARQUET (abacusai.api_class.enums.FileFormat attribute) @@ -23135,6 +26637,12 @@

                                  P

                                • +
                                • path (abacusai.fs_entry.FsEntry attribute) + +
                                • pause() (abacusai.refresh_policy.RefreshPolicy method) @@ -23175,6 +26683,12 @@

                                  P

                                • +
                                • payload (abacusai.web_service_trigger_run.WebServiceTriggerRun attribute) + +
                                • payload_template (abacusai.Webhook attribute) @@ -23252,7 +26766,7 @@

                                  P

                                • PERCENTILE (abacusai.api_class.enums.StdDevThresholdType attribute)
                                • -
                                • pipeline_id (abacusai.client.BaseApiClient attribute) +
                                • pipeline_id (abacusai.audit_log.AuditLog attribute) -
                                • + - + - + - + @@ -28385,7 +32341,7 @@

                                  T

                                • (abacusai.ProjectFeatureGroup attribute)
                                • -
                                • TABLES_AND_FORMS (abacusai.api_class.DocumentType attribute), [1] +
                                • TABLES_AND_FORMS (abacusai.api_class.DocumentType attribute), [1]
                                • -
                                • template_metadata (abacusai.api_class.ai_agents.WorkflowGraphNode attribute) +
                                • template_metadata (abacusai.api_class.ai_agents.DecisionNode attribute)
                                • -
                                • TEXT (abacusai.api_class.DocumentType attribute), [1] +
                                • TEXT (abacusai.api_class.DocumentType attribute), [1]
                                • +
                                • to_json_type() (abacusai.api_class.enums.PythonFunctionArgumentType static method) + +
                                • to_nx_edge() (abacusai.api_class.ai_agents.WorkflowGraphEdge method) @@ -30395,6 +34631,10 @@

                                  T

                                • (abacusai.chatllm_computer.ChatllmComputer attribute)
                                • (abacusai.ChatllmComputer attribute) +
                                • +
                                • (abacusai.entri_auth_token.EntriAuthToken attribute) +
                                • +
                                • (abacusai.EntriAuthToken attribute)
                                • token_budget (abacusai.api_class.DataGenerationConfig attribute) @@ -30451,6 +34691,24 @@

                                  T

                                • (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute)
                                • (abacusai.DeploymentConversationEvent attribute) +
                                • + +
                                • tool_use_result (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute) + +
                                • +
                                • ToolResponse (class in abacusai) + +
                                • +
                                • tools (abacusai.mcp_server_connection.McpServerConnection attribute) + +
                                • TooManyRequestsError @@ -30487,6 +34745,12 @@

                                  T

                                • +
                                • total_events (abacusai.deployment_conversation.DeploymentConversation attribute) + +
                                • total_page_count (abacusai.document_data.DocumentData attribute) @@ -30523,6 +34787,12 @@

                                  T

                                • +
                                • total_versions (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute) + +
                                • TOTAL_VIOLATIONS (abacusai.api_class.DataIntegrityViolationType attribute) @@ -30857,6 +35127,12 @@

                                  T

                                • (abacusai.prediction_client.PredictionClient method)
                                • (abacusai.PredictionClient method) +
                                • + +
                                • transcripts (abacusai.session_transcripts.SessionTranscripts attribute) + +
                                • transfer_style() (abacusai.ApiClient method) @@ -30879,6 +35155,12 @@

                                  T

                                • +
                                • transport (abacusai.mcp_server_connection.McpServerConnection attribute) + +
                                • TREE_EXPLAINER (abacusai.api_class.enums.ExplainerType attribute) @@ -30905,10 +35187,22 @@

                                  T

                                • (abacusai.WorkflowNodeTemplateType attribute)
                                • -
                                • trigger_config (abacusai.api_class.ai_agents.WorkflowGraphNode attribute) +
                                • trigger_config (abacusai.api_class.ai_agents.DecisionNode attribute)
                                • try_abacus_internal_copy() (in module abacusai.api_client_utils)
                                • +
                                • TS (abacusai.api_class.enums.FileFormat attribute) + +
                                • TS_ANOMALY (abacusai.api_class.enums.ProblemType attribute)
                                • +
                                • TSX (abacusai.api_class.enums.FileFormat attribute) + +
                                • +
                                • ttl (abacusai.entri_auth_token.EntriAuthToken attribute) + +
                                • +
                                • TtsGenSettings (class in abacusai) + +
                                • TWEEDIE (abacusai.api_class.enums.RegressionLossFunction attribute) @@ -30953,6 +35275,14 @@

                                  T

                                • (abacusai.api_class.RegressionLossFunction attribute)
                                • (abacusai.RegressionLossFunction attribute) +
                                • + +
                                • TWITTER (abacusai.api_class.ApplicationConnectorType attribute) + +
                                • twitter_handle (abacusai.twitter_search_result.TwitterSearchResult attribute) @@ -31003,6 +35333,14 @@

                                  T

                                • (abacusai.FeatureDistribution attribute)
                                • (abacusai.FieldDescriptor attribute) +
                                • +
                                • (abacusai.fs_entry.FsEntry attribute) +
                                • +
                                • (abacusai.FsEntry attribute) +
                                • +
                                • (abacusai.image_gen_model.ImageGenModel attribute) +
                                • +
                                • (abacusai.ImageGenModel attribute)
                                • (abacusai.project_config.ProjectConfig attribute)
                                • @@ -31011,10 +35349,18 @@

                                  T

                                • (abacusai.ProjectFeatureGroupConfig attribute)
                                • (abacusai.ResponseSection attribute) +
                                • +
                                • (abacusai.stt_gen_model.SttGenModel attribute) +
                                • +
                                • (abacusai.SttGenModel attribute)
                                • (abacusai.user_exception.UserException attribute)
                                • (abacusai.UserException attribute) +
                                • +
                                • (abacusai.video_gen_model.VideoGenModel attribute) +
                                • +
                                • (abacusai.VideoGenModel attribute)
                                • type_of_split (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -31055,6 +35401,20 @@

                                  U

                                • (abacusai.RuntimeSchemaResponseSection attribute)
                                • (abacusai.WorkflowNodeInputSchema attribute) +
                                • + +
                                • uid (abacusai.api_class.ai_agents.InputNode attribute) + +
                                • UK (abacusai.api_class.enums.HolidayCalendars attribute) @@ -31075,6 +35435,12 @@

                                  U

                                • undo() (abacusai.python_function_validator._MonkeyPatch method)
                                • +
                                • UnifiedConnector (class in abacusai) + +
                                • UNION (abacusai.api_class.enums.OperatorType attribute)
                                • - - + + - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + - - - + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + + +
                                  +
                                • OPENAI_GPT5 (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_GPT5_1 (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_GPT5_2 (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_GPT5_MINI (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_GPT5_MINI_HIGH (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_GPT5_MINI_LOW (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_GPT5_NANO (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_GPT5_NANO_HIGH (abacusai.api_class.enums.LLMName attribute) + +
                                • OPENAI_LARGE (abacusai.api_class.enums.VectorStoreTextEncoder attribute)
                                • +
                                • OPENAI_O3 (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_O3_HIGH (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_O4_MINI (abacusai.api_class.enums.LLMName attribute) + +
                                • +
                                • OPENAI_O4_MINI_HIGH (abacusai.api_class.enums.LLMName attribute) + +
                                • operator (abacusai.api_class.ConstraintConfig attribute) @@ -22657,6 +26035,8 @@

                                  O

                                • (abacusai.ProjectFeatureGroup attribute)
                                • +
                                  -
                                • options (abacusai.training_config_options.TrainingConfigOptions attribute) +
                                • options (abacusai.image_gen_model.ImageGenModel attribute)
                                • ORC (abacusai.api_class.enums.FileFormat attribute) @@ -22747,6 +26151,22 @@

                                  O

                                • +
                                • ORG_API_CREDENTIALS (abacusai.api_class.enums.OrganizationSecretType attribute) + +
                                • +
                                • ORG_SECRET (abacusai.api_class.enums.OrganizationSecretType attribute) + +
                                • organization_group_id (abacusai.organization_group.OrganizationGroup attribute) @@ -22787,6 +26207,14 @@

                                  O

                                • +
                                • OrganizationSecretType (class in abacusai) + +
                                • original_name (abacusai.dataset_column.DatasetColumn attribute) @@ -22807,6 +26235,28 @@

                                  O

                                • +
                                • OUTLOOK (abacusai.api_class.ApplicationConnectorType attribute) + +
                                • +
                                • OutlookDatasetConfig (class in abacusai) + +
                                • +
                                • output (abacusai.mcp_server_query_result.McpServerQueryResult attribute) + +
                                • output_column (abacusai.api_class.CrawlerTransformConfig attribute) @@ -22885,12 +26335,40 @@

                                  O

                                • (abacusai.model_artifacts_export.ModelArtifactsExport attribute)
                                • (abacusai.ModelArtifactsExport attribute) +
                                • + +
                                • output_mappings (abacusai.api_class.ai_agents.DecisionNode attribute) + +
                                • output_online_feature_group_id (abacusai.Deployment attribute)
                                • +
                                • output_schema (abacusai.api_class.ai_agents.DecisionNode attribute) + +
                                • output_tokens (abacusai.llm_response.LlmResponse attribute) @@ -22935,6 +26413,18 @@

                                  O

                                • (abacusai.api_class.feature_group.DataGenerationConfig attribute)
                                • (abacusai.DataGenerationConfig attribute) +
                                • + +
                                • owner_org_id (abacusai.deployment_conversation.DeploymentConversation attribute) + +
                                • +
                                • owner_user_id (abacusai.deployment_conversation.DeploymentConversation attribute) + +
                                • +
                                • PrivateWebAppDeployment (class in abacusai) + +
                                • probability_quantiles (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -24341,7 +27883,7 @@

                                  P

                                • (abacusai.UseCase attribute)
                                • -
                                • ProblemType (class in abacusai), [1] +
                                • ProblemType (class in abacusai), [1]
                                • +
                                • project_metadata (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • project_name (abacusai.graph_dashboard.GraphDashboard attribute) @@ -24535,6 +28091,12 @@

                                  P

                                • +
                                • provider (abacusai.code_bot.CodeBot attribute) + +
                                • proxy_endpoint (abacusai.api_endpoint.ApiEndpoint attribute) @@ -24575,6 +28137,12 @@

                                  P

                                • PSI (abacusai.FeatureDriftType attribute)
                                • +
                                • public_hosting_domain (abacusai.api_endpoint.ApiEndpoint attribute) + +
                                • public_key (abacusai.sftp_key.SftpKey attribute)
                                • -
                                  +
                                • record_user_action (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • recurrent_layers (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -25247,9 +28863,13 @@

                                  R

                                • (abacusai.RefreshPipelineRun attribute)
                                • -
                                • refresh_policy_id (abacusai.refresh_pipeline_run.RefreshPipelineRun attribute) +
                                • refresh_policy_id (abacusai.audit_log.AuditLog attribute)
                                • ROOT_MEAN_SQUARE_ERROR (abacusai.api_class.enums.ForecastingLossFunction attribute) @@ -26131,6 +29833,12 @@

                                  R

                                • +
                                • route (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • routed_llm (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute) @@ -26245,6 +29953,14 @@

                                  S

                                • +
                                • SALESFORCE (abacusai.api_class.ApplicationConnectorType attribute) + +
                                • sample (abacusai.data_consistency_duplication.DataConsistencyDuplication attribute) @@ -26330,12 +30046,12 @@

                                  S

                                • SCANNED (abacusai.api_class.enums.OcrMode attribute)
                                • -
                                • SCANNED_TEXT (abacusai.api_class.DocumentType attribute), [1] +
                                • SCANNED_TEXT (abacusai.api_class.DocumentType attribute), [1]
                                • +
                                • scroll_debounce_ms (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • search_chunk_size (abacusai.api_class.model.NaturalLanguageSearchTrainingConfig attribute) @@ -26453,6 +30175,14 @@

                                  S

                                • +
                                • SEARCH_LLM (abacusai.api_class.DeploymentConversationType attribute) + +
                                • search_results (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute) @@ -26633,6 +30363,18 @@

                                  S

                                • +
                                • selected_version_index (abacusai.deployment_conversation_event.DeploymentConversationEvent attribute) + +
                                • +
                                • selection_cooldown_ms (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • send_email() (abacusai.ApiClient method) @@ -26644,7 +30386,7 @@

                                  S

                                • SENTENCE_BERT (abacusai.api_class.enums.VectorStoreTextEncoder attribute)
                                • service_discovery_url (abacusai.client.BaseApiClient attribute)
                                • +
                                • service_name (abacusai.application_connector.ApplicationConnector attribute) + +
                                • service_port (abacusai.api_class.CustomTrainedModelTrainingConfig attribute)
                                • +
                                • SessionSummary (class in abacusai) + +
                                • +
                                • SessionTranscript (class in abacusai) + +
                                • +
                                • SessionTranscripts (class in abacusai) + +
                                • set() (in module abacusai.global_context) @@ -27239,10 +31009,36 @@

                                  S

                                • (abacusai.FeatureGroup method)
                                • -
                                • settings (abacusai.image_gen_settings.ImageGenSettings attribute) +
                                • set_user_role_to_platform() (abacusai.ApiClient method) + +
                                • +
                                • settings (abacusai.audio_gen_settings.AudioGenSettings attribute)
                                • -
                                • SftpKey (class in abacusai) +
                                • SFTPAPPLICATION (abacusai.api_class.ApplicationConnectorType attribute)
                                • -
                                • shap_feature_importance (abacusai.feature_importance.FeatureImportance attribute) +
                                • SftpDatasetConfig (class in abacusai)
                                • -
                                • shared (abacusai.Model attribute) +
                                • SftpKey (class in abacusai)
                                • +
                                • shap_feature_importance (abacusai.feature_importance.FeatureImportance attribute) + +
                                • -
                                • shared_at (abacusai.Model attribute) +
                                • share_type (abacusai.deployment_conversation.DeploymentConversation attribute)
                                • SHAREPOINT (abacusai.api_class.ApplicationConnectorType attribute) @@ -27303,9 +31109,13 @@

                                  S

                                • (abacusai.NaturalLanguageExplanation attribute)
                                • -
                                • show_autocomplete (abacusai.code_autocomplete_response.CodeAutocompleteResponse attribute) +
                                • show_autocomplete (abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse attribute)
                                • @@ -27317,7 +31127,7 @@

                                  S

                                • (abacusai.DeploymentConversationType attribute)
                                • -
                                • SIMPLE_TEXT (abacusai.api_class.DocumentType attribute), [1] +
                                • SIMPLE_TEXT (abacusai.api_class.DocumentType attribute), [1]
                                • skip_input_transform (abacusai.api_class.CumulativeForecastingTrainingConfig attribute) @@ -27349,8 +31163,6 @@

                                  S

                                • (abacusai.CumulativeForecastingTrainingConfig attribute)
                                • -
                                  +
                                • SUPER_AGENT (abacusai.api_class.DeploymentConversationType attribute) + +
                                • +
                                • supports_preview_restore (abacusai.llm_artifact.LlmArtifact attribute) + +
                                • +
                                • symbols_cache_update_interval (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • +
                                • symbols_storage_update_interval (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • symmetrize_quantiles (abacusai.api_class.ForecastingTrainingConfig attribute) @@ -28355,6 +32303,14 @@

                                  S

                                • (abacusai.ChatLLMPredictionArguments attribute)
                                • (abacusai.NaturalLanguageSearchPredictionArguments attribute) +
                                • + +
                                • SystemConnectorTool (class in abacusai) + +
                                • +
                                • validate_workflow_node_inputs() (in module abacusai.api_client_utils)
                                • -
                                • value (abacusai.api_class.monitor.StdDevThreshold attribute) +
                                • validation_lines_threshold (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute)
                                • +
                                • value (abacusai.api_class.model.SystemConnectorTool attribute) + +
                                • -
                                • value_type (abacusai.training_config_options.TrainingConfigOptions attribute) +
                                • value_type (abacusai.image_gen_model.ImageGenModel attribute)
                                • +
                                • values (abacusai.image_gen_model_options.ImageGenModelOptions attribute) + +
                                • variable_source (abacusai.api_class.ai_agents.WorkflowNodeInputMapping attribute) @@ -32214,7 +36726,7 @@

                                  V

                                • VectorStoreTextEncoder (class in abacusai)
                                • +
                                • VideoGenCosts (class in abacusai) + +
                                • +
                                • VideoGenModel (class in abacusai) + +
                                • +
                                • VideoGenModelOptions (class in abacusai) + +
                                • VideoGenSettings (class in abacusai) @@ -32333,6 +36863,12 @@

                                  V

                                • +
                                • viewing_cooldown_ms (abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse attribute) + +
                                • violation (abacusai.null_violation.NullViolation attribute) @@ -32344,7 +36880,11 @@

                                  V

                                • vnc_endpoint (abacusai.chatllm_computer.ChatllmComputer attribute)
                                • voice (abacusai.voice_gen_details.VoiceGenDetails attribute) @@ -32623,10 +37163,64 @@

                                  W

                                • (abacusai.document_retriever_version.DocumentRetrieverVersion attribute)
                                • (abacusai.DocumentRetrieverVersion attribute) +
                                • +
                                • (abacusai.image_gen_settings.ImageGenSettings attribute) +
                                • +
                                • (abacusai.ImageGenSettings attribute) +
                                • +
                                • (abacusai.video_gen_settings.VideoGenSettings attribute) +
                                • +
                                • (abacusai.VideoGenSettings attribute) +
                                • + +
                                • web_app_deployment_id (abacusai.llm_artifact.LlmArtifact attribute) + +
                                • +
                                • web_app_domain_id (abacusai.web_app_domain.WebAppDomain attribute) + +
                                • +
                                • web_app_project_id (abacusai.hosted_app_container.HostedAppContainer attribute) + +
                                • web_version (abacusai.client.BaseApiClient attribute)
                                • +
                                • web_view_link (abacusai.presentation_export_result.PresentationExportResult attribute) + +
                                • +
                                • WebAppConversation (class in abacusai) + +
                                • +
                                • WebAppDeploymentPermissionDict (class in abacusai) + +
                                • +
                                • WebAppDomain (class in abacusai) + +
                                • Webhook (class in abacusai)
                                • +
                                      abacusai.audio_gen_settings
                                      + abacusai.audio_url_result +
                                      + abacusai.audit_log +
                                      @@ -337,6 +347,26 @@

                                  Python Module Index

                                      abacusai.chatllm_computer
                                      + abacusai.chatllm_computer_status +
                                      + abacusai.chatllm_memory +
                                      + abacusai.chatllm_project +
                                      + abacusai.chatllm_project_permissions +
                                      @@ -357,6 +387,11 @@

                                  Python Module Index

                                      abacusai.code_agent_response
                                      + abacusai.code_autocomplete_edit_prediction_response +
                                      @@ -382,11 +417,36 @@

                                  Python Module Index

                                      abacusai.code_edits
                                      + abacusai.code_embeddings +
                                      + abacusai.code_llm_changed_files +
                                      abacusai.code_source
                                      + abacusai.code_suggestion_validation_response +
                                      + abacusai.code_summary_response +
                                      + abacusai.codellm_embedding_constants +
                                      @@ -397,6 +457,11 @@

                                  Python Module Index

                                      abacusai.concatenation_config
                                      + abacusai.constants_autocomplete_response +
                                      @@ -412,6 +477,11 @@

                                  Python Module Index

                                      abacusai.custom_chat_instructions
                                      + abacusai.custom_domain +
                                      @@ -432,6 +502,11 @@

                                  Python Module Index

                                      abacusai.custom_train_function_info
                                      + abacusai.daemon_task_conversation +
                                      @@ -497,6 +572,11 @@

                                  Python Module Index

                                      abacusai.dataset_version_logs
                                      + abacusai.default_llm +
                                      @@ -547,6 +627,21 @@

                                  Python Module Index

                                      abacusai.document_retriever_version
                                      + abacusai.document_retriever_version_logs +
                                      + abacusai.domain_purchase_result +
                                      + abacusai.domain_search_result +
                                      @@ -597,11 +692,21 @@

                                  Python Module Index

                                      abacusai.eda_version
                                      + abacusai.edit_image_models +
                                      abacusai.embedding_feature_drift_distribution
                                      + abacusai.entri_auth_token +
                                      @@ -732,11 +837,6 @@

                                  Python Module Index

                                      abacusai.feature_performance_analysis
                                      - abacusai.feature_record -
                                      @@ -772,6 +872,11 @@

                                  Python Module Index

                                      abacusai.forecasting_monitor_summary
                                      + abacusai.fs_entry +
                                      @@ -802,16 +907,61 @@

                                  Python Module Index

                                      abacusai.holdout_analysis_version
                                      + abacusai.hosted_app +
                                      + abacusai.hosted_app_container +
                                      + abacusai.hosted_app_file_read +
                                      + abacusai.hosted_artifact +
                                      + abacusai.hosted_database +
                                      + abacusai.hosted_database_snapshot +
                                      abacusai.hosted_model_token
                                      + abacusai.hostname_info +
                                      abacusai.hume_voice
                                      + abacusai.image_gen_model +
                                      + abacusai.image_gen_model_options +
                                      @@ -837,11 +987,21 @@

                                  Python Module Index

                                      abacusai.item_statistics
                                      + abacusai.lip_sync_gen_settings +
                                      abacusai.llm_app
                                      + abacusai.llm_artifact +
                                      @@ -877,6 +1037,26 @@

                                  Python Module Index

                                      abacusai.llm_response
                                      + abacusai.mcp_config +
                                      + abacusai.mcp_server +
                                      + abacusai.mcp_server_connection +
                                      + abacusai.mcp_server_query_result +
                                      @@ -1147,6 +1327,16 @@

                                  Python Module Index

                                      abacusai.prediction_operator_version
                                      + abacusai.presentation_export_result +
                                      + abacusai.private_web_app_deployment +
                                      @@ -1227,6 +1417,11 @@

                                  Python Module Index

                                      abacusai.regenerate_llm_external_application
                                      + abacusai.regenerate_llm_option +
                                      @@ -1247,6 +1442,21 @@

                                  Python Module Index

                                      abacusai.schema
                                      + abacusai.session_summary +
                                      + abacusai.session_transcript +
                                      + abacusai.session_transcripts +
                                      @@ -1277,6 +1487,26 @@

                                  Python Module Index

                                      abacusai.streaming_sample_code
                                      + abacusai.sts_gen_settings +
                                      + abacusai.stt_gen_model +
                                      + abacusai.stt_gen_model_options +
                                      + abacusai.stt_gen_settings +
                                      @@ -1297,11 +1527,21 @@

                                  Python Module Index

                                      abacusai.training_config_options
                                      + abacusai.tts_gen_settings +
                                      abacusai.twitter_search_result
                                      + abacusai.unified_connector +
                                      @@ -1332,6 +1572,26 @@

                                  Python Module Index

                                      abacusai.user_exception
                                      + abacusai.user_group_object_permission +
                                      + abacusai.video_gen_costs +
                                      + abacusai.video_gen_model +
                                      + abacusai.video_gen_model_options +
                                      @@ -1347,6 +1607,21 @@

                                  Python Module Index

                                      abacusai.voice_gen_details
                                      + abacusai.web_app_conversation +
                                      + abacusai.web_app_deployment_permission_dict +
                                      + abacusai.web_app_domain +
                                      @@ -1362,6 +1637,11 @@

                                  Python Module Index

                                      abacusai.web_search_result
                                      + abacusai.web_service_trigger_run +
                                      diff --git a/docs/searchindex.js b/docs/searchindex.js index 78329d430..3bdc9b2a8 100644 --- a/docs/searchindex.js +++ b/docs/searchindex.js @@ -1 +1 @@ -Search.setIndex({"alltitles": {"Abacus.AI API Client PyDocs": [[259, null]], "Attributes": [[15, "attributes"], [24, "attributes"], [27, "attributes"], [34, "attributes"], [35, "attributes"], [52, "attributes"], [139, "attributes"], [146, "attributes"]], "Classes": [[0, "classes"], [1, "classes"], [2, "classes"], [3, "classes"], [4, "classes"], [5, "classes"], [6, "classes"], [7, "classes"], [8, "classes"], [9, "classes"], [10, "classes"], [11, "classes"], [12, "classes"], [13, "classes"], [14, "classes"], [15, "classes"], [16, "classes"], [17, "classes"], [18, "classes"], [19, "classes"], [20, "classes"], [21, "classes"], [22, "classes"], [23, "classes"], [24, "classes"], [25, "classes"], [26, "classes"], [27, "classes"], [28, "classes"], [29, "classes"], [30, "classes"], [31, "classes"], [32, "classes"], [33, "classes"], [34, "classes"], [35, "classes"], [36, "classes"], [37, "classes"], [38, "classes"], [39, "classes"], [40, "classes"], [41, "classes"], [42, "classes"], [43, "classes"], [44, "classes"], [45, "classes"], [46, "classes"], [47, "classes"], [48, "classes"], [49, "classes"], [50, "classes"], [51, "classes"], [52, "classes"], [53, "classes"], [54, "classes"], [55, "classes"], [56, "classes"], [57, "classes"], [58, "classes"], [59, "classes"], [60, "classes"], [61, "classes"], [62, "classes"], [64, "classes"], [65, "classes"], [66, "classes"], [67, "classes"], [68, "classes"], [69, "classes"], [70, "classes"], [71, "classes"], [72, "classes"], [73, "classes"], [74, "classes"], [75, "classes"], [76, "classes"], [77, "classes"], [78, "classes"], [79, "classes"], [80, "classes"], [81, "classes"], [82, "classes"], [83, "classes"], [84, "classes"], [85, "classes"], [86, "classes"], [87, "classes"], [88, "classes"], [89, "classes"], [90, "classes"], [91, "classes"], [92, "classes"], [93, "classes"], [94, "classes"], [95, "classes"], [96, "classes"], [97, "classes"], [98, "classes"], [99, "classes"], [100, "classes"], [101, "classes"], [102, "classes"], [103, "classes"], [104, "classes"], [105, "classes"], [106, "classes"], [107, "classes"], [108, "classes"], [109, "classes"], [110, "classes"], [111, "classes"], [112, "classes"], [113, "classes"], [114, "classes"], [115, "classes"], [116, "classes"], [117, "classes"], [118, "classes"], [119, "classes"], [120, "classes"], [121, "classes"], [122, "classes"], [123, "classes"], [124, "classes"], [125, "classes"], [126, "classes"], [127, "classes"], [128, "classes"], [129, "classes"], [130, "classes"], [131, "classes"], [132, "classes"], [133, "classes"], [134, "classes"], [135, "classes"], [136, "classes"], [137, "classes"], [138, "classes"], [140, "classes"], [141, "classes"], [142, "classes"], [143, "classes"], [144, "classes"], [145, "classes"], [146, "classes"], [147, "classes"], [148, "classes"], [149, "classes"], [150, "classes"], [151, "classes"], [152, "classes"], [153, "classes"], [154, "classes"], [155, "classes"], [156, "classes"], [157, "classes"], [158, "classes"], [159, "classes"], [160, "classes"], [161, "classes"], [162, "classes"], [163, "classes"], [164, "classes"], [165, "classes"], [166, "classes"], [167, "classes"], [168, "classes"], [169, "classes"], [170, "classes"], [171, "classes"], [172, "classes"], [173, "classes"], [174, "classes"], [175, "classes"], [176, "classes"], [177, "classes"], [178, "classes"], [179, "classes"], [180, "classes"], [181, "classes"], [182, "classes"], [183, "classes"], [184, "classes"], [185, "classes"], [186, "classes"], [187, "classes"], [188, "classes"], [189, "classes"], [190, "classes"], [191, "classes"], [192, "classes"], [193, "classes"], [194, "classes"], [195, "classes"], [196, "classes"], [197, "classes"], [198, "classes"], [199, "classes"], [200, "classes"], [201, "classes"], [202, "classes"], [203, "classes"], [204, "classes"], [205, "classes"], [206, "classes"], [207, "classes"], [208, "classes"], [209, "classes"], [210, "classes"], [211, "classes"], [212, "classes"], [213, "classes"], [214, "classes"], [215, "classes"], [216, "classes"], [217, "classes"], [218, "classes"], [219, "classes"], [220, "classes"], [221, "classes"], [222, "classes"], [223, "classes"], [224, "classes"], [225, "classes"], [226, "classes"], [227, "classes"], [228, "classes"], [229, "classes"], [230, "classes"], [231, "classes"], [232, "classes"], [233, "classes"], [234, "classes"], [235, "classes"], [236, "classes"], [237, "classes"], [238, "classes"], [239, "classes"], [240, "classes"], [241, "classes"], [242, "classes"], [243, "classes"], [244, "classes"], [245, "classes"], [246, "classes"], [247, "classes"], [248, "classes"], [249, "classes"], [250, "classes"], [251, "classes"], [252, "classes"], [253, "classes"], [254, "classes"], [255, "classes"], [256, "classes"], [257, "classes"], [258, "classes"]], "Exceptions": [[52, "exceptions"], [146, "exceptions"]], "Functions": [[15, "functions"], [16, "functions"], [25, "functions"], [27, "functions"], [35, "functions"], [52, "functions"], [63, "functions"], [139, "functions"], [146, "functions"], [221, "functions"]], "Indices": [[259, "indices"]], "Module Contents": [[0, "module-contents"], [1, "module-contents"], [2, "module-contents"], [3, "module-contents"], [4, "module-contents"], [5, "module-contents"], [6, "module-contents"], [7, "module-contents"], [8, "module-contents"], [9, "module-contents"], [10, "module-contents"], [11, "module-contents"], [12, "module-contents"], [13, "module-contents"], [14, "module-contents"], [15, "module-contents"], [16, "module-contents"], [17, "module-contents"], [18, "module-contents"], [19, "module-contents"], [20, "module-contents"], [21, "module-contents"], [22, "module-contents"], [23, "module-contents"], [24, "module-contents"], [25, "module-contents"], [26, "module-contents"], [28, "module-contents"], [29, "module-contents"], [30, "module-contents"], [31, "module-contents"], [32, "module-contents"], [33, "module-contents"], [34, "module-contents"], [35, "module-contents"], [36, "module-contents"], [37, "module-contents"], [38, "module-contents"], [39, "module-contents"], [40, "module-contents"], [41, "module-contents"], [42, "module-contents"], [43, "module-contents"], [44, "module-contents"], [45, "module-contents"], [46, "module-contents"], [47, "module-contents"], [48, "module-contents"], [49, "module-contents"], [50, "module-contents"], [51, "module-contents"], [52, "module-contents"], [53, "module-contents"], [54, "module-contents"], [55, "module-contents"], [56, "module-contents"], [57, "module-contents"], [58, "module-contents"], [59, "module-contents"], [60, "module-contents"], [61, "module-contents"], [62, "module-contents"], [63, "module-contents"], [64, "module-contents"], [65, "module-contents"], [66, "module-contents"], [67, "module-contents"], [68, "module-contents"], [69, "module-contents"], [70, "module-contents"], [71, "module-contents"], [72, "module-contents"], [73, "module-contents"], [74, "module-contents"], [75, "module-contents"], [76, "module-contents"], [77, "module-contents"], [78, "module-contents"], [79, "module-contents"], [80, "module-contents"], [81, "module-contents"], [82, "module-contents"], [83, "module-contents"], [84, "module-contents"], [85, "module-contents"], [86, "module-contents"], [87, "module-contents"], [88, "module-contents"], [89, "module-contents"], [90, "module-contents"], [91, "module-contents"], [92, "module-contents"], [93, "module-contents"], [94, "module-contents"], [95, "module-contents"], [96, "module-contents"], [97, "module-contents"], [98, "module-contents"], [99, "module-contents"], [100, "module-contents"], [101, "module-contents"], [102, "module-contents"], [103, "module-contents"], [104, "module-contents"], [105, "module-contents"], [106, "module-contents"], [107, "module-contents"], [108, "module-contents"], [109, "module-contents"], [110, "module-contents"], [111, "module-contents"], [112, "module-contents"], [113, "module-contents"], [114, "module-contents"], [115, "module-contents"], [116, "module-contents"], [117, "module-contents"], [118, "module-contents"], [119, "module-contents"], [120, "module-contents"], [121, "module-contents"], [122, "module-contents"], [123, "module-contents"], [124, "module-contents"], [125, "module-contents"], [126, "module-contents"], [127, "module-contents"], [128, "module-contents"], [129, "module-contents"], [130, "module-contents"], [131, "module-contents"], [132, "module-contents"], [133, "module-contents"], [134, "module-contents"], [135, "module-contents"], [136, "module-contents"], [137, "module-contents"], [138, "module-contents"], [139, "module-contents"], [140, "module-contents"], [141, "module-contents"], [142, "module-contents"], [143, "module-contents"], [144, "module-contents"], [145, "module-contents"], [147, "module-contents"], [148, "module-contents"], [149, "module-contents"], [150, "module-contents"], [151, "module-contents"], [152, "module-contents"], [153, "module-contents"], [154, "module-contents"], [155, "module-contents"], [156, "module-contents"], [157, "module-contents"], [158, "module-contents"], [159, "module-contents"], [160, "module-contents"], [161, "module-contents"], [162, "module-contents"], [163, "module-contents"], [164, "module-contents"], [165, "module-contents"], [166, "module-contents"], [167, "module-contents"], [168, "module-contents"], [169, "module-contents"], [170, "module-contents"], [171, "module-contents"], [172, "module-contents"], [173, "module-contents"], [174, "module-contents"], [175, "module-contents"], [176, "module-contents"], [177, "module-contents"], [178, "module-contents"], [179, "module-contents"], [180, "module-contents"], [181, "module-contents"], [182, "module-contents"], [183, "module-contents"], [184, "module-contents"], [185, "module-contents"], [186, "module-contents"], [187, "module-contents"], [188, "module-contents"], [189, "module-contents"], [190, "module-contents"], [191, "module-contents"], [192, "module-contents"], [193, "module-contents"], [194, "module-contents"], [195, "module-contents"], [196, "module-contents"], [197, "module-contents"], [198, "module-contents"], [199, "module-contents"], [200, "module-contents"], [201, "module-contents"], [202, "module-contents"], [203, "module-contents"], [204, "module-contents"], [205, "module-contents"], [206, "module-contents"], [207, "module-contents"], [208, "module-contents"], [209, "module-contents"], [210, "module-contents"], [211, "module-contents"], [212, "module-contents"], [213, "module-contents"], [214, "module-contents"], [215, "module-contents"], [216, "module-contents"], [217, "module-contents"], [218, "module-contents"], [219, "module-contents"], [220, "module-contents"], [221, "module-contents"], [222, "module-contents"], [223, "module-contents"], [224, "module-contents"], [225, "module-contents"], [226, "module-contents"], [227, "module-contents"], [228, "module-contents"], [229, "module-contents"], [230, "module-contents"], [231, "module-contents"], [232, "module-contents"], [233, "module-contents"], [234, "module-contents"], [235, "module-contents"], [236, "module-contents"], [237, "module-contents"], [238, "module-contents"], [239, "module-contents"], [240, "module-contents"], [241, "module-contents"], [242, "module-contents"], [243, "module-contents"], [244, "module-contents"], [245, "module-contents"], [246, "module-contents"], [247, "module-contents"], [248, "module-contents"], [249, "module-contents"], [250, "module-contents"], [251, "module-contents"], [252, "module-contents"], [253, "module-contents"], [254, "module-contents"], [255, "module-contents"], [256, "module-contents"], [257, "module-contents"], [258, "module-contents"]], "Package Contents": [[27, "package-contents"], [146, "package-contents"]], "Submodules": [[27, "submodules"], [146, "submodules"]], "abacusai": [[146, null]], "abacusai.abacus_api": [[0, null]], "abacusai.address": [[1, null]], "abacusai.agent": [[2, null]], "abacusai.agent_chat_message": [[3, null]], "abacusai.agent_conversation": [[4, null]], "abacusai.agent_data_document_info": [[5, null]], "abacusai.agent_data_execution_result": [[6, null]], "abacusai.agent_version": [[7, null]], "abacusai.ai_building_task": [[8, null]], "abacusai.algorithm": [[9, null]], "abacusai.annotation": [[10, null]], "abacusai.annotation_config": [[11, null]], "abacusai.annotation_document": [[12, null]], "abacusai.annotation_entry": [[13, null]], "abacusai.annotations_status": [[14, null]], "abacusai.api_class": [[27, null]], "abacusai.api_class.abstract": [[15, null]], "abacusai.api_class.ai_agents": [[16, null]], "abacusai.api_class.ai_chat": [[17, null]], "abacusai.api_class.batch_prediction": [[18, null]], "abacusai.api_class.blob_input": [[19, null]], "abacusai.api_class.connectors": [[20, null]], "abacusai.api_class.dataset": [[21, null]], "abacusai.api_class.dataset_application_connector": [[22, null]], "abacusai.api_class.deployment": [[23, null]], "abacusai.api_class.document_retriever": [[24, null]], "abacusai.api_class.enums": [[25, null]], "abacusai.api_class.feature_group": [[26, null]], "abacusai.api_class.model": [[28, null]], "abacusai.api_class.monitor": [[29, null]], "abacusai.api_class.monitor_alert": [[30, null]], "abacusai.api_class.project": [[31, null]], "abacusai.api_class.python_functions": [[32, null]], "abacusai.api_class.refresh": [[33, null]], "abacusai.api_class.segments": [[34, null]], "abacusai.api_client_utils": [[35, null]], "abacusai.api_endpoint": [[36, null]], "abacusai.api_key": [[37, null]], "abacusai.app_user_group": [[38, null]], "abacusai.app_user_group_sign_in_token": [[39, null]], "abacusai.application_connector": [[40, null]], "abacusai.audio_gen_settings": [[41, null]], "abacusai.batch_prediction": [[42, null]], "abacusai.batch_prediction_version": [[43, null]], "abacusai.batch_prediction_version_logs": [[44, null]], "abacusai.bot_info": [[45, null]], "abacusai.categorical_range_violation": [[46, null]], "abacusai.chat_message": [[47, null]], "abacusai.chat_session": [[48, null]], "abacusai.chatllm_computer": [[49, null]], "abacusai.chatllm_referral_invite": [[50, null]], "abacusai.chatllm_task": [[51, null]], "abacusai.client": [[52, null]], "abacusai.code_agent_response": [[53, null]], "abacusai.code_autocomplete_response": [[54, null]], "abacusai.code_bot": [[55, null]], "abacusai.code_edit": [[56, null]], "abacusai.code_edit_response": [[57, null]], "abacusai.code_edits": [[58, null]], "abacusai.code_source": [[59, null]], "abacusai.compute_point_info": [[60, null]], "abacusai.concatenation_config": [[61, null]], "abacusai.cpu_gpu_memory_specs": [[62, null]], "abacusai.cryptography": [[63, null]], "abacusai.custom_chat_instructions": [[64, null]], "abacusai.custom_loss_function": [[65, null]], "abacusai.custom_metric": [[66, null]], "abacusai.custom_metric_version": [[67, null]], "abacusai.custom_train_function_info": [[68, null]], "abacusai.data_consistency_duplication": [[69, null]], "abacusai.data_metrics": [[70, null]], "abacusai.data_prep_logs": [[71, null]], "abacusai.data_quality_results": [[72, null]], "abacusai.data_upload_result": [[73, null]], "abacusai.database_column_feature_mapping": [[74, null]], "abacusai.database_connector": [[75, null]], "abacusai.database_connector_column": [[76, null]], "abacusai.database_connector_schema": [[77, null]], "abacusai.dataset": [[78, null]], "abacusai.dataset_column": [[79, null]], "abacusai.dataset_version": [[80, null]], "abacusai.dataset_version_logs": [[81, null]], "abacusai.deployment": [[82, null]], "abacusai.deployment_auth_token": [[83, null]], "abacusai.deployment_conversation": [[84, null]], "abacusai.deployment_conversation_event": [[85, null]], "abacusai.deployment_conversation_export": [[86, null]], "abacusai.deployment_statistics": [[87, null]], "abacusai.document_data": [[88, null]], "abacusai.document_retriever": [[89, null]], "abacusai.document_retriever_lookup_result": [[90, null]], "abacusai.document_retriever_version": [[91, null]], "abacusai.drift_distribution": [[92, null]], "abacusai.drift_distributions": [[93, null]], "abacusai.eda": [[94, null]], "abacusai.eda_chart_description": [[95, null]], "abacusai.eda_collinearity": [[96, null]], "abacusai.eda_data_consistency": [[97, null]], "abacusai.eda_feature_association": [[98, null]], "abacusai.eda_feature_collinearity": [[99, null]], "abacusai.eda_forecasting_analysis": [[100, null]], "abacusai.eda_version": [[101, null]], "abacusai.embedding_feature_drift_distribution": [[102, null]], "abacusai.execute_feature_group_operation": [[103, null]], "abacusai.external_application": [[104, null]], "abacusai.external_invite": [[105, null]], "abacusai.extracted_fields": [[106, null]], "abacusai.feature": [[107, null]], "abacusai.feature_distribution": [[108, null]], "abacusai.feature_drift_record": [[109, null]], "abacusai.feature_drift_summary": [[110, null]], "abacusai.feature_group": [[111, null]], "abacusai.feature_group_document": [[112, null]], "abacusai.feature_group_export": [[113, null]], "abacusai.feature_group_export_config": [[114, null]], "abacusai.feature_group_export_download_url": [[115, null]], "abacusai.feature_group_lineage": [[116, null]], "abacusai.feature_group_refresh_export_config": [[117, null]], "abacusai.feature_group_row": [[118, null]], "abacusai.feature_group_row_process": [[119, null]], "abacusai.feature_group_row_process_logs": [[120, null]], "abacusai.feature_group_row_process_summary": [[121, null]], "abacusai.feature_group_template": [[122, null]], "abacusai.feature_group_template_variable_options": [[123, null]], "abacusai.feature_group_version": [[124, null]], "abacusai.feature_group_version_logs": [[125, null]], "abacusai.feature_importance": [[126, null]], "abacusai.feature_mapping": [[127, null]], "abacusai.feature_performance_analysis": [[128, null]], "abacusai.feature_record": [[129, null]], "abacusai.file_connector": [[130, null]], "abacusai.file_connector_instructions": [[131, null]], "abacusai.file_connector_verification": [[132, null]], "abacusai.finetuned_pretrained_model": [[133, null]], "abacusai.forecasting_analysis_graph_data": [[134, null]], "abacusai.forecasting_monitor_item_analysis": [[135, null]], "abacusai.forecasting_monitor_summary": [[136, null]], "abacusai.function_logs": [[137, null]], "abacusai.generated_pit_feature_config_option": [[138, null]], "abacusai.global_context": [[139, null]], "abacusai.graph_dashboard": [[140, null]], "abacusai.holdout_analysis": [[141, null]], "abacusai.holdout_analysis_version": [[142, null]], "abacusai.hosted_model_token": [[143, null]], "abacusai.hume_voice": [[144, null]], "abacusai.image_gen_settings": [[145, null]], "abacusai.indexing_config": [[147, null]], "abacusai.inferred_database_column_to_feature_mappings": [[148, null]], "abacusai.inferred_feature_mappings": [[149, null]], "abacusai.item_statistics": [[150, null]], "abacusai.llm_app": [[151, null]], "abacusai.llm_code_block": [[152, null]], "abacusai.llm_execution_preview": [[153, null]], "abacusai.llm_execution_result": [[154, null]], "abacusai.llm_generated_code": [[155, null]], "abacusai.llm_input": [[156, null]], "abacusai.llm_parameters": [[157, null]], "abacusai.llm_response": [[158, null]], "abacusai.memory_options": [[159, null]], "abacusai.messaging_connector_response": [[160, null]], "abacusai.model": [[161, null]], "abacusai.model_artifacts_export": [[162, null]], "abacusai.model_blueprint_export": [[163, null]], "abacusai.model_blueprint_stage": [[164, null]], "abacusai.model_location": [[165, null]], "abacusai.model_metrics": [[166, null]], "abacusai.model_monitor": [[167, null]], "abacusai.model_monitor_org_summary": [[168, null]], "abacusai.model_monitor_summary": [[169, null]], "abacusai.model_monitor_summary_from_org": [[170, null]], "abacusai.model_monitor_version": [[171, null]], "abacusai.model_monitor_version_metric_data": [[172, null]], "abacusai.model_training_type_for_deployment": [[173, null]], "abacusai.model_upload": [[174, null]], "abacusai.model_version": [[175, null]], "abacusai.model_version_feature_group_schema": [[176, null]], "abacusai.modification_lock_info": [[177, null]], "abacusai.module": [[178, null]], "abacusai.monitor_alert": [[179, null]], "abacusai.monitor_alert_version": [[180, null]], "abacusai.monitor_drift_and_distributions": [[181, null]], "abacusai.natural_language_explanation": [[182, null]], "abacusai.nested_feature": [[183, null]], "abacusai.nested_feature_schema": [[184, null]], "abacusai.news_search_result": [[185, null]], "abacusai.nlp_chat_response": [[186, null]], "abacusai.null_violation": [[187, null]], "abacusai.organization_external_application_settings": [[188, null]], "abacusai.organization_group": [[189, null]], "abacusai.organization_search_result": [[190, null]], "abacusai.organization_secret": [[191, null]], "abacusai.page_data": [[192, null]], "abacusai.pipeline": [[193, null]], "abacusai.pipeline_reference": [[194, null]], "abacusai.pipeline_step": [[195, null]], "abacusai.pipeline_step_version": [[196, null]], "abacusai.pipeline_step_version_logs": [[197, null]], "abacusai.pipeline_step_version_reference": [[198, null]], "abacusai.pipeline_version": [[199, null]], "abacusai.pipeline_version_logs": [[200, null]], "abacusai.playground_text": [[201, null]], "abacusai.point_in_time_feature": [[202, null]], "abacusai.point_in_time_feature_info": [[203, null]], "abacusai.point_in_time_group": [[204, null]], "abacusai.point_in_time_group_feature": [[205, null]], "abacusai.prediction_client": [[206, null]], "abacusai.prediction_dataset": [[207, null]], "abacusai.prediction_feature_group": [[208, null]], "abacusai.prediction_input": [[209, null]], "abacusai.prediction_log_record": [[210, null]], "abacusai.prediction_operator": [[211, null]], "abacusai.prediction_operator_version": [[212, null]], "abacusai.problem_type": [[213, null]], "abacusai.project": [[214, null]], "abacusai.project_config": [[215, null]], "abacusai.project_feature_group": [[216, null]], "abacusai.project_feature_group_schema": [[217, null]], "abacusai.project_feature_group_schema_version": [[218, null]], "abacusai.project_validation": [[219, null]], "abacusai.python_function": [[220, null]], "abacusai.python_function_validator": [[221, null]], "abacusai.python_plot_function": [[222, null]], "abacusai.range_violation": [[223, null]], "abacusai.realtime_monitor": [[224, null]], "abacusai.refresh_pipeline_run": [[225, null]], "abacusai.refresh_policy": [[226, null]], "abacusai.refresh_schedule": [[227, null]], "abacusai.regenerate_llm_external_application": [[228, null]], "abacusai.resolved_feature_group_template": [[229, null]], "abacusai.return_class": [[230, null]], "abacusai.routing_action": [[231, null]], "abacusai.schema": [[232, null]], "abacusai.sftp_key": [[233, null]], "abacusai.streaming_auth_token": [[234, null]], "abacusai.streaming_client": [[235, null]], "abacusai.streaming_connector": [[236, null]], "abacusai.streaming_row_count": [[237, null]], "abacusai.streaming_sample_code": [[238, null]], "abacusai.template_node_details": [[239, null]], "abacusai.test_point_predictions": [[240, null]], "abacusai.tone_details": [[241, null]], "abacusai.training_config_options": [[242, null]], "abacusai.twitter_search_result": [[243, null]], "abacusai.upload": [[244, null]], "abacusai.upload_part": [[245, null]], "abacusai.use_case": [[246, null]], "abacusai.use_case_requirements": [[247, null]], "abacusai.user": [[248, null]], "abacusai.user_exception": [[249, null]], "abacusai.video_gen_settings": [[250, null]], "abacusai.video_search_result": [[251, null]], "abacusai.voice_gen_details": [[252, null]], "abacusai.web_page_response": [[253, null]], "abacusai.web_search_response": [[254, null]], "abacusai.web_search_result": [[255, null]], "abacusai.webhook": [[256, null]], "abacusai.workflow_graph_node_details": [[257, null]], "abacusai.workflow_node_template": [[258, null]]}, "docnames": ["autoapi/abacusai/abacus_api/index", "autoapi/abacusai/address/index", "autoapi/abacusai/agent/index", "autoapi/abacusai/agent_chat_message/index", "autoapi/abacusai/agent_conversation/index", "autoapi/abacusai/agent_data_document_info/index", "autoapi/abacusai/agent_data_execution_result/index", "autoapi/abacusai/agent_version/index", "autoapi/abacusai/ai_building_task/index", "autoapi/abacusai/algorithm/index", "autoapi/abacusai/annotation/index", "autoapi/abacusai/annotation_config/index", "autoapi/abacusai/annotation_document/index", "autoapi/abacusai/annotation_entry/index", "autoapi/abacusai/annotations_status/index", "autoapi/abacusai/api_class/abstract/index", "autoapi/abacusai/api_class/ai_agents/index", "autoapi/abacusai/api_class/ai_chat/index", "autoapi/abacusai/api_class/batch_prediction/index", "autoapi/abacusai/api_class/blob_input/index", "autoapi/abacusai/api_class/connectors/index", "autoapi/abacusai/api_class/dataset/index", "autoapi/abacusai/api_class/dataset_application_connector/index", "autoapi/abacusai/api_class/deployment/index", "autoapi/abacusai/api_class/document_retriever/index", "autoapi/abacusai/api_class/enums/index", "autoapi/abacusai/api_class/feature_group/index", "autoapi/abacusai/api_class/index", "autoapi/abacusai/api_class/model/index", "autoapi/abacusai/api_class/monitor/index", "autoapi/abacusai/api_class/monitor_alert/index", "autoapi/abacusai/api_class/project/index", "autoapi/abacusai/api_class/python_functions/index", "autoapi/abacusai/api_class/refresh/index", "autoapi/abacusai/api_class/segments/index", "autoapi/abacusai/api_client_utils/index", "autoapi/abacusai/api_endpoint/index", "autoapi/abacusai/api_key/index", "autoapi/abacusai/app_user_group/index", "autoapi/abacusai/app_user_group_sign_in_token/index", "autoapi/abacusai/application_connector/index", "autoapi/abacusai/audio_gen_settings/index", "autoapi/abacusai/batch_prediction/index", "autoapi/abacusai/batch_prediction_version/index", "autoapi/abacusai/batch_prediction_version_logs/index", "autoapi/abacusai/bot_info/index", "autoapi/abacusai/categorical_range_violation/index", "autoapi/abacusai/chat_message/index", "autoapi/abacusai/chat_session/index", "autoapi/abacusai/chatllm_computer/index", "autoapi/abacusai/chatllm_referral_invite/index", "autoapi/abacusai/chatllm_task/index", "autoapi/abacusai/client/index", "autoapi/abacusai/code_agent_response/index", "autoapi/abacusai/code_autocomplete_response/index", "autoapi/abacusai/code_bot/index", "autoapi/abacusai/code_edit/index", "autoapi/abacusai/code_edit_response/index", "autoapi/abacusai/code_edits/index", "autoapi/abacusai/code_source/index", "autoapi/abacusai/compute_point_info/index", "autoapi/abacusai/concatenation_config/index", "autoapi/abacusai/cpu_gpu_memory_specs/index", "autoapi/abacusai/cryptography/index", "autoapi/abacusai/custom_chat_instructions/index", "autoapi/abacusai/custom_loss_function/index", "autoapi/abacusai/custom_metric/index", "autoapi/abacusai/custom_metric_version/index", "autoapi/abacusai/custom_train_function_info/index", "autoapi/abacusai/data_consistency_duplication/index", "autoapi/abacusai/data_metrics/index", "autoapi/abacusai/data_prep_logs/index", "autoapi/abacusai/data_quality_results/index", "autoapi/abacusai/data_upload_result/index", "autoapi/abacusai/database_column_feature_mapping/index", "autoapi/abacusai/database_connector/index", "autoapi/abacusai/database_connector_column/index", "autoapi/abacusai/database_connector_schema/index", "autoapi/abacusai/dataset/index", "autoapi/abacusai/dataset_column/index", "autoapi/abacusai/dataset_version/index", "autoapi/abacusai/dataset_version_logs/index", "autoapi/abacusai/deployment/index", "autoapi/abacusai/deployment_auth_token/index", "autoapi/abacusai/deployment_conversation/index", "autoapi/abacusai/deployment_conversation_event/index", "autoapi/abacusai/deployment_conversation_export/index", "autoapi/abacusai/deployment_statistics/index", "autoapi/abacusai/document_data/index", "autoapi/abacusai/document_retriever/index", "autoapi/abacusai/document_retriever_lookup_result/index", "autoapi/abacusai/document_retriever_version/index", "autoapi/abacusai/drift_distribution/index", "autoapi/abacusai/drift_distributions/index", "autoapi/abacusai/eda/index", "autoapi/abacusai/eda_chart_description/index", "autoapi/abacusai/eda_collinearity/index", "autoapi/abacusai/eda_data_consistency/index", "autoapi/abacusai/eda_feature_association/index", "autoapi/abacusai/eda_feature_collinearity/index", "autoapi/abacusai/eda_forecasting_analysis/index", "autoapi/abacusai/eda_version/index", "autoapi/abacusai/embedding_feature_drift_distribution/index", "autoapi/abacusai/execute_feature_group_operation/index", "autoapi/abacusai/external_application/index", "autoapi/abacusai/external_invite/index", "autoapi/abacusai/extracted_fields/index", "autoapi/abacusai/feature/index", "autoapi/abacusai/feature_distribution/index", "autoapi/abacusai/feature_drift_record/index", "autoapi/abacusai/feature_drift_summary/index", "autoapi/abacusai/feature_group/index", "autoapi/abacusai/feature_group_document/index", "autoapi/abacusai/feature_group_export/index", "autoapi/abacusai/feature_group_export_config/index", "autoapi/abacusai/feature_group_export_download_url/index", "autoapi/abacusai/feature_group_lineage/index", "autoapi/abacusai/feature_group_refresh_export_config/index", "autoapi/abacusai/feature_group_row/index", "autoapi/abacusai/feature_group_row_process/index", "autoapi/abacusai/feature_group_row_process_logs/index", "autoapi/abacusai/feature_group_row_process_summary/index", "autoapi/abacusai/feature_group_template/index", "autoapi/abacusai/feature_group_template_variable_options/index", "autoapi/abacusai/feature_group_version/index", "autoapi/abacusai/feature_group_version_logs/index", "autoapi/abacusai/feature_importance/index", "autoapi/abacusai/feature_mapping/index", "autoapi/abacusai/feature_performance_analysis/index", "autoapi/abacusai/feature_record/index", "autoapi/abacusai/file_connector/index", "autoapi/abacusai/file_connector_instructions/index", "autoapi/abacusai/file_connector_verification/index", "autoapi/abacusai/finetuned_pretrained_model/index", "autoapi/abacusai/forecasting_analysis_graph_data/index", "autoapi/abacusai/forecasting_monitor_item_analysis/index", "autoapi/abacusai/forecasting_monitor_summary/index", "autoapi/abacusai/function_logs/index", "autoapi/abacusai/generated_pit_feature_config_option/index", "autoapi/abacusai/global_context/index", "autoapi/abacusai/graph_dashboard/index", "autoapi/abacusai/holdout_analysis/index", "autoapi/abacusai/holdout_analysis_version/index", "autoapi/abacusai/hosted_model_token/index", "autoapi/abacusai/hume_voice/index", "autoapi/abacusai/image_gen_settings/index", "autoapi/abacusai/index", "autoapi/abacusai/indexing_config/index", "autoapi/abacusai/inferred_database_column_to_feature_mappings/index", "autoapi/abacusai/inferred_feature_mappings/index", "autoapi/abacusai/item_statistics/index", "autoapi/abacusai/llm_app/index", "autoapi/abacusai/llm_code_block/index", "autoapi/abacusai/llm_execution_preview/index", "autoapi/abacusai/llm_execution_result/index", "autoapi/abacusai/llm_generated_code/index", "autoapi/abacusai/llm_input/index", "autoapi/abacusai/llm_parameters/index", "autoapi/abacusai/llm_response/index", "autoapi/abacusai/memory_options/index", "autoapi/abacusai/messaging_connector_response/index", "autoapi/abacusai/model/index", "autoapi/abacusai/model_artifacts_export/index", "autoapi/abacusai/model_blueprint_export/index", "autoapi/abacusai/model_blueprint_stage/index", "autoapi/abacusai/model_location/index", "autoapi/abacusai/model_metrics/index", "autoapi/abacusai/model_monitor/index", "autoapi/abacusai/model_monitor_org_summary/index", "autoapi/abacusai/model_monitor_summary/index", "autoapi/abacusai/model_monitor_summary_from_org/index", "autoapi/abacusai/model_monitor_version/index", "autoapi/abacusai/model_monitor_version_metric_data/index", "autoapi/abacusai/model_training_type_for_deployment/index", "autoapi/abacusai/model_upload/index", "autoapi/abacusai/model_version/index", "autoapi/abacusai/model_version_feature_group_schema/index", "autoapi/abacusai/modification_lock_info/index", "autoapi/abacusai/module/index", "autoapi/abacusai/monitor_alert/index", "autoapi/abacusai/monitor_alert_version/index", "autoapi/abacusai/monitor_drift_and_distributions/index", "autoapi/abacusai/natural_language_explanation/index", "autoapi/abacusai/nested_feature/index", "autoapi/abacusai/nested_feature_schema/index", "autoapi/abacusai/news_search_result/index", "autoapi/abacusai/nlp_chat_response/index", "autoapi/abacusai/null_violation/index", "autoapi/abacusai/organization_external_application_settings/index", "autoapi/abacusai/organization_group/index", "autoapi/abacusai/organization_search_result/index", "autoapi/abacusai/organization_secret/index", "autoapi/abacusai/page_data/index", "autoapi/abacusai/pipeline/index", "autoapi/abacusai/pipeline_reference/index", "autoapi/abacusai/pipeline_step/index", "autoapi/abacusai/pipeline_step_version/index", "autoapi/abacusai/pipeline_step_version_logs/index", "autoapi/abacusai/pipeline_step_version_reference/index", "autoapi/abacusai/pipeline_version/index", "autoapi/abacusai/pipeline_version_logs/index", "autoapi/abacusai/playground_text/index", "autoapi/abacusai/point_in_time_feature/index", "autoapi/abacusai/point_in_time_feature_info/index", "autoapi/abacusai/point_in_time_group/index", "autoapi/abacusai/point_in_time_group_feature/index", "autoapi/abacusai/prediction_client/index", "autoapi/abacusai/prediction_dataset/index", "autoapi/abacusai/prediction_feature_group/index", "autoapi/abacusai/prediction_input/index", "autoapi/abacusai/prediction_log_record/index", "autoapi/abacusai/prediction_operator/index", "autoapi/abacusai/prediction_operator_version/index", "autoapi/abacusai/problem_type/index", "autoapi/abacusai/project/index", "autoapi/abacusai/project_config/index", "autoapi/abacusai/project_feature_group/index", "autoapi/abacusai/project_feature_group_schema/index", "autoapi/abacusai/project_feature_group_schema_version/index", "autoapi/abacusai/project_validation/index", "autoapi/abacusai/python_function/index", "autoapi/abacusai/python_function_validator/index", "autoapi/abacusai/python_plot_function/index", "autoapi/abacusai/range_violation/index", "autoapi/abacusai/realtime_monitor/index", "autoapi/abacusai/refresh_pipeline_run/index", "autoapi/abacusai/refresh_policy/index", "autoapi/abacusai/refresh_schedule/index", "autoapi/abacusai/regenerate_llm_external_application/index", "autoapi/abacusai/resolved_feature_group_template/index", "autoapi/abacusai/return_class/index", "autoapi/abacusai/routing_action/index", "autoapi/abacusai/schema/index", "autoapi/abacusai/sftp_key/index", "autoapi/abacusai/streaming_auth_token/index", "autoapi/abacusai/streaming_client/index", "autoapi/abacusai/streaming_connector/index", "autoapi/abacusai/streaming_row_count/index", "autoapi/abacusai/streaming_sample_code/index", "autoapi/abacusai/template_node_details/index", "autoapi/abacusai/test_point_predictions/index", "autoapi/abacusai/tone_details/index", "autoapi/abacusai/training_config_options/index", "autoapi/abacusai/twitter_search_result/index", "autoapi/abacusai/upload/index", "autoapi/abacusai/upload_part/index", "autoapi/abacusai/use_case/index", "autoapi/abacusai/use_case_requirements/index", "autoapi/abacusai/user/index", "autoapi/abacusai/user_exception/index", "autoapi/abacusai/video_gen_settings/index", "autoapi/abacusai/video_search_result/index", "autoapi/abacusai/voice_gen_details/index", "autoapi/abacusai/web_page_response/index", "autoapi/abacusai/web_search_response/index", "autoapi/abacusai/web_search_result/index", "autoapi/abacusai/webhook/index", "autoapi/abacusai/workflow_graph_node_details/index", "autoapi/abacusai/workflow_node_template/index", "index"], "envversion": {"sphinx": 64, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1}, "filenames": ["autoapi/abacusai/abacus_api/index.rst", "autoapi/abacusai/address/index.rst", "autoapi/abacusai/agent/index.rst", "autoapi/abacusai/agent_chat_message/index.rst", "autoapi/abacusai/agent_conversation/index.rst", "autoapi/abacusai/agent_data_document_info/index.rst", "autoapi/abacusai/agent_data_execution_result/index.rst", "autoapi/abacusai/agent_version/index.rst", "autoapi/abacusai/ai_building_task/index.rst", "autoapi/abacusai/algorithm/index.rst", "autoapi/abacusai/annotation/index.rst", "autoapi/abacusai/annotation_config/index.rst", "autoapi/abacusai/annotation_document/index.rst", "autoapi/abacusai/annotation_entry/index.rst", "autoapi/abacusai/annotations_status/index.rst", "autoapi/abacusai/api_class/abstract/index.rst", "autoapi/abacusai/api_class/ai_agents/index.rst", "autoapi/abacusai/api_class/ai_chat/index.rst", "autoapi/abacusai/api_class/batch_prediction/index.rst", "autoapi/abacusai/api_class/blob_input/index.rst", "autoapi/abacusai/api_class/connectors/index.rst", "autoapi/abacusai/api_class/dataset/index.rst", "autoapi/abacusai/api_class/dataset_application_connector/index.rst", "autoapi/abacusai/api_class/deployment/index.rst", "autoapi/abacusai/api_class/document_retriever/index.rst", "autoapi/abacusai/api_class/enums/index.rst", "autoapi/abacusai/api_class/feature_group/index.rst", "autoapi/abacusai/api_class/index.rst", "autoapi/abacusai/api_class/model/index.rst", "autoapi/abacusai/api_class/monitor/index.rst", "autoapi/abacusai/api_class/monitor_alert/index.rst", "autoapi/abacusai/api_class/project/index.rst", "autoapi/abacusai/api_class/python_functions/index.rst", "autoapi/abacusai/api_class/refresh/index.rst", "autoapi/abacusai/api_class/segments/index.rst", "autoapi/abacusai/api_client_utils/index.rst", "autoapi/abacusai/api_endpoint/index.rst", "autoapi/abacusai/api_key/index.rst", "autoapi/abacusai/app_user_group/index.rst", "autoapi/abacusai/app_user_group_sign_in_token/index.rst", "autoapi/abacusai/application_connector/index.rst", "autoapi/abacusai/audio_gen_settings/index.rst", "autoapi/abacusai/batch_prediction/index.rst", "autoapi/abacusai/batch_prediction_version/index.rst", "autoapi/abacusai/batch_prediction_version_logs/index.rst", "autoapi/abacusai/bot_info/index.rst", "autoapi/abacusai/categorical_range_violation/index.rst", "autoapi/abacusai/chat_message/index.rst", "autoapi/abacusai/chat_session/index.rst", "autoapi/abacusai/chatllm_computer/index.rst", "autoapi/abacusai/chatllm_referral_invite/index.rst", "autoapi/abacusai/chatllm_task/index.rst", "autoapi/abacusai/client/index.rst", "autoapi/abacusai/code_agent_response/index.rst", "autoapi/abacusai/code_autocomplete_response/index.rst", "autoapi/abacusai/code_bot/index.rst", "autoapi/abacusai/code_edit/index.rst", "autoapi/abacusai/code_edit_response/index.rst", "autoapi/abacusai/code_edits/index.rst", "autoapi/abacusai/code_source/index.rst", "autoapi/abacusai/compute_point_info/index.rst", "autoapi/abacusai/concatenation_config/index.rst", "autoapi/abacusai/cpu_gpu_memory_specs/index.rst", "autoapi/abacusai/cryptography/index.rst", "autoapi/abacusai/custom_chat_instructions/index.rst", "autoapi/abacusai/custom_loss_function/index.rst", "autoapi/abacusai/custom_metric/index.rst", "autoapi/abacusai/custom_metric_version/index.rst", "autoapi/abacusai/custom_train_function_info/index.rst", "autoapi/abacusai/data_consistency_duplication/index.rst", "autoapi/abacusai/data_metrics/index.rst", "autoapi/abacusai/data_prep_logs/index.rst", "autoapi/abacusai/data_quality_results/index.rst", "autoapi/abacusai/data_upload_result/index.rst", "autoapi/abacusai/database_column_feature_mapping/index.rst", "autoapi/abacusai/database_connector/index.rst", "autoapi/abacusai/database_connector_column/index.rst", "autoapi/abacusai/database_connector_schema/index.rst", "autoapi/abacusai/dataset/index.rst", "autoapi/abacusai/dataset_column/index.rst", "autoapi/abacusai/dataset_version/index.rst", "autoapi/abacusai/dataset_version_logs/index.rst", "autoapi/abacusai/deployment/index.rst", "autoapi/abacusai/deployment_auth_token/index.rst", "autoapi/abacusai/deployment_conversation/index.rst", "autoapi/abacusai/deployment_conversation_event/index.rst", "autoapi/abacusai/deployment_conversation_export/index.rst", "autoapi/abacusai/deployment_statistics/index.rst", "autoapi/abacusai/document_data/index.rst", "autoapi/abacusai/document_retriever/index.rst", "autoapi/abacusai/document_retriever_lookup_result/index.rst", "autoapi/abacusai/document_retriever_version/index.rst", "autoapi/abacusai/drift_distribution/index.rst", "autoapi/abacusai/drift_distributions/index.rst", "autoapi/abacusai/eda/index.rst", "autoapi/abacusai/eda_chart_description/index.rst", "autoapi/abacusai/eda_collinearity/index.rst", "autoapi/abacusai/eda_data_consistency/index.rst", "autoapi/abacusai/eda_feature_association/index.rst", "autoapi/abacusai/eda_feature_collinearity/index.rst", "autoapi/abacusai/eda_forecasting_analysis/index.rst", "autoapi/abacusai/eda_version/index.rst", "autoapi/abacusai/embedding_feature_drift_distribution/index.rst", "autoapi/abacusai/execute_feature_group_operation/index.rst", "autoapi/abacusai/external_application/index.rst", "autoapi/abacusai/external_invite/index.rst", "autoapi/abacusai/extracted_fields/index.rst", "autoapi/abacusai/feature/index.rst", "autoapi/abacusai/feature_distribution/index.rst", "autoapi/abacusai/feature_drift_record/index.rst", "autoapi/abacusai/feature_drift_summary/index.rst", "autoapi/abacusai/feature_group/index.rst", "autoapi/abacusai/feature_group_document/index.rst", "autoapi/abacusai/feature_group_export/index.rst", "autoapi/abacusai/feature_group_export_config/index.rst", "autoapi/abacusai/feature_group_export_download_url/index.rst", "autoapi/abacusai/feature_group_lineage/index.rst", "autoapi/abacusai/feature_group_refresh_export_config/index.rst", "autoapi/abacusai/feature_group_row/index.rst", "autoapi/abacusai/feature_group_row_process/index.rst", "autoapi/abacusai/feature_group_row_process_logs/index.rst", "autoapi/abacusai/feature_group_row_process_summary/index.rst", "autoapi/abacusai/feature_group_template/index.rst", "autoapi/abacusai/feature_group_template_variable_options/index.rst", "autoapi/abacusai/feature_group_version/index.rst", "autoapi/abacusai/feature_group_version_logs/index.rst", "autoapi/abacusai/feature_importance/index.rst", "autoapi/abacusai/feature_mapping/index.rst", "autoapi/abacusai/feature_performance_analysis/index.rst", "autoapi/abacusai/feature_record/index.rst", "autoapi/abacusai/file_connector/index.rst", "autoapi/abacusai/file_connector_instructions/index.rst", "autoapi/abacusai/file_connector_verification/index.rst", "autoapi/abacusai/finetuned_pretrained_model/index.rst", "autoapi/abacusai/forecasting_analysis_graph_data/index.rst", "autoapi/abacusai/forecasting_monitor_item_analysis/index.rst", "autoapi/abacusai/forecasting_monitor_summary/index.rst", "autoapi/abacusai/function_logs/index.rst", "autoapi/abacusai/generated_pit_feature_config_option/index.rst", "autoapi/abacusai/global_context/index.rst", "autoapi/abacusai/graph_dashboard/index.rst", "autoapi/abacusai/holdout_analysis/index.rst", "autoapi/abacusai/holdout_analysis_version/index.rst", "autoapi/abacusai/hosted_model_token/index.rst", "autoapi/abacusai/hume_voice/index.rst", "autoapi/abacusai/image_gen_settings/index.rst", "autoapi/abacusai/index.rst", "autoapi/abacusai/indexing_config/index.rst", "autoapi/abacusai/inferred_database_column_to_feature_mappings/index.rst", "autoapi/abacusai/inferred_feature_mappings/index.rst", "autoapi/abacusai/item_statistics/index.rst", "autoapi/abacusai/llm_app/index.rst", "autoapi/abacusai/llm_code_block/index.rst", "autoapi/abacusai/llm_execution_preview/index.rst", "autoapi/abacusai/llm_execution_result/index.rst", "autoapi/abacusai/llm_generated_code/index.rst", "autoapi/abacusai/llm_input/index.rst", "autoapi/abacusai/llm_parameters/index.rst", "autoapi/abacusai/llm_response/index.rst", "autoapi/abacusai/memory_options/index.rst", "autoapi/abacusai/messaging_connector_response/index.rst", "autoapi/abacusai/model/index.rst", "autoapi/abacusai/model_artifacts_export/index.rst", "autoapi/abacusai/model_blueprint_export/index.rst", "autoapi/abacusai/model_blueprint_stage/index.rst", "autoapi/abacusai/model_location/index.rst", "autoapi/abacusai/model_metrics/index.rst", "autoapi/abacusai/model_monitor/index.rst", "autoapi/abacusai/model_monitor_org_summary/index.rst", "autoapi/abacusai/model_monitor_summary/index.rst", "autoapi/abacusai/model_monitor_summary_from_org/index.rst", "autoapi/abacusai/model_monitor_version/index.rst", "autoapi/abacusai/model_monitor_version_metric_data/index.rst", "autoapi/abacusai/model_training_type_for_deployment/index.rst", "autoapi/abacusai/model_upload/index.rst", "autoapi/abacusai/model_version/index.rst", "autoapi/abacusai/model_version_feature_group_schema/index.rst", "autoapi/abacusai/modification_lock_info/index.rst", "autoapi/abacusai/module/index.rst", "autoapi/abacusai/monitor_alert/index.rst", "autoapi/abacusai/monitor_alert_version/index.rst", "autoapi/abacusai/monitor_drift_and_distributions/index.rst", "autoapi/abacusai/natural_language_explanation/index.rst", "autoapi/abacusai/nested_feature/index.rst", "autoapi/abacusai/nested_feature_schema/index.rst", "autoapi/abacusai/news_search_result/index.rst", "autoapi/abacusai/nlp_chat_response/index.rst", "autoapi/abacusai/null_violation/index.rst", "autoapi/abacusai/organization_external_application_settings/index.rst", "autoapi/abacusai/organization_group/index.rst", "autoapi/abacusai/organization_search_result/index.rst", "autoapi/abacusai/organization_secret/index.rst", "autoapi/abacusai/page_data/index.rst", "autoapi/abacusai/pipeline/index.rst", "autoapi/abacusai/pipeline_reference/index.rst", "autoapi/abacusai/pipeline_step/index.rst", "autoapi/abacusai/pipeline_step_version/index.rst", "autoapi/abacusai/pipeline_step_version_logs/index.rst", "autoapi/abacusai/pipeline_step_version_reference/index.rst", "autoapi/abacusai/pipeline_version/index.rst", "autoapi/abacusai/pipeline_version_logs/index.rst", "autoapi/abacusai/playground_text/index.rst", "autoapi/abacusai/point_in_time_feature/index.rst", "autoapi/abacusai/point_in_time_feature_info/index.rst", "autoapi/abacusai/point_in_time_group/index.rst", "autoapi/abacusai/point_in_time_group_feature/index.rst", "autoapi/abacusai/prediction_client/index.rst", "autoapi/abacusai/prediction_dataset/index.rst", "autoapi/abacusai/prediction_feature_group/index.rst", "autoapi/abacusai/prediction_input/index.rst", "autoapi/abacusai/prediction_log_record/index.rst", "autoapi/abacusai/prediction_operator/index.rst", "autoapi/abacusai/prediction_operator_version/index.rst", "autoapi/abacusai/problem_type/index.rst", "autoapi/abacusai/project/index.rst", "autoapi/abacusai/project_config/index.rst", "autoapi/abacusai/project_feature_group/index.rst", "autoapi/abacusai/project_feature_group_schema/index.rst", "autoapi/abacusai/project_feature_group_schema_version/index.rst", "autoapi/abacusai/project_validation/index.rst", "autoapi/abacusai/python_function/index.rst", "autoapi/abacusai/python_function_validator/index.rst", "autoapi/abacusai/python_plot_function/index.rst", "autoapi/abacusai/range_violation/index.rst", "autoapi/abacusai/realtime_monitor/index.rst", "autoapi/abacusai/refresh_pipeline_run/index.rst", "autoapi/abacusai/refresh_policy/index.rst", "autoapi/abacusai/refresh_schedule/index.rst", "autoapi/abacusai/regenerate_llm_external_application/index.rst", "autoapi/abacusai/resolved_feature_group_template/index.rst", "autoapi/abacusai/return_class/index.rst", "autoapi/abacusai/routing_action/index.rst", "autoapi/abacusai/schema/index.rst", "autoapi/abacusai/sftp_key/index.rst", "autoapi/abacusai/streaming_auth_token/index.rst", "autoapi/abacusai/streaming_client/index.rst", "autoapi/abacusai/streaming_connector/index.rst", "autoapi/abacusai/streaming_row_count/index.rst", "autoapi/abacusai/streaming_sample_code/index.rst", "autoapi/abacusai/template_node_details/index.rst", "autoapi/abacusai/test_point_predictions/index.rst", "autoapi/abacusai/tone_details/index.rst", "autoapi/abacusai/training_config_options/index.rst", "autoapi/abacusai/twitter_search_result/index.rst", "autoapi/abacusai/upload/index.rst", "autoapi/abacusai/upload_part/index.rst", "autoapi/abacusai/use_case/index.rst", "autoapi/abacusai/use_case_requirements/index.rst", "autoapi/abacusai/user/index.rst", "autoapi/abacusai/user_exception/index.rst", "autoapi/abacusai/video_gen_settings/index.rst", "autoapi/abacusai/video_search_result/index.rst", "autoapi/abacusai/voice_gen_details/index.rst", "autoapi/abacusai/web_page_response/index.rst", "autoapi/abacusai/web_search_response/index.rst", "autoapi/abacusai/web_search_result/index.rst", "autoapi/abacusai/webhook/index.rst", "autoapi/abacusai/workflow_graph_node_details/index.rst", "autoapi/abacusai/workflow_node_template/index.rst", "index.rst"], "indexentries": {"__deprecated_values__ (abacusai.api_class.apienum attribute)": [[27, "abacusai.api_class.ApiEnum.__deprecated_values__", false]], "__deprecated_values__ (abacusai.api_class.enums.apienum attribute)": [[25, "abacusai.api_class.enums.ApiEnum.__deprecated_values__", false]], "__deprecated_values__ (abacusai.apienum attribute)": [[146, "abacusai.ApiEnum.__deprecated_values__", false]], "__eq__() (abacusai.api_class.apienum method)": [[27, "abacusai.api_class.ApiEnum.__eq__", false]], "__eq__() (abacusai.api_class.enums.apienum method)": [[25, "abacusai.api_class.enums.ApiEnum.__eq__", false]], "__eq__() (abacusai.apienum method)": [[146, "abacusai.ApiEnum.__eq__", false]], "__eq__() (abacusai.return_class.abstractapiclass method)": [[230, "abacusai.return_class.AbstractApiClass.__eq__", false]], "__getattr__() (abacusai.agentresponse method)": [[146, "abacusai.AgentResponse.__getattr__", false]], "__getattr__() (abacusai.api_class.ai_agents.workflowgraphnode.outputs method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs.__getattr__", false]], "__getattr__() (abacusai.api_class.workflowgraphnode.outputs method)": [[27, "abacusai.api_class.WorkflowGraphNode.Outputs.__getattr__", false]], "__getattr__() (abacusai.client.agentresponse method)": [[52, "abacusai.client.AgentResponse.__getattr__", false]], "__getattr__() (abacusai.workflowgraphnode.outputs method)": [[146, "abacusai.WorkflowGraphNode.Outputs.__getattr__", false]], "__getattribute__() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.__getattribute__", false]], "__getattribute__() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.__getattribute__", false]], "__getattribute__() (abacusai.return_class.abstractapiclass method)": [[230, "abacusai.return_class.AbstractApiClass.__getattribute__", false]], "__getattribute__() (abacusai.workflowgraphnode method)": [[146, "abacusai.WorkflowGraphNode.__getattribute__", false]], "__getitem__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__getitem__", false]], "__getitem__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__getitem__", false], [27, "id141", false], [27, "id174", false], [27, "id193", false], [27, "id21", false], [27, "id211", false], [27, "id230", false], [27, "id249", false], [27, "id263", false], [27, "id282", false], [27, "id35", false], [27, "id54", false], [27, "id7", false], [27, "id79", false], [27, "id98", false]], "__getitem__() (abacusai.apiclass method)": [[146, "abacusai.ApiClass.__getitem__", false]], "__getstate__() (abacusai.agentresponse method)": [[146, "abacusai.AgentResponse.__getstate__", false]], "__getstate__() (abacusai.client.agentresponse method)": [[52, "abacusai.client.AgentResponse.__getstate__", false]], "__hash__() (abacusai.api_class.apienum method)": [[27, "abacusai.api_class.ApiEnum.__hash__", false]], "__hash__() (abacusai.api_class.enums.apienum method)": [[25, "abacusai.api_class.enums.ApiEnum.__hash__", false]], "__hash__() (abacusai.apienum method)": [[146, "abacusai.ApiEnum.__hash__", false]], "__post_init__() (abacusai.abacususagemetricsdatasetconfig method)": [[146, "abacusai.AbacusUsageMetricsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.accuracybelowthresholdconditionconfig method)": [[146, "abacusai.AccuracyBelowThresholdConditionConfig.__post_init__", false]], "__post_init__() (abacusai.aiagentbatchpredictionargs method)": [[146, "abacusai.AIAgentBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.aiagenttrainingconfig method)": [[146, "abacusai.AIAgentTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.abacususagemetricsdatasetconfig method)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__post_init__", false]], "__post_init__() (abacusai.api_class.accuracybelowthresholdconditionconfig method)": [[27, "abacusai.api_class.AccuracyBelowThresholdConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.ai_agents.workflowgraph method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.__post_init__", false]], "__post_init__() (abacusai.api_class.ai_agents.workflownodeinputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.ai_agents.workflownodeoutputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.aiagentbatchpredictionargs method)": [[27, "abacusai.api_class.AIAgentBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.aiagenttrainingconfig method)": [[27, "abacusai.api_class.AIAgentTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__post_init__", false], [27, "id137", false], [27, "id17", false], [27, "id170", false], [27, "id189", false], [27, "id207", false], [27, "id226", false], [27, "id245", false], [27, "id259", false], [27, "id278", false], [27, "id3", false], [27, "id31", false], [27, "id50", false], [27, "id75", false], [27, "id94", false]], "__post_init__() (abacusai.api_class.batch_prediction.aiagentbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.AIAgentBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.chatllmbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.namedentityextractionbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.sentenceboundarydetectionbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.trainableplugandplaybatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.biasviolationconditionconfig method)": [[27, "abacusai.api_class.BiasViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.boxdatasetconfig method)": [[27, "abacusai.api_class.BoxDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.chatllmbatchpredictionargs method)": [[27, "abacusai.api_class.ChatLLMBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.chatllmpredictionarguments method)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.chatllmtrainingconfig method)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.clusteringtimeseriestrainingconfig method)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.clusteringtrainingconfig method)": [[27, "abacusai.api_class.ClusteringTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.confluencedatasetconfig method)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.connectors.kafkadatasetconfig method)": [[20, "abacusai.api_class.connectors.KafkaDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.constraintprojectfeaturegroupconfig method)": [[27, "abacusai.api_class.ConstraintProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.crawlertransformconfig method)": [[27, "abacusai.api_class.CrawlerTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.cumulativeforecastingpredictionarguments method)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.cumulativeforecastingtrainingconfig method)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.customalgorithmtrainingconfig method)": [[27, "abacusai.api_class.CustomAlgorithmTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.customtrainedmodeltrainingconfig method)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.databaseconnectorexportconfig method)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.datagenerationconfig method)": [[27, "abacusai.api_class.DataGenerationConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataintegrityviolationconditionconfig method)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset.documentprocessingconfig method)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.boxdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.confluencedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.freshservicedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.jiradatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.zendeskdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.chatllmpredictionarguments method)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments method)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.featurestorepredictionarguments method)": [[23, "abacusai.api_class.deployment.FeatureStorePredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.forecastingpredictionarguments method)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments method)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.optimizationpredictionarguments method)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.regressionpredictionarguments method)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.timeseriesanomalypredictionarguments method)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.documentclassificationtrainingconfig method)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.documentprocessingconfig method)": [[27, "abacusai.api_class.DocumentProcessingConfig.__post_init__", false], [27, "id164", false]], "__post_init__() (abacusai.api_class.documentsummarizationtrainingconfig method)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.documentvisualizationtrainingconfig method)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.emailactionconfig method)": [[27, "abacusai.api_class.EmailActionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.eventanomalytrainingconfig method)": [[27, "abacusai.api_class.EventAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.extractdocumentdataconfig method)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.crawlertransformconfig method)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.datagenerationconfig method)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.extractdocumentdataconfig method)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.lastnmergeconfig method)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.markdownconfig method)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.mergeconfig method)": [[26, "abacusai.api_class.feature_group.MergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.nsamplingconfig method)": [[26, "abacusai.api_class.feature_group.NSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.operatorconfig method)": [[26, "abacusai.api_class.feature_group.OperatorConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.percentsamplingconfig method)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.samplingconfig method)": [[26, "abacusai.api_class.feature_group.SamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.timewindowmergeconfig method)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.uniontransformconfig method)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.unpivotconfig method)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.featuredriftconditionconfig method)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.featurestorepredictionarguments method)": [[27, "abacusai.api_class.FeatureStorePredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.fileconnectorexportconfig method)": [[27, "abacusai.api_class.FileConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.forecastingbatchpredictionargs method)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.forecastingpredictionarguments method)": [[27, "abacusai.api_class.ForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.forecastingtrainingconfig method)": [[27, "abacusai.api_class.ForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.freshservicedatasetconfig method)": [[27, "abacusai.api_class.FreshserviceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.googleanalyticsdatasetconfig method)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.googledrivedatasetconfig method)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.historylengthdriftconditionconfig method)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.jiradatasetconfig method)": [[27, "abacusai.api_class.JiraDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.kafkadatasetconfig method)": [[27, "abacusai.api_class.KafkaDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.lastnmergeconfig method)": [[27, "abacusai.api_class.LastNMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.markdownconfig method)": [[27, "abacusai.api_class.MarkdownConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.mergeconfig method)": [[27, "abacusai.api_class.MergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.aiagenttrainingconfig method)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.chatllmtrainingconfig method)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.clusteringtimeseriestrainingconfig method)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.clusteringtrainingconfig method)": [[28, "abacusai.api_class.model.ClusteringTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.cumulativeforecastingtrainingconfig method)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.customalgorithmtrainingconfig method)": [[28, "abacusai.api_class.model.CustomAlgorithmTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.customtrainedmodeltrainingconfig method)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.documentclassificationtrainingconfig method)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.documentsummarizationtrainingconfig method)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.documentvisualizationtrainingconfig method)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.eventanomalytrainingconfig method)": [[28, "abacusai.api_class.model.EventAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.forecastingtrainingconfig method)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.namedentityextractiontrainingconfig method)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.naturallanguagesearchtrainingconfig method)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.optimizationtrainingconfig method)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.personalizationtrainingconfig method)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.regressiontrainingconfig method)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig method)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.sentimentdetectiontrainingconfig method)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.themeanalysistrainingconfig method)": [[28, "abacusai.api_class.model.ThemeAnalysisTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.timeseriesanomalytrainingconfig method)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.accuracybelowthresholdconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.biasviolationconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.dataintegrityviolationconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.emailactionconfig method)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.featuredriftconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.historylengthdriftconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.predictioncountconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.targetdriftconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.namedentityextractionbatchpredictionargs method)": [[27, "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.namedentityextractiontrainingconfig method)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.naturallanguagesearchpredictionarguments method)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.naturallanguagesearchtrainingconfig method)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.nsamplingconfig method)": [[27, "abacusai.api_class.NSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.onedrivedatasetconfig method)": [[27, "abacusai.api_class.OneDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.operatorconfig method)": [[27, "abacusai.api_class.OperatorConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.optimizationpredictionarguments method)": [[27, "abacusai.api_class.OptimizationPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.optimizationtrainingconfig method)": [[27, "abacusai.api_class.OptimizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.percentsamplingconfig method)": [[27, "abacusai.api_class.PercentSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.personalizationbatchpredictionargs method)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.personalizationtrainingconfig method)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.predictioncountconditionconfig method)": [[27, "abacusai.api_class.PredictionCountConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.predictivemodelingbatchpredictionargs method)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.pretrainedmodelsbatchpredictionargs method)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.project.constraintprojectfeaturegroupconfig method)": [[31, "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.project.reviewmodeprojectfeaturegroupconfig method)": [[31, "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.refresh.databaseconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.refresh.fileconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.regressionpredictionarguments method)": [[27, "abacusai.api_class.RegressionPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.regressiontrainingconfig method)": [[27, "abacusai.api_class.RegressionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.responsesection method)": [[27, "abacusai.api_class.ResponseSection.__post_init__", false]], "__post_init__() (abacusai.api_class.reviewmodeprojectfeaturegroupconfig method)": [[27, "abacusai.api_class.ReviewModeProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.samplingconfig method)": [[27, "abacusai.api_class.SamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.segments.responsesection method)": [[34, "abacusai.api_class.segments.ResponseSection.__post_init__", false]], "__post_init__() (abacusai.api_class.sentenceboundarydetectionbatchpredictionargs method)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.sentenceboundarydetectiontrainingconfig method)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.sentimentdetectiontrainingconfig method)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.sharepointdatasetconfig method)": [[27, "abacusai.api_class.SharepointDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.targetdriftconditionconfig method)": [[27, "abacusai.api_class.TargetDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.teamsscraperdatasetconfig method)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.themeanalysisbatchpredictionargs method)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.themeanalysistrainingconfig method)": [[27, "abacusai.api_class.ThemeAnalysisTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.timeseriesanomalypredictionarguments method)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.timeseriesanomalytrainingconfig method)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.timewindowmergeconfig method)": [[27, "abacusai.api_class.TimeWindowMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.trainableplugandplaybatchpredictionargs method)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.uniontransformconfig method)": [[27, "abacusai.api_class.UnionTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.unpivotconfig method)": [[27, "abacusai.api_class.UnpivotConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.workflowgraph method)": [[27, "abacusai.api_class.WorkflowGraph.__post_init__", false]], "__post_init__() (abacusai.api_class.workflownodeinputmapping method)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.workflownodeoutputmapping method)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.zendeskdatasetconfig method)": [[27, "abacusai.api_class.ZendeskDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.apiclass method)": [[146, "abacusai.ApiClass.__post_init__", false]], "__post_init__() (abacusai.biasviolationconditionconfig method)": [[146, "abacusai.BiasViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.boxdatasetconfig method)": [[146, "abacusai.BoxDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.chatllmbatchpredictionargs method)": [[146, "abacusai.ChatLLMBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.chatllmpredictionarguments method)": [[146, "abacusai.ChatLLMPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.chatllmtrainingconfig method)": [[146, "abacusai.ChatLLMTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.clusteringtimeseriestrainingconfig method)": [[146, "abacusai.ClusteringTimeseriesTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.clusteringtrainingconfig method)": [[146, "abacusai.ClusteringTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.confluencedatasetconfig method)": [[146, "abacusai.ConfluenceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.constraintprojectfeaturegroupconfig method)": [[146, "abacusai.ConstraintProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.crawlertransformconfig method)": [[146, "abacusai.CrawlerTransformConfig.__post_init__", false]], "__post_init__() (abacusai.cumulativeforecastingpredictionarguments method)": [[146, "abacusai.CumulativeForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.cumulativeforecastingtrainingconfig method)": [[146, "abacusai.CumulativeForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.customalgorithmtrainingconfig method)": [[146, "abacusai.CustomAlgorithmTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.customtrainedmodeltrainingconfig method)": [[146, "abacusai.CustomTrainedModelTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.databaseconnectorexportconfig method)": [[146, "abacusai.DatabaseConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.datagenerationconfig method)": [[146, "abacusai.DataGenerationConfig.__post_init__", false]], "__post_init__() (abacusai.dataintegrityviolationconditionconfig method)": [[146, "abacusai.DataIntegrityViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.documentclassificationtrainingconfig method)": [[146, "abacusai.DocumentClassificationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.documentprocessingconfig method)": [[146, "abacusai.DocumentProcessingConfig.__post_init__", false]], "__post_init__() (abacusai.documentsummarizationtrainingconfig method)": [[146, "abacusai.DocumentSummarizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.documentvisualizationtrainingconfig method)": [[146, "abacusai.DocumentVisualizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.emailactionconfig method)": [[146, "abacusai.EmailActionConfig.__post_init__", false]], "__post_init__() (abacusai.eventanomalytrainingconfig method)": [[146, "abacusai.EventAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.extractdocumentdataconfig method)": [[146, "abacusai.ExtractDocumentDataConfig.__post_init__", false]], "__post_init__() (abacusai.featuredriftconditionconfig method)": [[146, "abacusai.FeatureDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.featurestorepredictionarguments method)": [[146, "abacusai.FeatureStorePredictionArguments.__post_init__", false]], "__post_init__() (abacusai.fileconnectorexportconfig method)": [[146, "abacusai.FileConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.forecastingbatchpredictionargs method)": [[146, "abacusai.ForecastingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.forecastingpredictionarguments method)": [[146, "abacusai.ForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.forecastingtrainingconfig method)": [[146, "abacusai.ForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.freshservicedatasetconfig method)": [[146, "abacusai.FreshserviceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.googleanalyticsdatasetconfig method)": [[146, "abacusai.GoogleAnalyticsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.googledrivedatasetconfig method)": [[146, "abacusai.GoogleDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.historylengthdriftconditionconfig method)": [[146, "abacusai.HistoryLengthDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.jiradatasetconfig method)": [[146, "abacusai.JiraDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.kafkadatasetconfig method)": [[146, "abacusai.KafkaDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.lastnmergeconfig method)": [[146, "abacusai.LastNMergeConfig.__post_init__", false]], "__post_init__() (abacusai.markdownconfig method)": [[146, "abacusai.MarkdownConfig.__post_init__", false]], "__post_init__() (abacusai.mergeconfig method)": [[146, "abacusai.MergeConfig.__post_init__", false]], "__post_init__() (abacusai.namedentityextractionbatchpredictionargs method)": [[146, "abacusai.NamedEntityExtractionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.namedentityextractiontrainingconfig method)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.naturallanguagesearchpredictionarguments method)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.naturallanguagesearchtrainingconfig method)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.nsamplingconfig method)": [[146, "abacusai.NSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.onedrivedatasetconfig method)": [[146, "abacusai.OneDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.operatorconfig method)": [[146, "abacusai.OperatorConfig.__post_init__", false]], "__post_init__() (abacusai.optimizationpredictionarguments method)": [[146, "abacusai.OptimizationPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.optimizationtrainingconfig method)": [[146, "abacusai.OptimizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.percentsamplingconfig method)": [[146, "abacusai.PercentSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.personalizationbatchpredictionargs method)": [[146, "abacusai.PersonalizationBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.personalizationtrainingconfig method)": [[146, "abacusai.PersonalizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.predictioncountconditionconfig method)": [[146, "abacusai.PredictionCountConditionConfig.__post_init__", false]], "__post_init__() (abacusai.predictivemodelingbatchpredictionargs method)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.pretrainedmodelsbatchpredictionargs method)": [[146, "abacusai.PretrainedModelsBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.regressionpredictionarguments method)": [[146, "abacusai.RegressionPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.regressiontrainingconfig method)": [[146, "abacusai.RegressionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.responsesection method)": [[146, "abacusai.ResponseSection.__post_init__", false]], "__post_init__() (abacusai.reviewmodeprojectfeaturegroupconfig method)": [[146, "abacusai.ReviewModeProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.samplingconfig method)": [[146, "abacusai.SamplingConfig.__post_init__", false]], "__post_init__() (abacusai.sentenceboundarydetectionbatchpredictionargs method)": [[146, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.sentenceboundarydetectiontrainingconfig method)": [[146, "abacusai.SentenceBoundaryDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.sentimentdetectiontrainingconfig method)": [[146, "abacusai.SentimentDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.sharepointdatasetconfig method)": [[146, "abacusai.SharepointDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.targetdriftconditionconfig method)": [[146, "abacusai.TargetDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.teamsscraperdatasetconfig method)": [[146, "abacusai.TeamsScraperDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.themeanalysisbatchpredictionargs method)": [[146, "abacusai.ThemeAnalysisBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.themeanalysistrainingconfig method)": [[146, "abacusai.ThemeAnalysisTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.timeseriesanomalypredictionarguments method)": [[146, "abacusai.TimeseriesAnomalyPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.timeseriesanomalytrainingconfig method)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.timewindowmergeconfig method)": [[146, "abacusai.TimeWindowMergeConfig.__post_init__", false]], "__post_init__() (abacusai.trainableplugandplaybatchpredictionargs method)": [[146, "abacusai.TrainablePlugAndPlayBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.uniontransformconfig method)": [[146, "abacusai.UnionTransformConfig.__post_init__", false]], "__post_init__() (abacusai.unpivotconfig method)": [[146, "abacusai.UnpivotConfig.__post_init__", false]], "__post_init__() (abacusai.workflowgraph method)": [[146, "abacusai.WorkflowGraph.__post_init__", false]], "__post_init__() (abacusai.workflownodeinputmapping method)": [[146, "abacusai.WorkflowNodeInputMapping.__post_init__", false]], "__post_init__() (abacusai.workflownodeoutputmapping method)": [[146, "abacusai.WorkflowNodeOutputMapping.__post_init__", false]], "__post_init__() (abacusai.zendeskdatasetconfig method)": [[146, "abacusai.ZendeskDatasetConfig.__post_init__", false]], "__repr__() (abacusai.abacus_api.abacusapi method)": [[0, "abacusai.abacus_api.AbacusApi.__repr__", false]], "__repr__() (abacusai.abacusapi method)": [[146, "abacusai.AbacusApi.__repr__", false]], "__repr__() (abacusai.address method)": [[146, "abacusai.Address.__repr__", false]], "__repr__() (abacusai.address.address method)": [[1, "abacusai.address.Address.__repr__", false]], "__repr__() (abacusai.agent method)": [[146, "abacusai.Agent.__repr__", false]], "__repr__() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.__repr__", false]], "__repr__() (abacusai.agent_chat_message.agentchatmessage method)": [[3, "abacusai.agent_chat_message.AgentChatMessage.__repr__", false]], "__repr__() (abacusai.agent_conversation.agentconversation method)": [[4, "abacusai.agent_conversation.AgentConversation.__repr__", false]], "__repr__() (abacusai.agent_data_document_info.agentdatadocumentinfo method)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.__repr__", false]], "__repr__() (abacusai.agent_data_execution_result.agentdataexecutionresult method)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.__repr__", false]], "__repr__() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.__repr__", false]], "__repr__() (abacusai.agentchatmessage method)": [[146, "abacusai.AgentChatMessage.__repr__", false]], "__repr__() (abacusai.agentconversation method)": [[146, "abacusai.AgentConversation.__repr__", false]], "__repr__() (abacusai.agentdatadocumentinfo method)": [[146, "abacusai.AgentDataDocumentInfo.__repr__", false]], "__repr__() (abacusai.agentdataexecutionresult method)": [[146, "abacusai.AgentDataExecutionResult.__repr__", false]], "__repr__() (abacusai.agentversion method)": [[146, "abacusai.AgentVersion.__repr__", false]], "__repr__() (abacusai.ai_building_task.aibuildingtask method)": [[8, "abacusai.ai_building_task.AiBuildingTask.__repr__", false]], "__repr__() (abacusai.aibuildingtask method)": [[146, "abacusai.AiBuildingTask.__repr__", false]], "__repr__() (abacusai.algorithm method)": [[146, "abacusai.Algorithm.__repr__", false]], "__repr__() (abacusai.algorithm.algorithm method)": [[9, "abacusai.algorithm.Algorithm.__repr__", false]], "__repr__() (abacusai.annotation method)": [[146, "abacusai.Annotation.__repr__", false]], "__repr__() (abacusai.annotation.annotation method)": [[10, "abacusai.annotation.Annotation.__repr__", false]], "__repr__() (abacusai.annotation_config.annotationconfig method)": [[11, "abacusai.annotation_config.AnnotationConfig.__repr__", false]], "__repr__() (abacusai.annotation_document.annotationdocument method)": [[12, "abacusai.annotation_document.AnnotationDocument.__repr__", false]], "__repr__() (abacusai.annotation_entry.annotationentry method)": [[13, "abacusai.annotation_entry.AnnotationEntry.__repr__", false]], "__repr__() (abacusai.annotationconfig method)": [[146, "abacusai.AnnotationConfig.__repr__", false]], "__repr__() (abacusai.annotationdocument method)": [[146, "abacusai.AnnotationDocument.__repr__", false]], "__repr__() (abacusai.annotationentry method)": [[146, "abacusai.AnnotationEntry.__repr__", false]], "__repr__() (abacusai.annotations_status.annotationsstatus method)": [[14, "abacusai.annotations_status.AnnotationsStatus.__repr__", false]], "__repr__() (abacusai.annotationsstatus method)": [[146, "abacusai.AnnotationsStatus.__repr__", false]], "__repr__() (abacusai.api_endpoint.apiendpoint method)": [[36, "abacusai.api_endpoint.ApiEndpoint.__repr__", false]], "__repr__() (abacusai.api_key.apikey method)": [[37, "abacusai.api_key.ApiKey.__repr__", false]], "__repr__() (abacusai.apiendpoint method)": [[146, "abacusai.ApiEndpoint.__repr__", false]], "__repr__() (abacusai.apikey method)": [[146, "abacusai.ApiKey.__repr__", false]], "__repr__() (abacusai.app_user_group.appusergroup method)": [[38, "abacusai.app_user_group.AppUserGroup.__repr__", false]], "__repr__() (abacusai.app_user_group_sign_in_token.appusergroupsignintoken method)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.__repr__", false]], "__repr__() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.__repr__", false]], "__repr__() (abacusai.applicationconnector method)": [[146, "abacusai.ApplicationConnector.__repr__", false]], "__repr__() (abacusai.appusergroup method)": [[146, "abacusai.AppUserGroup.__repr__", false]], "__repr__() (abacusai.appusergroupsignintoken method)": [[146, "abacusai.AppUserGroupSignInToken.__repr__", false]], "__repr__() (abacusai.audio_gen_settings.audiogensettings method)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.__repr__", false]], "__repr__() (abacusai.audiogensettings method)": [[146, "abacusai.AudioGenSettings.__repr__", false]], "__repr__() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.__repr__", false]], "__repr__() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.__repr__", false]], "__repr__() (abacusai.batch_prediction_version_logs.batchpredictionversionlogs method)": [[44, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.__repr__", false]], "__repr__() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.__repr__", false]], "__repr__() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.__repr__", false]], "__repr__() (abacusai.batchpredictionversionlogs method)": [[146, "abacusai.BatchPredictionVersionLogs.__repr__", false]], "__repr__() (abacusai.bot_info.botinfo method)": [[45, "abacusai.bot_info.BotInfo.__repr__", false]], "__repr__() (abacusai.botinfo method)": [[146, "abacusai.BotInfo.__repr__", false]], "__repr__() (abacusai.categorical_range_violation.categoricalrangeviolation method)": [[46, "abacusai.categorical_range_violation.CategoricalRangeViolation.__repr__", false]], "__repr__() (abacusai.categoricalrangeviolation method)": [[146, "abacusai.CategoricalRangeViolation.__repr__", false]], "__repr__() (abacusai.chat_message.chatmessage method)": [[47, "abacusai.chat_message.ChatMessage.__repr__", false]], "__repr__() (abacusai.chat_session.chatsession method)": [[48, "abacusai.chat_session.ChatSession.__repr__", false]], "__repr__() (abacusai.chatllm_computer.chatllmcomputer method)": [[49, "abacusai.chatllm_computer.ChatllmComputer.__repr__", false]], "__repr__() (abacusai.chatllm_referral_invite.chatllmreferralinvite method)": [[50, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.__repr__", false]], "__repr__() (abacusai.chatllm_task.chatllmtask method)": [[51, "abacusai.chatllm_task.ChatllmTask.__repr__", false]], "__repr__() (abacusai.chatllmcomputer method)": [[146, "abacusai.ChatllmComputer.__repr__", false]], "__repr__() (abacusai.chatllmreferralinvite method)": [[146, "abacusai.ChatllmReferralInvite.__repr__", false]], "__repr__() (abacusai.chatllmtask method)": [[146, "abacusai.ChatllmTask.__repr__", false]], "__repr__() (abacusai.chatmessage method)": [[146, "abacusai.ChatMessage.__repr__", false]], "__repr__() (abacusai.chatsession method)": [[146, "abacusai.ChatSession.__repr__", false]], "__repr__() (abacusai.code_agent_response.codeagentresponse method)": [[53, "abacusai.code_agent_response.CodeAgentResponse.__repr__", false]], "__repr__() (abacusai.code_autocomplete_response.codeautocompleteresponse method)": [[54, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.__repr__", false]], "__repr__() (abacusai.code_bot.codebot method)": [[55, "abacusai.code_bot.CodeBot.__repr__", false]], "__repr__() (abacusai.code_edit.codeedit method)": [[56, "abacusai.code_edit.CodeEdit.__repr__", false]], "__repr__() (abacusai.code_edit_response.codeeditresponse method)": [[57, "abacusai.code_edit_response.CodeEditResponse.__repr__", false]], "__repr__() (abacusai.code_edits.codeedits method)": [[58, "abacusai.code_edits.CodeEdits.__repr__", false]], "__repr__() (abacusai.code_source.codesource method)": [[59, "abacusai.code_source.CodeSource.__repr__", false]], "__repr__() (abacusai.codeagentresponse method)": [[146, "abacusai.CodeAgentResponse.__repr__", false]], "__repr__() (abacusai.codeautocompleteresponse method)": [[146, "abacusai.CodeAutocompleteResponse.__repr__", false]], "__repr__() (abacusai.codebot method)": [[146, "abacusai.CodeBot.__repr__", false]], "__repr__() (abacusai.codeedit method)": [[146, "abacusai.CodeEdit.__repr__", false]], "__repr__() (abacusai.codeeditresponse method)": [[146, "abacusai.CodeEditResponse.__repr__", false]], "__repr__() (abacusai.codeedits method)": [[146, "abacusai.CodeEdits.__repr__", false]], "__repr__() (abacusai.codesource method)": [[146, "abacusai.CodeSource.__repr__", false]], "__repr__() (abacusai.compute_point_info.computepointinfo method)": [[60, "abacusai.compute_point_info.ComputePointInfo.__repr__", false]], "__repr__() (abacusai.computepointinfo method)": [[146, "abacusai.ComputePointInfo.__repr__", false]], "__repr__() (abacusai.concatenation_config.concatenationconfig method)": [[61, "abacusai.concatenation_config.ConcatenationConfig.__repr__", false]], "__repr__() (abacusai.concatenationconfig method)": [[146, "abacusai.ConcatenationConfig.__repr__", false]], "__repr__() (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs method)": [[62, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.__repr__", false]], "__repr__() (abacusai.cpugpumemoryspecs method)": [[146, "abacusai.CpuGpuMemorySpecs.__repr__", false]], "__repr__() (abacusai.custom_chat_instructions.customchatinstructions method)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.__repr__", false]], "__repr__() (abacusai.custom_loss_function.customlossfunction method)": [[65, "abacusai.custom_loss_function.CustomLossFunction.__repr__", false]], "__repr__() (abacusai.custom_metric.custommetric method)": [[66, "abacusai.custom_metric.CustomMetric.__repr__", false]], "__repr__() (abacusai.custom_metric_version.custommetricversion method)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.__repr__", false]], "__repr__() (abacusai.custom_train_function_info.customtrainfunctioninfo method)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.__repr__", false]], "__repr__() (abacusai.customchatinstructions method)": [[146, "abacusai.CustomChatInstructions.__repr__", false]], "__repr__() (abacusai.customlossfunction method)": [[146, "abacusai.CustomLossFunction.__repr__", false]], "__repr__() (abacusai.custommetric method)": [[146, "abacusai.CustomMetric.__repr__", false]], "__repr__() (abacusai.custommetricversion method)": [[146, "abacusai.CustomMetricVersion.__repr__", false]], "__repr__() (abacusai.customtrainfunctioninfo method)": [[146, "abacusai.CustomTrainFunctionInfo.__repr__", false]], "__repr__() (abacusai.data_consistency_duplication.dataconsistencyduplication method)": [[69, "abacusai.data_consistency_duplication.DataConsistencyDuplication.__repr__", false]], "__repr__() (abacusai.data_metrics.datametrics method)": [[70, "abacusai.data_metrics.DataMetrics.__repr__", false]], "__repr__() (abacusai.data_prep_logs.datapreplogs method)": [[71, "abacusai.data_prep_logs.DataPrepLogs.__repr__", false]], "__repr__() (abacusai.data_quality_results.dataqualityresults method)": [[72, "abacusai.data_quality_results.DataQualityResults.__repr__", false]], "__repr__() (abacusai.data_upload_result.datauploadresult method)": [[73, "abacusai.data_upload_result.DataUploadResult.__repr__", false]], "__repr__() (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping method)": [[74, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.__repr__", false]], "__repr__() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.__repr__", false]], "__repr__() (abacusai.database_connector_column.databaseconnectorcolumn method)": [[76, "abacusai.database_connector_column.DatabaseConnectorColumn.__repr__", false]], "__repr__() (abacusai.database_connector_schema.databaseconnectorschema method)": [[77, "abacusai.database_connector_schema.DatabaseConnectorSchema.__repr__", false]], "__repr__() (abacusai.databasecolumnfeaturemapping method)": [[146, "abacusai.DatabaseColumnFeatureMapping.__repr__", false]], "__repr__() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.__repr__", false]], "__repr__() (abacusai.databaseconnectorcolumn method)": [[146, "abacusai.DatabaseConnectorColumn.__repr__", false]], "__repr__() (abacusai.databaseconnectorschema method)": [[146, "abacusai.DatabaseConnectorSchema.__repr__", false]], "__repr__() (abacusai.dataconsistencyduplication method)": [[146, "abacusai.DataConsistencyDuplication.__repr__", false]], "__repr__() (abacusai.datametrics method)": [[146, "abacusai.DataMetrics.__repr__", false]], "__repr__() (abacusai.datapreplogs method)": [[146, "abacusai.DataPrepLogs.__repr__", false]], "__repr__() (abacusai.dataqualityresults method)": [[146, "abacusai.DataQualityResults.__repr__", false]], "__repr__() (abacusai.dataset method)": [[146, "abacusai.Dataset.__repr__", false]], "__repr__() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.__repr__", false]], "__repr__() (abacusai.dataset_column.datasetcolumn method)": [[79, "abacusai.dataset_column.DatasetColumn.__repr__", false]], "__repr__() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.__repr__", false]], "__repr__() (abacusai.dataset_version_logs.datasetversionlogs method)": [[81, "abacusai.dataset_version_logs.DatasetVersionLogs.__repr__", false]], "__repr__() (abacusai.datasetcolumn method)": [[146, "abacusai.DatasetColumn.__repr__", false]], "__repr__() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.__repr__", false]], "__repr__() (abacusai.datasetversionlogs method)": [[146, "abacusai.DatasetVersionLogs.__repr__", false]], "__repr__() (abacusai.datauploadresult method)": [[146, "abacusai.DataUploadResult.__repr__", false]], "__repr__() (abacusai.deployment method)": [[146, "abacusai.Deployment.__repr__", false]], "__repr__() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.__repr__", false]], "__repr__() (abacusai.deployment_auth_token.deploymentauthtoken method)": [[83, "abacusai.deployment_auth_token.DeploymentAuthToken.__repr__", false]], "__repr__() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.__repr__", false]], "__repr__() (abacusai.deployment_conversation_event.deploymentconversationevent method)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.__repr__", false]], "__repr__() (abacusai.deployment_conversation_export.deploymentconversationexport method)": [[86, "abacusai.deployment_conversation_export.DeploymentConversationExport.__repr__", false]], "__repr__() (abacusai.deployment_statistics.deploymentstatistics method)": [[87, "abacusai.deployment_statistics.DeploymentStatistics.__repr__", false]], "__repr__() (abacusai.deploymentauthtoken method)": [[146, "abacusai.DeploymentAuthToken.__repr__", false]], "__repr__() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.__repr__", false]], "__repr__() (abacusai.deploymentconversationevent method)": [[146, "abacusai.DeploymentConversationEvent.__repr__", false]], "__repr__() (abacusai.deploymentconversationexport method)": [[146, "abacusai.DeploymentConversationExport.__repr__", false]], "__repr__() (abacusai.deploymentstatistics method)": [[146, "abacusai.DeploymentStatistics.__repr__", false]], "__repr__() (abacusai.document_data.documentdata method)": [[88, "abacusai.document_data.DocumentData.__repr__", false]], "__repr__() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.__repr__", false]], "__repr__() (abacusai.document_retriever_lookup_result.documentretrieverlookupresult method)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.__repr__", false]], "__repr__() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.__repr__", false]], "__repr__() (abacusai.documentdata method)": [[146, "abacusai.DocumentData.__repr__", false]], "__repr__() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.__repr__", false]], "__repr__() (abacusai.documentretrieverlookupresult method)": [[146, "abacusai.DocumentRetrieverLookupResult.__repr__", false]], "__repr__() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.__repr__", false]], "__repr__() (abacusai.drift_distribution.driftdistribution method)": [[92, "abacusai.drift_distribution.DriftDistribution.__repr__", false]], "__repr__() (abacusai.drift_distributions.driftdistributions method)": [[93, "abacusai.drift_distributions.DriftDistributions.__repr__", false]], "__repr__() (abacusai.driftdistribution method)": [[146, "abacusai.DriftDistribution.__repr__", false]], "__repr__() (abacusai.driftdistributions method)": [[146, "abacusai.DriftDistributions.__repr__", false]], "__repr__() (abacusai.eda method)": [[146, "abacusai.Eda.__repr__", false]], "__repr__() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.__repr__", false]], "__repr__() (abacusai.eda_chart_description.edachartdescription method)": [[95, "abacusai.eda_chart_description.EdaChartDescription.__repr__", false]], "__repr__() (abacusai.eda_collinearity.edacollinearity method)": [[96, "abacusai.eda_collinearity.EdaCollinearity.__repr__", false]], "__repr__() (abacusai.eda_data_consistency.edadataconsistency method)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.__repr__", false]], "__repr__() (abacusai.eda_feature_association.edafeatureassociation method)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.__repr__", false]], "__repr__() (abacusai.eda_feature_collinearity.edafeaturecollinearity method)": [[99, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.__repr__", false]], "__repr__() (abacusai.eda_forecasting_analysis.edaforecastinganalysis method)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.__repr__", false]], "__repr__() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.__repr__", false]], "__repr__() (abacusai.edachartdescription method)": [[146, "abacusai.EdaChartDescription.__repr__", false]], "__repr__() (abacusai.edacollinearity method)": [[146, "abacusai.EdaCollinearity.__repr__", false]], "__repr__() (abacusai.edadataconsistency method)": [[146, "abacusai.EdaDataConsistency.__repr__", false]], "__repr__() (abacusai.edafeatureassociation method)": [[146, "abacusai.EdaFeatureAssociation.__repr__", false]], "__repr__() (abacusai.edafeaturecollinearity method)": [[146, "abacusai.EdaFeatureCollinearity.__repr__", false]], "__repr__() (abacusai.edaforecastinganalysis method)": [[146, "abacusai.EdaForecastingAnalysis.__repr__", false]], "__repr__() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.__repr__", false]], "__repr__() (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution method)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.__repr__", false]], "__repr__() (abacusai.embeddingfeaturedriftdistribution method)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.__repr__", false]], "__repr__() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.__repr__", false]], "__repr__() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.__repr__", false]], "__repr__() (abacusai.external_application.externalapplication method)": [[104, "abacusai.external_application.ExternalApplication.__repr__", false]], "__repr__() (abacusai.external_invite.externalinvite method)": [[105, "abacusai.external_invite.ExternalInvite.__repr__", false]], "__repr__() (abacusai.externalapplication method)": [[146, "abacusai.ExternalApplication.__repr__", false]], "__repr__() (abacusai.externalinvite method)": [[146, "abacusai.ExternalInvite.__repr__", false]], "__repr__() (abacusai.extracted_fields.extractedfields method)": [[106, "abacusai.extracted_fields.ExtractedFields.__repr__", false]], "__repr__() (abacusai.extractedfields method)": [[146, "abacusai.ExtractedFields.__repr__", false]], "__repr__() (abacusai.feature method)": [[146, "abacusai.Feature.__repr__", false]], "__repr__() (abacusai.feature.feature method)": [[107, "abacusai.feature.Feature.__repr__", false]], "__repr__() (abacusai.feature_distribution.featuredistribution method)": [[108, "abacusai.feature_distribution.FeatureDistribution.__repr__", false]], "__repr__() (abacusai.feature_drift_record.featuredriftrecord method)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.__repr__", false]], "__repr__() (abacusai.feature_drift_summary.featuredriftsummary method)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.__repr__", false]], "__repr__() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.__repr__", false]], "__repr__() (abacusai.feature_group_document.featuregroupdocument method)": [[112, "abacusai.feature_group_document.FeatureGroupDocument.__repr__", false]], "__repr__() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.__repr__", false]], "__repr__() (abacusai.feature_group_export_config.featuregroupexportconfig method)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.__repr__", false]], "__repr__() (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl method)": [[115, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.__repr__", false]], "__repr__() (abacusai.feature_group_lineage.featuregrouplineage method)": [[116, "abacusai.feature_group_lineage.FeatureGroupLineage.__repr__", false]], "__repr__() (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig method)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.__repr__", false]], "__repr__() (abacusai.feature_group_row.featuregrouprow method)": [[118, "abacusai.feature_group_row.FeatureGroupRow.__repr__", false]], "__repr__() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.__repr__", false]], "__repr__() (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs method)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.__repr__", false]], "__repr__() (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary method)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.__repr__", false]], "__repr__() (abacusai.feature_group_template.featuregrouptemplate method)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions method)": [[123, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.__repr__", false]], "__repr__() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.__repr__", false]], "__repr__() (abacusai.feature_group_version_logs.featuregroupversionlogs method)": [[125, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.__repr__", false]], "__repr__() (abacusai.feature_importance.featureimportance method)": [[126, "abacusai.feature_importance.FeatureImportance.__repr__", false]], "__repr__() (abacusai.feature_mapping.featuremapping method)": [[127, "abacusai.feature_mapping.FeatureMapping.__repr__", false]], "__repr__() (abacusai.feature_performance_analysis.featureperformanceanalysis method)": [[128, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.__repr__", false]], "__repr__() (abacusai.feature_record.featurerecord method)": [[129, "abacusai.feature_record.FeatureRecord.__repr__", false]], "__repr__() (abacusai.featuredistribution method)": [[146, "abacusai.FeatureDistribution.__repr__", false]], "__repr__() (abacusai.featuredriftrecord method)": [[146, "abacusai.FeatureDriftRecord.__repr__", false]], "__repr__() (abacusai.featuredriftsummary method)": [[146, "abacusai.FeatureDriftSummary.__repr__", false]], "__repr__() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.__repr__", false]], "__repr__() (abacusai.featuregroupdocument method)": [[146, "abacusai.FeatureGroupDocument.__repr__", false]], "__repr__() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.__repr__", false]], "__repr__() (abacusai.featuregroupexportconfig method)": [[146, "abacusai.FeatureGroupExportConfig.__repr__", false]], "__repr__() (abacusai.featuregroupexportdownloadurl method)": [[146, "abacusai.FeatureGroupExportDownloadUrl.__repr__", false]], "__repr__() (abacusai.featuregrouplineage method)": [[146, "abacusai.FeatureGroupLineage.__repr__", false]], "__repr__() (abacusai.featuregrouprefreshexportconfig method)": [[146, "abacusai.FeatureGroupRefreshExportConfig.__repr__", false]], "__repr__() (abacusai.featuregrouprow method)": [[146, "abacusai.FeatureGroupRow.__repr__", false]], "__repr__() (abacusai.featuregrouprowprocess method)": [[146, "abacusai.FeatureGroupRowProcess.__repr__", false]], "__repr__() (abacusai.featuregrouprowprocesslogs method)": [[146, "abacusai.FeatureGroupRowProcessLogs.__repr__", false]], "__repr__() (abacusai.featuregrouprowprocesssummary method)": [[146, "abacusai.FeatureGroupRowProcessSummary.__repr__", false]], "__repr__() (abacusai.featuregrouptemplate method)": [[146, "abacusai.FeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.featuregrouptemplatevariableoptions method)": [[146, "abacusai.FeatureGroupTemplateVariableOptions.__repr__", false]], "__repr__() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.__repr__", false]], "__repr__() (abacusai.featuregroupversionlogs method)": [[146, "abacusai.FeatureGroupVersionLogs.__repr__", false]], "__repr__() (abacusai.featureimportance method)": [[146, "abacusai.FeatureImportance.__repr__", false]], "__repr__() (abacusai.featuremapping method)": [[146, "abacusai.FeatureMapping.__repr__", false]], "__repr__() (abacusai.featureperformanceanalysis method)": [[146, "abacusai.FeaturePerformanceAnalysis.__repr__", false]], "__repr__() (abacusai.featurerecord method)": [[146, "abacusai.FeatureRecord.__repr__", false]], "__repr__() (abacusai.file_connector.fileconnector method)": [[130, "abacusai.file_connector.FileConnector.__repr__", false]], "__repr__() (abacusai.file_connector_instructions.fileconnectorinstructions method)": [[131, "abacusai.file_connector_instructions.FileConnectorInstructions.__repr__", false]], "__repr__() (abacusai.file_connector_verification.fileconnectorverification method)": [[132, "abacusai.file_connector_verification.FileConnectorVerification.__repr__", false]], "__repr__() (abacusai.fileconnector method)": [[146, "abacusai.FileConnector.__repr__", false]], "__repr__() (abacusai.fileconnectorinstructions method)": [[146, "abacusai.FileConnectorInstructions.__repr__", false]], "__repr__() (abacusai.fileconnectorverification method)": [[146, "abacusai.FileConnectorVerification.__repr__", false]], "__repr__() (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel method)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.__repr__", false]], "__repr__() (abacusai.finetunedpretrainedmodel method)": [[146, "abacusai.FinetunedPretrainedModel.__repr__", false]], "__repr__() (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata method)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.__repr__", false]], "__repr__() (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis method)": [[135, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.__repr__", false]], "__repr__() (abacusai.forecasting_monitor_summary.forecastingmonitorsummary method)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.__repr__", false]], "__repr__() (abacusai.forecastinganalysisgraphdata method)": [[146, "abacusai.ForecastingAnalysisGraphData.__repr__", false]], "__repr__() (abacusai.forecastingmonitoritemanalysis method)": [[146, "abacusai.ForecastingMonitorItemAnalysis.__repr__", false]], "__repr__() (abacusai.forecastingmonitorsummary method)": [[146, "abacusai.ForecastingMonitorSummary.__repr__", false]], "__repr__() (abacusai.function_logs.functionlogs method)": [[137, "abacusai.function_logs.FunctionLogs.__repr__", false]], "__repr__() (abacusai.functionlogs method)": [[146, "abacusai.FunctionLogs.__repr__", false]], "__repr__() (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption method)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.__repr__", false]], "__repr__() (abacusai.generatedpitfeatureconfigoption method)": [[146, "abacusai.GeneratedPitFeatureConfigOption.__repr__", false]], "__repr__() (abacusai.graph_dashboard.graphdashboard method)": [[140, "abacusai.graph_dashboard.GraphDashboard.__repr__", false]], "__repr__() (abacusai.graphdashboard method)": [[146, "abacusai.GraphDashboard.__repr__", false]], "__repr__() (abacusai.holdout_analysis.holdoutanalysis method)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.__repr__", false]], "__repr__() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.__repr__", false]], "__repr__() (abacusai.holdoutanalysis method)": [[146, "abacusai.HoldoutAnalysis.__repr__", false]], "__repr__() (abacusai.holdoutanalysisversion method)": [[146, "abacusai.HoldoutAnalysisVersion.__repr__", false]], "__repr__() (abacusai.hosted_model_token.hostedmodeltoken method)": [[143, "abacusai.hosted_model_token.HostedModelToken.__repr__", false]], "__repr__() (abacusai.hostedmodeltoken method)": [[146, "abacusai.HostedModelToken.__repr__", false]], "__repr__() (abacusai.hume_voice.humevoice method)": [[144, "abacusai.hume_voice.HumeVoice.__repr__", false]], "__repr__() (abacusai.humevoice method)": [[146, "abacusai.HumeVoice.__repr__", false]], "__repr__() (abacusai.image_gen_settings.imagegensettings method)": [[145, "abacusai.image_gen_settings.ImageGenSettings.__repr__", false]], "__repr__() (abacusai.imagegensettings method)": [[146, "abacusai.ImageGenSettings.__repr__", false]], "__repr__() (abacusai.indexing_config.indexingconfig method)": [[147, "abacusai.indexing_config.IndexingConfig.__repr__", false]], "__repr__() (abacusai.indexingconfig method)": [[146, "abacusai.IndexingConfig.__repr__", false]], "__repr__() (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings method)": [[148, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.__repr__", false]], "__repr__() (abacusai.inferred_feature_mappings.inferredfeaturemappings method)": [[149, "abacusai.inferred_feature_mappings.InferredFeatureMappings.__repr__", false]], "__repr__() (abacusai.inferreddatabasecolumntofeaturemappings method)": [[146, "abacusai.InferredDatabaseColumnToFeatureMappings.__repr__", false]], "__repr__() (abacusai.inferredfeaturemappings method)": [[146, "abacusai.InferredFeatureMappings.__repr__", false]], "__repr__() (abacusai.item_statistics.itemstatistics method)": [[150, "abacusai.item_statistics.ItemStatistics.__repr__", false]], "__repr__() (abacusai.itemstatistics method)": [[146, "abacusai.ItemStatistics.__repr__", false]], "__repr__() (abacusai.llm_app.llmapp method)": [[151, "abacusai.llm_app.LlmApp.__repr__", false]], "__repr__() (abacusai.llm_code_block.llmcodeblock method)": [[152, "abacusai.llm_code_block.LlmCodeBlock.__repr__", false]], "__repr__() (abacusai.llm_execution_preview.llmexecutionpreview method)": [[153, "abacusai.llm_execution_preview.LlmExecutionPreview.__repr__", false]], "__repr__() (abacusai.llm_execution_result.llmexecutionresult method)": [[154, "abacusai.llm_execution_result.LlmExecutionResult.__repr__", false]], "__repr__() (abacusai.llm_generated_code.llmgeneratedcode method)": [[155, "abacusai.llm_generated_code.LlmGeneratedCode.__repr__", false]], "__repr__() (abacusai.llm_input.llminput method)": [[156, "abacusai.llm_input.LlmInput.__repr__", false]], "__repr__() (abacusai.llm_parameters.llmparameters method)": [[157, "abacusai.llm_parameters.LlmParameters.__repr__", false]], "__repr__() (abacusai.llm_response.llmresponse method)": [[158, "abacusai.llm_response.LlmResponse.__repr__", false]], "__repr__() (abacusai.llmapp method)": [[146, "abacusai.LlmApp.__repr__", false]], "__repr__() (abacusai.llmcodeblock method)": [[146, "abacusai.LlmCodeBlock.__repr__", false]], "__repr__() (abacusai.llmexecutionpreview method)": [[146, "abacusai.LlmExecutionPreview.__repr__", false]], "__repr__() (abacusai.llmexecutionresult method)": [[146, "abacusai.LlmExecutionResult.__repr__", false]], "__repr__() (abacusai.llmgeneratedcode method)": [[146, "abacusai.LlmGeneratedCode.__repr__", false]], "__repr__() (abacusai.llminput method)": [[146, "abacusai.LlmInput.__repr__", false]], "__repr__() (abacusai.llmparameters method)": [[146, "abacusai.LlmParameters.__repr__", false]], "__repr__() (abacusai.llmresponse method)": [[146, "abacusai.LlmResponse.__repr__", false]], "__repr__() (abacusai.memory_options.memoryoptions method)": [[159, "abacusai.memory_options.MemoryOptions.__repr__", false]], "__repr__() (abacusai.memoryoptions method)": [[146, "abacusai.MemoryOptions.__repr__", false]], "__repr__() (abacusai.messaging_connector_response.messagingconnectorresponse method)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.__repr__", false]], "__repr__() (abacusai.messagingconnectorresponse method)": [[146, "abacusai.MessagingConnectorResponse.__repr__", false]], "__repr__() (abacusai.model method)": [[146, "abacusai.Model.__repr__", false]], "__repr__() (abacusai.model.model method)": [[161, "abacusai.model.Model.__repr__", false]], "__repr__() (abacusai.model_artifacts_export.modelartifactsexport method)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.__repr__", false]], "__repr__() (abacusai.model_blueprint_export.modelblueprintexport method)": [[163, "abacusai.model_blueprint_export.ModelBlueprintExport.__repr__", false]], "__repr__() (abacusai.model_blueprint_stage.modelblueprintstage method)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.__repr__", false]], "__repr__() (abacusai.model_location.modellocation method)": [[165, "abacusai.model_location.ModelLocation.__repr__", false]], "__repr__() (abacusai.model_metrics.modelmetrics method)": [[166, "abacusai.model_metrics.ModelMetrics.__repr__", false]], "__repr__() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.__repr__", false]], "__repr__() (abacusai.model_monitor_org_summary.modelmonitororgsummary method)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.__repr__", false]], "__repr__() (abacusai.model_monitor_summary.modelmonitorsummary method)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.__repr__", false]], "__repr__() (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg method)": [[170, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.__repr__", false]], "__repr__() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.__repr__", false]], "__repr__() (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata method)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.__repr__", false]], "__repr__() (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment method)": [[173, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.__repr__", false]], "__repr__() (abacusai.model_upload.modelupload method)": [[174, "abacusai.model_upload.ModelUpload.__repr__", false]], "__repr__() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.__repr__", false]], "__repr__() (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema method)": [[176, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.modelartifactsexport method)": [[146, "abacusai.ModelArtifactsExport.__repr__", false]], "__repr__() (abacusai.modelblueprintexport method)": [[146, "abacusai.ModelBlueprintExport.__repr__", false]], "__repr__() (abacusai.modelblueprintstage method)": [[146, "abacusai.ModelBlueprintStage.__repr__", false]], "__repr__() (abacusai.modellocation method)": [[146, "abacusai.ModelLocation.__repr__", false]], "__repr__() (abacusai.modelmetrics method)": [[146, "abacusai.ModelMetrics.__repr__", false]], "__repr__() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.__repr__", false]], "__repr__() (abacusai.modelmonitororgsummary method)": [[146, "abacusai.ModelMonitorOrgSummary.__repr__", false]], "__repr__() (abacusai.modelmonitorsummary method)": [[146, "abacusai.ModelMonitorSummary.__repr__", false]], "__repr__() (abacusai.modelmonitorsummaryfromorg method)": [[146, "abacusai.ModelMonitorSummaryFromOrg.__repr__", false]], "__repr__() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.__repr__", false]], "__repr__() (abacusai.modelmonitorversionmetricdata method)": [[146, "abacusai.ModelMonitorVersionMetricData.__repr__", false]], "__repr__() (abacusai.modeltrainingtypefordeployment method)": [[146, "abacusai.ModelTrainingTypeForDeployment.__repr__", false]], "__repr__() (abacusai.modelupload method)": [[146, "abacusai.ModelUpload.__repr__", false]], "__repr__() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.__repr__", false]], "__repr__() (abacusai.modelversionfeaturegroupschema method)": [[146, "abacusai.ModelVersionFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.modification_lock_info.modificationlockinfo method)": [[177, "abacusai.modification_lock_info.ModificationLockInfo.__repr__", false]], "__repr__() (abacusai.modificationlockinfo method)": [[146, "abacusai.ModificationLockInfo.__repr__", false]], "__repr__() (abacusai.module method)": [[146, "abacusai.Module.__repr__", false]], "__repr__() (abacusai.module.module method)": [[178, "abacusai.module.Module.__repr__", false]], "__repr__() (abacusai.monitor_alert.monitoralert method)": [[179, "abacusai.monitor_alert.MonitorAlert.__repr__", false]], "__repr__() (abacusai.monitor_alert_version.monitoralertversion method)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.__repr__", false]], "__repr__() (abacusai.monitor_drift_and_distributions.monitordriftanddistributions method)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.__repr__", false]], "__repr__() (abacusai.monitoralert method)": [[146, "abacusai.MonitorAlert.__repr__", false]], "__repr__() (abacusai.monitoralertversion method)": [[146, "abacusai.MonitorAlertVersion.__repr__", false]], "__repr__() (abacusai.monitordriftanddistributions method)": [[146, "abacusai.MonitorDriftAndDistributions.__repr__", false]], "__repr__() (abacusai.natural_language_explanation.naturallanguageexplanation method)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation.__repr__", false]], "__repr__() (abacusai.naturallanguageexplanation method)": [[146, "abacusai.NaturalLanguageExplanation.__repr__", false]], "__repr__() (abacusai.nested_feature.nestedfeature method)": [[183, "abacusai.nested_feature.NestedFeature.__repr__", false]], "__repr__() (abacusai.nested_feature_schema.nestedfeatureschema method)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.__repr__", false]], "__repr__() (abacusai.nestedfeature method)": [[146, "abacusai.NestedFeature.__repr__", false]], "__repr__() (abacusai.nestedfeatureschema method)": [[146, "abacusai.NestedFeatureSchema.__repr__", false]], "__repr__() (abacusai.news_search_result.newssearchresult method)": [[185, "abacusai.news_search_result.NewsSearchResult.__repr__", false]], "__repr__() (abacusai.newssearchresult method)": [[146, "abacusai.NewsSearchResult.__repr__", false]], "__repr__() (abacusai.nlp_chat_response.nlpchatresponse method)": [[186, "abacusai.nlp_chat_response.NlpChatResponse.__repr__", false]], "__repr__() (abacusai.nlpchatresponse method)": [[146, "abacusai.NlpChatResponse.__repr__", false]], "__repr__() (abacusai.null_violation.nullviolation method)": [[187, "abacusai.null_violation.NullViolation.__repr__", false]], "__repr__() (abacusai.nullviolation method)": [[146, "abacusai.NullViolation.__repr__", false]], "__repr__() (abacusai.organization_external_application_settings.organizationexternalapplicationsettings method)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.__repr__", false]], "__repr__() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.__repr__", false]], "__repr__() (abacusai.organization_search_result.organizationsearchresult method)": [[190, "abacusai.organization_search_result.OrganizationSearchResult.__repr__", false]], "__repr__() (abacusai.organization_secret.organizationsecret method)": [[191, "abacusai.organization_secret.OrganizationSecret.__repr__", false]], "__repr__() (abacusai.organizationexternalapplicationsettings method)": [[146, "abacusai.OrganizationExternalApplicationSettings.__repr__", false]], "__repr__() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.__repr__", false]], "__repr__() (abacusai.organizationsearchresult method)": [[146, "abacusai.OrganizationSearchResult.__repr__", false]], "__repr__() (abacusai.organizationsecret method)": [[146, "abacusai.OrganizationSecret.__repr__", false]], "__repr__() (abacusai.page_data.pagedata method)": [[192, "abacusai.page_data.PageData.__repr__", false]], "__repr__() (abacusai.pagedata method)": [[146, "abacusai.PageData.__repr__", false]], "__repr__() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.__repr__", false]], "__repr__() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.__repr__", false]], "__repr__() (abacusai.pipeline_reference.pipelinereference method)": [[194, "abacusai.pipeline_reference.PipelineReference.__repr__", false]], "__repr__() (abacusai.pipeline_step.pipelinestep method)": [[195, "abacusai.pipeline_step.PipelineStep.__repr__", false]], "__repr__() (abacusai.pipeline_step_version.pipelinestepversion method)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.__repr__", false]], "__repr__() (abacusai.pipeline_step_version_logs.pipelinestepversionlogs method)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.__repr__", false]], "__repr__() (abacusai.pipeline_step_version_reference.pipelinestepversionreference method)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.__repr__", false]], "__repr__() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.__repr__", false]], "__repr__() (abacusai.pipeline_version_logs.pipelineversionlogs method)": [[200, "abacusai.pipeline_version_logs.PipelineVersionLogs.__repr__", false]], "__repr__() (abacusai.pipelinereference method)": [[146, "abacusai.PipelineReference.__repr__", false]], "__repr__() (abacusai.pipelinestep method)": [[146, "abacusai.PipelineStep.__repr__", false]], "__repr__() (abacusai.pipelinestepversion method)": [[146, "abacusai.PipelineStepVersion.__repr__", false]], "__repr__() (abacusai.pipelinestepversionlogs method)": [[146, "abacusai.PipelineStepVersionLogs.__repr__", false]], "__repr__() (abacusai.pipelinestepversionreference method)": [[146, "abacusai.PipelineStepVersionReference.__repr__", false]], "__repr__() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.__repr__", false]], "__repr__() (abacusai.pipelineversionlogs method)": [[146, "abacusai.PipelineVersionLogs.__repr__", false]], "__repr__() (abacusai.playground_text.playgroundtext method)": [[201, "abacusai.playground_text.PlaygroundText.__repr__", false]], "__repr__() (abacusai.playgroundtext method)": [[146, "abacusai.PlaygroundText.__repr__", false]], "__repr__() (abacusai.point_in_time_feature.pointintimefeature method)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.__repr__", false]], "__repr__() (abacusai.point_in_time_feature_info.pointintimefeatureinfo method)": [[203, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.__repr__", false]], "__repr__() (abacusai.point_in_time_group.pointintimegroup method)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.__repr__", false]], "__repr__() (abacusai.point_in_time_group_feature.pointintimegroupfeature method)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.__repr__", false]], "__repr__() (abacusai.pointintimefeature method)": [[146, "abacusai.PointInTimeFeature.__repr__", false]], "__repr__() (abacusai.pointintimefeatureinfo method)": [[146, "abacusai.PointInTimeFeatureInfo.__repr__", false]], "__repr__() (abacusai.pointintimegroup method)": [[146, "abacusai.PointInTimeGroup.__repr__", false]], "__repr__() (abacusai.pointintimegroupfeature method)": [[146, "abacusai.PointInTimeGroupFeature.__repr__", false]], "__repr__() (abacusai.prediction_dataset.predictiondataset method)": [[207, "abacusai.prediction_dataset.PredictionDataset.__repr__", false]], "__repr__() (abacusai.prediction_feature_group.predictionfeaturegroup method)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.__repr__", false]], "__repr__() (abacusai.prediction_input.predictioninput method)": [[209, "abacusai.prediction_input.PredictionInput.__repr__", false]], "__repr__() (abacusai.prediction_log_record.predictionlogrecord method)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.__repr__", false]], "__repr__() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.__repr__", false]], "__repr__() (abacusai.prediction_operator_version.predictionoperatorversion method)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.__repr__", false]], "__repr__() (abacusai.predictiondataset method)": [[146, "abacusai.PredictionDataset.__repr__", false]], "__repr__() (abacusai.predictionfeaturegroup method)": [[146, "abacusai.PredictionFeatureGroup.__repr__", false]], "__repr__() (abacusai.predictioninput method)": [[146, "abacusai.PredictionInput.__repr__", false]], "__repr__() (abacusai.predictionlogrecord method)": [[146, "abacusai.PredictionLogRecord.__repr__", false]], "__repr__() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.__repr__", false]], "__repr__() (abacusai.predictionoperatorversion method)": [[146, "abacusai.PredictionOperatorVersion.__repr__", false]], "__repr__() (abacusai.problem_type.problemtype method)": [[213, "abacusai.problem_type.ProblemType.__repr__", false]], "__repr__() (abacusai.problemtype method)": [[146, "abacusai.ProblemType.__repr__", false]], "__repr__() (abacusai.project method)": [[146, "abacusai.Project.__repr__", false]], "__repr__() (abacusai.project.project method)": [[214, "abacusai.project.Project.__repr__", false]], "__repr__() (abacusai.project_config.projectconfig method)": [[215, "abacusai.project_config.ProjectConfig.__repr__", false]], "__repr__() (abacusai.project_feature_group.projectfeaturegroup method)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.__repr__", false]], "__repr__() (abacusai.project_feature_group_schema.projectfeaturegroupschema method)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion method)": [[218, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.__repr__", false]], "__repr__() (abacusai.project_validation.projectvalidation method)": [[219, "abacusai.project_validation.ProjectValidation.__repr__", false]], "__repr__() (abacusai.projectconfig method)": [[146, "abacusai.ProjectConfig.__repr__", false]], "__repr__() (abacusai.projectfeaturegroup method)": [[146, "abacusai.ProjectFeatureGroup.__repr__", false]], "__repr__() (abacusai.projectfeaturegroupschema method)": [[146, "abacusai.ProjectFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.projectfeaturegroupschemaversion method)": [[146, "abacusai.ProjectFeatureGroupSchemaVersion.__repr__", false]], "__repr__() (abacusai.projectvalidation method)": [[146, "abacusai.ProjectValidation.__repr__", false]], "__repr__() (abacusai.python_function.pythonfunction method)": [[220, "abacusai.python_function.PythonFunction.__repr__", false]], "__repr__() (abacusai.python_plot_function.pythonplotfunction method)": [[222, "abacusai.python_plot_function.PythonPlotFunction.__repr__", false]], "__repr__() (abacusai.pythonfunction method)": [[146, "abacusai.PythonFunction.__repr__", false]], "__repr__() (abacusai.pythonplotfunction method)": [[146, "abacusai.PythonPlotFunction.__repr__", false]], "__repr__() (abacusai.range_violation.rangeviolation method)": [[223, "abacusai.range_violation.RangeViolation.__repr__", false]], "__repr__() (abacusai.rangeviolation method)": [[146, "abacusai.RangeViolation.__repr__", false]], "__repr__() (abacusai.realtime_monitor.realtimemonitor method)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.__repr__", false]], "__repr__() (abacusai.realtimemonitor method)": [[146, "abacusai.RealtimeMonitor.__repr__", false]], "__repr__() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.__repr__", false]], "__repr__() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.__repr__", false]], "__repr__() (abacusai.refresh_schedule.refreshschedule method)": [[227, "abacusai.refresh_schedule.RefreshSchedule.__repr__", false]], "__repr__() (abacusai.refreshpipelinerun method)": [[146, "abacusai.RefreshPipelineRun.__repr__", false]], "__repr__() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.__repr__", false]], "__repr__() (abacusai.refreshschedule method)": [[146, "abacusai.RefreshSchedule.__repr__", false]], "__repr__() (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication method)": [[228, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.__repr__", false]], "__repr__() (abacusai.regeneratellmexternalapplication method)": [[146, "abacusai.RegenerateLlmExternalApplication.__repr__", false]], "__repr__() (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate method)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.resolvedfeaturegrouptemplate method)": [[146, "abacusai.ResolvedFeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.routing_action.routingaction method)": [[231, "abacusai.routing_action.RoutingAction.__repr__", false]], "__repr__() (abacusai.routingaction method)": [[146, "abacusai.RoutingAction.__repr__", false]], "__repr__() (abacusai.schema method)": [[146, "abacusai.Schema.__repr__", false]], "__repr__() (abacusai.schema.schema method)": [[232, "abacusai.schema.Schema.__repr__", false]], "__repr__() (abacusai.sftp_key.sftpkey method)": [[233, "abacusai.sftp_key.SftpKey.__repr__", false]], "__repr__() (abacusai.sftpkey method)": [[146, "abacusai.SftpKey.__repr__", false]], "__repr__() (abacusai.streaming_auth_token.streamingauthtoken method)": [[234, "abacusai.streaming_auth_token.StreamingAuthToken.__repr__", false]], "__repr__() (abacusai.streaming_connector.streamingconnector method)": [[236, "abacusai.streaming_connector.StreamingConnector.__repr__", false]], "__repr__() (abacusai.streaming_row_count.streamingrowcount method)": [[237, "abacusai.streaming_row_count.StreamingRowCount.__repr__", false]], "__repr__() (abacusai.streaming_sample_code.streamingsamplecode method)": [[238, "abacusai.streaming_sample_code.StreamingSampleCode.__repr__", false]], "__repr__() (abacusai.streamingauthtoken method)": [[146, "abacusai.StreamingAuthToken.__repr__", false]], "__repr__() (abacusai.streamingconnector method)": [[146, "abacusai.StreamingConnector.__repr__", false]], "__repr__() (abacusai.streamingrowcount method)": [[146, "abacusai.StreamingRowCount.__repr__", false]], "__repr__() (abacusai.streamingsamplecode method)": [[146, "abacusai.StreamingSampleCode.__repr__", false]], "__repr__() (abacusai.template_node_details.templatenodedetails method)": [[239, "abacusai.template_node_details.TemplateNodeDetails.__repr__", false]], "__repr__() (abacusai.templatenodedetails method)": [[146, "abacusai.TemplateNodeDetails.__repr__", false]], "__repr__() (abacusai.test_point_predictions.testpointpredictions method)": [[240, "abacusai.test_point_predictions.TestPointPredictions.__repr__", false]], "__repr__() (abacusai.testpointpredictions method)": [[146, "abacusai.TestPointPredictions.__repr__", false]], "__repr__() (abacusai.tone_details.tonedetails method)": [[241, "abacusai.tone_details.ToneDetails.__repr__", false]], "__repr__() (abacusai.tonedetails method)": [[146, "abacusai.ToneDetails.__repr__", false]], "__repr__() (abacusai.training_config_options.trainingconfigoptions method)": [[242, "abacusai.training_config_options.TrainingConfigOptions.__repr__", false]], "__repr__() (abacusai.trainingconfigoptions method)": [[146, "abacusai.TrainingConfigOptions.__repr__", false]], "__repr__() (abacusai.twitter_search_result.twittersearchresult method)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.__repr__", false]], "__repr__() (abacusai.twittersearchresult method)": [[146, "abacusai.TwitterSearchResult.__repr__", false]], "__repr__() (abacusai.upload method)": [[146, "abacusai.Upload.__repr__", false]], "__repr__() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.__repr__", false]], "__repr__() (abacusai.upload_part.uploadpart method)": [[245, "abacusai.upload_part.UploadPart.__repr__", false]], "__repr__() (abacusai.uploadpart method)": [[146, "abacusai.UploadPart.__repr__", false]], "__repr__() (abacusai.use_case.usecase method)": [[246, "abacusai.use_case.UseCase.__repr__", false]], "__repr__() (abacusai.use_case_requirements.usecaserequirements method)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.__repr__", false]], "__repr__() (abacusai.usecase method)": [[146, "abacusai.UseCase.__repr__", false]], "__repr__() (abacusai.usecaserequirements method)": [[146, "abacusai.UseCaseRequirements.__repr__", false]], "__repr__() (abacusai.user method)": [[146, "abacusai.User.__repr__", false]], "__repr__() (abacusai.user.user method)": [[248, "abacusai.user.User.__repr__", false]], "__repr__() (abacusai.user_exception.userexception method)": [[249, "abacusai.user_exception.UserException.__repr__", false]], "__repr__() (abacusai.userexception method)": [[146, "abacusai.UserException.__repr__", false]], "__repr__() (abacusai.video_gen_settings.videogensettings method)": [[250, "abacusai.video_gen_settings.VideoGenSettings.__repr__", false]], "__repr__() (abacusai.video_search_result.videosearchresult method)": [[251, "abacusai.video_search_result.VideoSearchResult.__repr__", false]], "__repr__() (abacusai.videogensettings method)": [[146, "abacusai.VideoGenSettings.__repr__", false]], "__repr__() (abacusai.videosearchresult method)": [[146, "abacusai.VideoSearchResult.__repr__", false]], "__repr__() (abacusai.voice_gen_details.voicegendetails method)": [[252, "abacusai.voice_gen_details.VoiceGenDetails.__repr__", false]], "__repr__() (abacusai.voicegendetails method)": [[146, "abacusai.VoiceGenDetails.__repr__", false]], "__repr__() (abacusai.web_page_response.webpageresponse method)": [[253, "abacusai.web_page_response.WebPageResponse.__repr__", false]], "__repr__() (abacusai.web_search_response.websearchresponse method)": [[254, "abacusai.web_search_response.WebSearchResponse.__repr__", false]], "__repr__() (abacusai.web_search_result.websearchresult method)": [[255, "abacusai.web_search_result.WebSearchResult.__repr__", false]], "__repr__() (abacusai.webhook method)": [[146, "abacusai.Webhook.__repr__", false]], "__repr__() (abacusai.webhook.webhook method)": [[256, "abacusai.webhook.Webhook.__repr__", false]], "__repr__() (abacusai.webpageresponse method)": [[146, "abacusai.WebPageResponse.__repr__", false]], "__repr__() (abacusai.websearchresponse method)": [[146, "abacusai.WebSearchResponse.__repr__", false]], "__repr__() (abacusai.websearchresult method)": [[146, "abacusai.WebSearchResult.__repr__", false]], "__repr__() (abacusai.workflow_graph_node_details.workflowgraphnodedetails method)": [[257, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.__repr__", false]], "__repr__() (abacusai.workflow_node_template.workflownodetemplate method)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.__repr__", false]], "__repr__() (abacusai.workflowgraphnodedetails method)": [[146, "abacusai.WorkflowGraphNodeDetails.__repr__", false]], "__repr__() (abacusai.workflownodetemplate method)": [[146, "abacusai.WorkflowNodeTemplate.__repr__", false]], "__setattr__() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.__setattr__", false]], "__setattr__() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.__setattr__", false]], "__setattr__() (abacusai.workflowgraphnode method)": [[146, "abacusai.WorkflowGraphNode.__setattr__", false]], "__setitem__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__setitem__", false]], "__setitem__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__setitem__", false], [27, "id142", false], [27, "id175", false], [27, "id194", false], [27, "id212", false], [27, "id22", false], [27, "id231", false], [27, "id250", false], [27, "id264", false], [27, "id283", false], [27, "id36", false], [27, "id55", false], [27, "id8", false], [27, "id80", false], [27, "id99", false]], "__setitem__() (abacusai.apiclass method)": [[146, "abacusai.ApiClass.__setitem__", false]], "__setstate__() (abacusai.agentresponse method)": [[146, "abacusai.AgentResponse.__setstate__", false]], "__setstate__() (abacusai.client.agentresponse method)": [[52, "abacusai.client.AgentResponse.__setstate__", false]], "__str__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__str__", false]], "__str__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__str__", false], [27, "id139", false], [27, "id172", false], [27, "id19", false], [27, "id191", false], [27, "id209", false], [27, "id228", false], [27, "id247", false], [27, "id261", false], [27, "id280", false], [27, "id33", false], [27, "id5", false], [27, "id52", false], [27, "id77", false], [27, "id96", false]], "__str__() (abacusai.apiclass method)": [[146, "abacusai.ApiClass.__str__", false]], "__str__() (abacusai.apiexception method)": [[146, "abacusai.ApiException.__str__", false]], "__str__() (abacusai.client.apiexception method)": [[52, "abacusai.client.ApiException.__str__", false]], "__version__ (in module abacusai)": [[146, "abacusai.__version__", false]], "_alertactionconfigfactory (class in abacusai)": [[146, "abacusai._AlertActionConfigFactory", false]], "_alertactionconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._AlertActionConfigFactory", false]], "_alertactionconfigfactory (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory", false]], "_alertconditionconfigfactory (class in abacusai)": [[146, "abacusai._AlertConditionConfigFactory", false]], "_alertconditionconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._AlertConditionConfigFactory", false]], "_alertconditionconfigfactory (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory", false]], "_apiclassfactory (class in abacusai)": [[146, "abacusai._ApiClassFactory", false]], "_apiclassfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._ApiClassFactory", false], [27, "id148", false], [27, "id181", false], [27, "id218", false], [27, "id237", false], [27, "id270", false], [27, "id42", false], [27, "id63", false], [27, "id86", false]], "_apiclassfactory (class in abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract._ApiClassFactory", false]], "_apiexceptionfactory (class in abacusai.client)": [[52, "abacusai.client._ApiExceptionFactory", false]], "_applicationconnectordatasetconfigfactory (class in abacusai)": [[146, "abacusai._ApplicationConnectorDatasetConfigFactory", false]], "_applicationconnectordatasetconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory", false]], "_applicationconnectordatasetconfigfactory (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory", false]], "_attempt_deployment_sql_execution() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._attempt_deployment_sql_execution", false]], "_attempt_deployment_sql_execution() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._attempt_deployment_sql_execution", false]], "_batchpredictionargsfactory (class in abacusai)": [[146, "abacusai._BatchPredictionArgsFactory", false]], "_batchpredictionargsfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._BatchPredictionArgsFactory", false]], "_batchpredictionargsfactory (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory", false]], "_build_class() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._build_class", false]], "_cache (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient._cache", false]], "_cached_endpoints (in module abacusai.client)": [[52, "abacusai.client._cached_endpoints", false]], "_call_aiagent_app_send_message() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._call_aiagent_app_send_message", false]], "_call_aiagent_app_send_message() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._call_aiagent_app_send_message", false]], "_call_api() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._call_api", false]], "_clean_api_objects() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._clean_api_objects", false]], "_context (in module abacusai.global_context)": [[139, "abacusai.global_context._context", false]], "_detect_ocr_mode() (abacusai.api_class.dataset.documentprocessingconfig method)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig._detect_ocr_mode", false]], "_detect_ocr_mode() (abacusai.api_class.documentprocessingconfig method)": [[27, "abacusai.api_class.DocumentProcessingConfig._detect_ocr_mode", false], [27, "id165", false]], "_detect_ocr_mode() (abacusai.documentprocessingconfig method)": [[146, "abacusai.DocumentProcessingConfig._detect_ocr_mode", false]], "_discover_service_url() (in module abacusai.client)": [[52, "abacusai.client._discover_service_url", false]], "_download_avro_file() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation._download_avro_file", false]], "_download_avro_file() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation._download_avro_file", false]], "_download_avro_file() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion._download_avro_file", false]], "_download_avro_file() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion._download_avro_file", false]], "_featuregroupexportconfigfactory (class in abacusai)": [[146, "abacusai._FeatureGroupExportConfigFactory", false]], "_featuregroupexportconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory", false]], "_featuregroupexportconfigfactory (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory", false]], "_get_agent_app_request_id() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._get_agent_app_request_id", false]], "_get_agent_app_request_id() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._get_agent_app_request_id", false]], "_get_agent_async_app_caller() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._get_agent_async_app_caller", false]], "_get_agent_async_app_caller() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._get_agent_async_app_caller", false]], "_get_attribute_as_dict() (abacusai.return_class.abstractapiclass method)": [[230, "abacusai.return_class.AbstractApiClass._get_attribute_as_dict", false]], "_get_builder() (abacusai.alertactionconfig class method)": [[146, "abacusai.AlertActionConfig._get_builder", false]], "_get_builder() (abacusai.alertconditionconfig class method)": [[146, "abacusai.AlertConditionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.abstract.apiclass class method)": [[15, "abacusai.api_class.abstract.ApiClass._get_builder", false]], "_get_builder() (abacusai.api_class.alertactionconfig class method)": [[27, "abacusai.api_class.AlertActionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.alertconditionconfig class method)": [[27, "abacusai.api_class.AlertConditionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.apiclass class method)": [[27, "abacusai.api_class.ApiClass._get_builder", false], [27, "id138", false], [27, "id171", false], [27, "id18", false], [27, "id190", false], [27, "id208", false], [27, "id227", false], [27, "id246", false], [27, "id260", false], [27, "id279", false], [27, "id32", false], [27, "id4", false], [27, "id51", false], [27, "id76", false], [27, "id95", false]], "_get_builder() (abacusai.api_class.applicationconnectordatasetconfig class method)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.batch_prediction.batchpredictionargs class method)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs._get_builder", false]], "_get_builder() (abacusai.api_class.batchpredictionargs class method)": [[27, "abacusai.api_class.BatchPredictionArgs._get_builder", false]], "_get_builder() (abacusai.api_class.connectors.streamingconnectordatasetconfig class method)": [[20, "abacusai.api_class.connectors.StreamingConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig class method)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.deployment.predictionarguments class method)": [[23, "abacusai.api_class.deployment.PredictionArguments._get_builder", false]], "_get_builder() (abacusai.api_class.feature_group.mergeconfig class method)": [[26, "abacusai.api_class.feature_group.MergeConfig._get_builder", false]], "_get_builder() (abacusai.api_class.feature_group.operatorconfig class method)": [[26, "abacusai.api_class.feature_group.OperatorConfig._get_builder", false]], "_get_builder() (abacusai.api_class.feature_group.samplingconfig class method)": [[26, "abacusai.api_class.feature_group.SamplingConfig._get_builder", false]], "_get_builder() (abacusai.api_class.featuregroupexportconfig class method)": [[27, "abacusai.api_class.FeatureGroupExportConfig._get_builder", false]], "_get_builder() (abacusai.api_class.mergeconfig class method)": [[27, "abacusai.api_class.MergeConfig._get_builder", false]], "_get_builder() (abacusai.api_class.model.trainingconfig class method)": [[28, "abacusai.api_class.model.TrainingConfig._get_builder", false]], "_get_builder() (abacusai.api_class.monitor_alert.alertactionconfig class method)": [[30, "abacusai.api_class.monitor_alert.AlertActionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.monitor_alert.alertconditionconfig class method)": [[30, "abacusai.api_class.monitor_alert.AlertConditionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.operatorconfig class method)": [[27, "abacusai.api_class.OperatorConfig._get_builder", false]], "_get_builder() (abacusai.api_class.predictionarguments class method)": [[27, "abacusai.api_class.PredictionArguments._get_builder", false]], "_get_builder() (abacusai.api_class.project.projectfeaturegroupconfig class method)": [[31, "abacusai.api_class.project.ProjectFeatureGroupConfig._get_builder", false]], "_get_builder() (abacusai.api_class.projectfeaturegroupconfig class method)": [[27, "abacusai.api_class.ProjectFeatureGroupConfig._get_builder", false]], "_get_builder() (abacusai.api_class.refresh.featuregroupexportconfig class method)": [[33, "abacusai.api_class.refresh.FeatureGroupExportConfig._get_builder", false]], "_get_builder() (abacusai.api_class.samplingconfig class method)": [[27, "abacusai.api_class.SamplingConfig._get_builder", false]], "_get_builder() (abacusai.api_class.streamingconnectordatasetconfig class method)": [[27, "abacusai.api_class.StreamingConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.trainingconfig class method)": [[27, "abacusai.api_class.TrainingConfig._get_builder", false]], "_get_builder() (abacusai.apiclass class method)": [[146, "abacusai.ApiClass._get_builder", false]], "_get_builder() (abacusai.applicationconnectordatasetconfig class method)": [[146, "abacusai.ApplicationConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.batchpredictionargs class method)": [[146, "abacusai.BatchPredictionArgs._get_builder", false]], "_get_builder() (abacusai.featuregroupexportconfig class method)": [[146, "abacusai.FeatureGroupExportConfig._get_builder", false]], "_get_builder() (abacusai.mergeconfig class method)": [[146, "abacusai.MergeConfig._get_builder", false]], "_get_builder() (abacusai.operatorconfig class method)": [[146, "abacusai.OperatorConfig._get_builder", false]], "_get_builder() (abacusai.predictionarguments class method)": [[146, "abacusai.PredictionArguments._get_builder", false]], "_get_builder() (abacusai.projectfeaturegroupconfig class method)": [[146, "abacusai.ProjectFeatureGroupConfig._get_builder", false]], "_get_builder() (abacusai.samplingconfig class method)": [[146, "abacusai.SamplingConfig._get_builder", false]], "_get_builder() (abacusai.streamingconnectordatasetconfig class method)": [[146, "abacusai.StreamingConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.trainingconfig class method)": [[146, "abacusai.TrainingConfig._get_builder", false]], "_get_doc_retriever_deployment_info() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._get_doc_retriever_deployment_info", false]], "_get_doc_retriever_deployment_info() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._get_doc_retriever_deployment_info", false]], "_get_filtered_dict() (abacusai.api_class.dataset.documentprocessingconfig class method)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig._get_filtered_dict", false]], "_get_filtered_dict() (abacusai.api_class.documentprocessingconfig class method)": [[27, "abacusai.api_class.DocumentProcessingConfig._get_filtered_dict", false], [27, "id166", false]], "_get_filtered_dict() (abacusai.documentprocessingconfig class method)": [[146, "abacusai.DocumentProcessingConfig._get_filtered_dict", false]], "_get_prediction_endpoint() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._get_prediction_endpoint", false]], "_get_proxy_endpoint() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._get_proxy_endpoint", false]], "_get_spark_incompatible_columns() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils._get_spark_incompatible_columns", false]], "_get_streaming_endpoint() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._get_streaming_endpoint", false]], "_get_user_friendly_type_name() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract._get_user_friendly_type_name", false]], "_is_json_serializable() (in module abacusai.client)": [[52, "abacusai.client._is_json_serializable", false]], "_is_proxy_app_caller() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._is_proxy_app_caller", false]], "_is_proxy_app_caller() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._is_proxy_app_caller", false]], "_mergeconfigfactory (class in abacusai)": [[146, "abacusai._MergeConfigFactory", false]], "_mergeconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._MergeConfigFactory", false]], "_mergeconfigfactory (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory", false]], "_monkeypatch (class in abacusai.python_function_validator)": [[221, "abacusai.python_function_validator._MonkeyPatch", false]], "_operatorconfigfactory (class in abacusai)": [[146, "abacusai._OperatorConfigFactory", false]], "_operatorconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._OperatorConfigFactory", false]], "_operatorconfigfactory (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory", false]], "_poll() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._poll", false]], "_predictionargumentsfactory (class in abacusai)": [[146, "abacusai._PredictionArgumentsFactory", false]], "_predictionargumentsfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._PredictionArgumentsFactory", false]], "_predictionargumentsfactory (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory", false]], "_projectfeaturegroupconfigfactory (class in abacusai)": [[146, "abacusai._ProjectFeatureGroupConfigFactory", false]], "_projectfeaturegroupconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory", false]], "_projectfeaturegroupconfigfactory (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory", false]], "_proxy_request() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._proxy_request", false]], "_raw_init() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode._raw_init", false]], "_raw_init() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode._raw_init", false]], "_raw_init() (abacusai.workflowgraphnode class method)": [[146, "abacusai.WorkflowGraphNode._raw_init", false]], "_repr_html_() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass._repr_html_", false]], "_repr_html_() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass._repr_html_", false], [27, "id140", false], [27, "id173", false], [27, "id192", false], [27, "id20", false], [27, "id210", false], [27, "id229", false], [27, "id248", false], [27, "id262", false], [27, "id281", false], [27, "id34", false], [27, "id53", false], [27, "id6", false], [27, "id78", false], [27, "id97", false]], "_repr_html_() (abacusai.apiclass method)": [[146, "abacusai.ApiClass._repr_html_", false]], "_request() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._request", false]], "_request_context (in module abacusai)": [[146, "abacusai._request_context", false]], "_request_context (in module abacusai.client)": [[52, "abacusai.client._request_context", false]], "_requests_retry_session() (in module abacusai.client)": [[52, "abacusai.client._requests_retry_session", false]], "_samplingconfigfactory (class in abacusai)": [[146, "abacusai._SamplingConfigFactory", false]], "_samplingconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._SamplingConfigFactory", false]], "_samplingconfigfactory (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory", false]], "_savesyspath (abacusai.python_function_validator._monkeypatch attribute)": [[221, "abacusai.python_function_validator._MonkeyPatch._savesyspath", false]], "_status_poll() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._status_poll", false]], "_status_poll() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._status_poll", false]], "_stream_llm_call() (abacusai.apiclient method)": [[146, "abacusai.ApiClient._stream_llm_call", false]], "_stream_llm_call() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient._stream_llm_call", false]], "_streamingconnectordatasetconfigfactory (class in abacusai)": [[146, "abacusai._StreamingConnectorDatasetConfigFactory", false]], "_streamingconnectordatasetconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory", false]], "_streamingconnectordatasetconfigfactory (class in abacusai.api_class.connectors)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory", false]], "_support_kwargs (abacusai.api_class.abstract.apiclass attribute)": [[15, "abacusai.api_class.abstract.ApiClass._support_kwargs", false]], "_support_kwargs (abacusai.api_class.apiclass attribute)": [[27, "abacusai.api_class.ApiClass._support_kwargs", false], [27, "id136", false], [27, "id16", false], [27, "id169", false], [27, "id188", false], [27, "id2", false], [27, "id206", false], [27, "id225", false], [27, "id244", false], [27, "id258", false], [27, "id277", false], [27, "id30", false], [27, "id49", false], [27, "id74", false], [27, "id93", false]], "_support_kwargs (abacusai.api_class.batch_prediction.batchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs._support_kwargs", false]], "_support_kwargs (abacusai.api_class.batchpredictionargs attribute)": [[27, "abacusai.api_class.BatchPredictionArgs._support_kwargs", false]], "_support_kwargs (abacusai.api_class.deployment.predictionarguments attribute)": [[23, "abacusai.api_class.deployment.PredictionArguments._support_kwargs", false]], "_support_kwargs (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig._support_kwargs", false]], "_support_kwargs (abacusai.api_class.predictionarguments attribute)": [[27, "abacusai.api_class.PredictionArguments._support_kwargs", false]], "_support_kwargs (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig._support_kwargs", false]], "_support_kwargs (abacusai.apiclass attribute)": [[146, "abacusai.ApiClass._support_kwargs", false]], "_support_kwargs (abacusai.batchpredictionargs attribute)": [[146, "abacusai.BatchPredictionArgs._support_kwargs", false]], "_support_kwargs (abacusai.predictionarguments attribute)": [[146, "abacusai.PredictionArguments._support_kwargs", false]], "_support_kwargs (abacusai.trainingconfig attribute)": [[146, "abacusai.TrainingConfig._support_kwargs", false]], "_trainingconfigfactory (class in abacusai)": [[146, "abacusai._TrainingConfigFactory", false]], "_trainingconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._TrainingConfigFactory", false]], "_trainingconfigfactory (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model._TrainingConfigFactory", false]], "_unset_item() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass._unset_item", false]], "_unset_item() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass._unset_item", false], [27, "id100", false], [27, "id143", false], [27, "id176", false], [27, "id195", false], [27, "id213", false], [27, "id23", false], [27, "id232", false], [27, "id251", false], [27, "id265", false], [27, "id284", false], [27, "id37", false], [27, "id56", false], [27, "id81", false], [27, "id9", false]], "_unset_item() (abacusai.apiclass method)": [[146, "abacusai.ApiClass._unset_item", false]], "_upload_from_pandas() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._upload_from_pandas", false]], "_upload_from_spark() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._upload_from_spark", false]], "_upper_snake_case_keys (abacusai.api_class.abstract.apiclass attribute)": [[15, "abacusai.api_class.abstract.ApiClass._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.api_class.apiclass attribute)": [[27, "abacusai.api_class.ApiClass._upper_snake_case_keys", false], [27, "id1", false], [27, "id135", false], [27, "id15", false], [27, "id168", false], [27, "id187", false], [27, "id205", false], [27, "id224", false], [27, "id243", false], [27, "id257", false], [27, "id276", false], [27, "id29", false], [27, "id48", false], [27, "id73", false], [27, "id92", false]], "_upper_snake_case_keys (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.apiclass attribute)": [[146, "abacusai.ApiClass._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.trainingconfig attribute)": [[146, "abacusai.TrainingConfig._upper_snake_case_keys", false]], "_validate_instance() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract._validate_instance", false]], "_validate_pandas_df() (abacusai.client.baseapiclient method)": [[52, "abacusai.client.BaseApiClient._validate_pandas_df", false]], "_yield_upload_part() (abacusai.upload method)": [[146, "abacusai.Upload._yield_upload_part", false]], "_yield_upload_part() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload._yield_upload_part", false]], "abacus_dracarys (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.ABACUS_DRACARYS", false]], "abacus_dracarys (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.ABACUS_DRACARYS", false]], "abacus_dracarys (abacusai.llmname attribute)": [[146, "abacusai.LLMName.ABACUS_DRACARYS", false]], "abacus_internal_model (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.abacus_internal_model", false]], "abacus_internal_model (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.abacus_internal_model", false]], "abacus_internal_model (abacusai.naturallanguagesearchtrainingconfig attribute)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig.abacus_internal_model", false]], "abacus_smaug3 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.ABACUS_SMAUG3", false]], "abacus_smaug3 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.ABACUS_SMAUG3", false]], "abacus_smaug3 (abacusai.llmname attribute)": [[146, "abacusai.LLMName.ABACUS_SMAUG3", false]], "abacusai": [[146, "module-abacusai", false]], "abacusai.abacus_api": [[0, "module-abacusai.abacus_api", false]], "abacusai.address": [[1, "module-abacusai.address", false]], "abacusai.agent": [[2, "module-abacusai.agent", false]], "abacusai.agent_chat_message": [[3, "module-abacusai.agent_chat_message", false]], "abacusai.agent_conversation": [[4, "module-abacusai.agent_conversation", false]], "abacusai.agent_data_document_info": [[5, "module-abacusai.agent_data_document_info", false]], "abacusai.agent_data_execution_result": [[6, "module-abacusai.agent_data_execution_result", false]], "abacusai.agent_version": [[7, "module-abacusai.agent_version", false]], "abacusai.ai_building_task": [[8, "module-abacusai.ai_building_task", false]], "abacusai.algorithm": [[9, "module-abacusai.algorithm", false]], "abacusai.annotation": [[10, "module-abacusai.annotation", false]], "abacusai.annotation_config": [[11, "module-abacusai.annotation_config", false]], "abacusai.annotation_document": [[12, "module-abacusai.annotation_document", false]], "abacusai.annotation_entry": [[13, "module-abacusai.annotation_entry", false]], "abacusai.annotations_status": [[14, "module-abacusai.annotations_status", false]], "abacusai.api_class": [[27, "module-abacusai.api_class", false]], "abacusai.api_class.abstract": [[15, "module-abacusai.api_class.abstract", false]], "abacusai.api_class.ai_agents": [[16, "module-abacusai.api_class.ai_agents", false]], "abacusai.api_class.ai_chat": [[17, "module-abacusai.api_class.ai_chat", false]], "abacusai.api_class.batch_prediction": [[18, "module-abacusai.api_class.batch_prediction", false]], "abacusai.api_class.blob_input": [[19, "module-abacusai.api_class.blob_input", false]], "abacusai.api_class.connectors": [[20, "module-abacusai.api_class.connectors", false]], "abacusai.api_class.dataset": [[21, "module-abacusai.api_class.dataset", false]], "abacusai.api_class.dataset_application_connector": [[22, "module-abacusai.api_class.dataset_application_connector", false]], "abacusai.api_class.deployment": [[23, "module-abacusai.api_class.deployment", false]], "abacusai.api_class.document_retriever": [[24, "module-abacusai.api_class.document_retriever", false]], "abacusai.api_class.enums": [[25, "module-abacusai.api_class.enums", false]], "abacusai.api_class.feature_group": [[26, "module-abacusai.api_class.feature_group", false]], "abacusai.api_class.model": [[28, "module-abacusai.api_class.model", false]], "abacusai.api_class.monitor": [[29, "module-abacusai.api_class.monitor", false]], "abacusai.api_class.monitor_alert": [[30, "module-abacusai.api_class.monitor_alert", false]], "abacusai.api_class.project": [[31, "module-abacusai.api_class.project", false]], "abacusai.api_class.python_functions": [[32, "module-abacusai.api_class.python_functions", false]], "abacusai.api_class.refresh": [[33, "module-abacusai.api_class.refresh", false]], "abacusai.api_class.segments": [[34, "module-abacusai.api_class.segments", false]], "abacusai.api_client_utils": [[35, "module-abacusai.api_client_utils", false]], "abacusai.api_endpoint": [[36, "module-abacusai.api_endpoint", false]], "abacusai.api_key": [[37, "module-abacusai.api_key", false]], "abacusai.app_user_group": [[38, "module-abacusai.app_user_group", false]], "abacusai.app_user_group_sign_in_token": [[39, "module-abacusai.app_user_group_sign_in_token", false]], "abacusai.application_connector": [[40, "module-abacusai.application_connector", false]], "abacusai.audio_gen_settings": [[41, "module-abacusai.audio_gen_settings", false]], "abacusai.batch_prediction": [[42, "module-abacusai.batch_prediction", false]], "abacusai.batch_prediction_version": [[43, "module-abacusai.batch_prediction_version", false]], "abacusai.batch_prediction_version_logs": [[44, "module-abacusai.batch_prediction_version_logs", false]], "abacusai.bot_info": [[45, "module-abacusai.bot_info", false]], "abacusai.categorical_range_violation": [[46, "module-abacusai.categorical_range_violation", false]], "abacusai.chat_message": [[47, "module-abacusai.chat_message", false]], "abacusai.chat_session": [[48, "module-abacusai.chat_session", false]], "abacusai.chatllm_computer": [[49, "module-abacusai.chatllm_computer", false]], "abacusai.chatllm_referral_invite": [[50, "module-abacusai.chatllm_referral_invite", false]], "abacusai.chatllm_task": [[51, "module-abacusai.chatllm_task", false]], "abacusai.client": [[52, "module-abacusai.client", false]], "abacusai.code_agent_response": [[53, "module-abacusai.code_agent_response", false]], "abacusai.code_autocomplete_response": [[54, "module-abacusai.code_autocomplete_response", false]], "abacusai.code_bot": [[55, "module-abacusai.code_bot", false]], "abacusai.code_edit": [[56, "module-abacusai.code_edit", false]], "abacusai.code_edit_response": [[57, "module-abacusai.code_edit_response", false]], "abacusai.code_edits": [[58, "module-abacusai.code_edits", false]], "abacusai.code_source": [[59, "module-abacusai.code_source", false]], "abacusai.compute_point_info": [[60, "module-abacusai.compute_point_info", false]], "abacusai.concatenation_config": [[61, "module-abacusai.concatenation_config", false]], "abacusai.cpu_gpu_memory_specs": [[62, "module-abacusai.cpu_gpu_memory_specs", false]], "abacusai.cryptography": [[63, "module-abacusai.cryptography", false]], "abacusai.custom_chat_instructions": [[64, "module-abacusai.custom_chat_instructions", false]], "abacusai.custom_loss_function": [[65, "module-abacusai.custom_loss_function", false]], "abacusai.custom_metric": [[66, "module-abacusai.custom_metric", false]], "abacusai.custom_metric_version": [[67, "module-abacusai.custom_metric_version", false]], "abacusai.custom_train_function_info": [[68, "module-abacusai.custom_train_function_info", false]], "abacusai.data_consistency_duplication": [[69, "module-abacusai.data_consistency_duplication", false]], "abacusai.data_metrics": [[70, "module-abacusai.data_metrics", false]], "abacusai.data_prep_logs": [[71, "module-abacusai.data_prep_logs", false]], "abacusai.data_quality_results": [[72, "module-abacusai.data_quality_results", false]], "abacusai.data_upload_result": [[73, "module-abacusai.data_upload_result", false]], "abacusai.database_column_feature_mapping": [[74, "module-abacusai.database_column_feature_mapping", false]], "abacusai.database_connector": [[75, "module-abacusai.database_connector", false]], "abacusai.database_connector_column": [[76, "module-abacusai.database_connector_column", false]], "abacusai.database_connector_schema": [[77, "module-abacusai.database_connector_schema", false]], "abacusai.dataset": [[78, "module-abacusai.dataset", false]], "abacusai.dataset_column": [[79, "module-abacusai.dataset_column", false]], "abacusai.dataset_version": [[80, "module-abacusai.dataset_version", false]], "abacusai.dataset_version_logs": [[81, "module-abacusai.dataset_version_logs", false]], "abacusai.deployment": [[82, "module-abacusai.deployment", false]], "abacusai.deployment_auth_token": [[83, "module-abacusai.deployment_auth_token", false]], "abacusai.deployment_conversation": [[84, "module-abacusai.deployment_conversation", false]], "abacusai.deployment_conversation_event": [[85, "module-abacusai.deployment_conversation_event", false]], "abacusai.deployment_conversation_export": [[86, "module-abacusai.deployment_conversation_export", false]], "abacusai.deployment_statistics": [[87, "module-abacusai.deployment_statistics", false]], "abacusai.document_data": [[88, "module-abacusai.document_data", false]], "abacusai.document_retriever": [[89, "module-abacusai.document_retriever", false]], "abacusai.document_retriever_lookup_result": [[90, "module-abacusai.document_retriever_lookup_result", false]], "abacusai.document_retriever_version": [[91, "module-abacusai.document_retriever_version", false]], "abacusai.drift_distribution": [[92, "module-abacusai.drift_distribution", false]], "abacusai.drift_distributions": [[93, "module-abacusai.drift_distributions", false]], "abacusai.eda": [[94, "module-abacusai.eda", false]], "abacusai.eda_chart_description": [[95, "module-abacusai.eda_chart_description", false]], "abacusai.eda_collinearity": [[96, "module-abacusai.eda_collinearity", false]], "abacusai.eda_data_consistency": [[97, "module-abacusai.eda_data_consistency", false]], "abacusai.eda_feature_association": [[98, "module-abacusai.eda_feature_association", false]], "abacusai.eda_feature_collinearity": [[99, "module-abacusai.eda_feature_collinearity", false]], "abacusai.eda_forecasting_analysis": [[100, "module-abacusai.eda_forecasting_analysis", false]], "abacusai.eda_version": [[101, "module-abacusai.eda_version", false]], "abacusai.embedding_feature_drift_distribution": [[102, "module-abacusai.embedding_feature_drift_distribution", false]], "abacusai.execute_feature_group_operation": [[103, "module-abacusai.execute_feature_group_operation", false]], "abacusai.external_application": [[104, "module-abacusai.external_application", false]], "abacusai.external_invite": [[105, "module-abacusai.external_invite", false]], "abacusai.extracted_fields": [[106, "module-abacusai.extracted_fields", false]], "abacusai.feature": [[107, "module-abacusai.feature", false]], "abacusai.feature_distribution": [[108, "module-abacusai.feature_distribution", false]], "abacusai.feature_drift_record": [[109, "module-abacusai.feature_drift_record", false]], "abacusai.feature_drift_summary": [[110, "module-abacusai.feature_drift_summary", false]], "abacusai.feature_group": [[111, "module-abacusai.feature_group", false]], "abacusai.feature_group_document": [[112, "module-abacusai.feature_group_document", false]], "abacusai.feature_group_export": [[113, "module-abacusai.feature_group_export", false]], "abacusai.feature_group_export_config": [[114, "module-abacusai.feature_group_export_config", false]], "abacusai.feature_group_export_download_url": [[115, "module-abacusai.feature_group_export_download_url", false]], "abacusai.feature_group_lineage": [[116, "module-abacusai.feature_group_lineage", false]], "abacusai.feature_group_refresh_export_config": [[117, "module-abacusai.feature_group_refresh_export_config", false]], "abacusai.feature_group_row": [[118, "module-abacusai.feature_group_row", false]], "abacusai.feature_group_row_process": [[119, "module-abacusai.feature_group_row_process", false]], "abacusai.feature_group_row_process_logs": [[120, "module-abacusai.feature_group_row_process_logs", false]], "abacusai.feature_group_row_process_summary": [[121, "module-abacusai.feature_group_row_process_summary", false]], "abacusai.feature_group_template": [[122, "module-abacusai.feature_group_template", false]], "abacusai.feature_group_template_variable_options": [[123, "module-abacusai.feature_group_template_variable_options", false]], "abacusai.feature_group_version": [[124, "module-abacusai.feature_group_version", false]], "abacusai.feature_group_version_logs": [[125, "module-abacusai.feature_group_version_logs", false]], "abacusai.feature_importance": [[126, "module-abacusai.feature_importance", false]], "abacusai.feature_mapping": [[127, "module-abacusai.feature_mapping", false]], "abacusai.feature_performance_analysis": [[128, "module-abacusai.feature_performance_analysis", false]], "abacusai.feature_record": [[129, "module-abacusai.feature_record", false]], "abacusai.file_connector": [[130, "module-abacusai.file_connector", false]], "abacusai.file_connector_instructions": [[131, "module-abacusai.file_connector_instructions", false]], "abacusai.file_connector_verification": [[132, "module-abacusai.file_connector_verification", false]], "abacusai.finetuned_pretrained_model": [[133, "module-abacusai.finetuned_pretrained_model", false]], "abacusai.forecasting_analysis_graph_data": [[134, "module-abacusai.forecasting_analysis_graph_data", false]], "abacusai.forecasting_monitor_item_analysis": [[135, "module-abacusai.forecasting_monitor_item_analysis", false]], "abacusai.forecasting_monitor_summary": [[136, "module-abacusai.forecasting_monitor_summary", false]], "abacusai.function_logs": [[137, "module-abacusai.function_logs", false]], "abacusai.generated_pit_feature_config_option": [[138, "module-abacusai.generated_pit_feature_config_option", false]], "abacusai.global_context": [[139, "module-abacusai.global_context", false]], "abacusai.graph_dashboard": [[140, "module-abacusai.graph_dashboard", false]], "abacusai.holdout_analysis": [[141, "module-abacusai.holdout_analysis", false]], "abacusai.holdout_analysis_version": [[142, "module-abacusai.holdout_analysis_version", false]], "abacusai.hosted_model_token": [[143, "module-abacusai.hosted_model_token", false]], "abacusai.hume_voice": [[144, "module-abacusai.hume_voice", false]], "abacusai.image_gen_settings": [[145, "module-abacusai.image_gen_settings", false]], "abacusai.indexing_config": [[147, "module-abacusai.indexing_config", false]], "abacusai.inferred_database_column_to_feature_mappings": [[148, "module-abacusai.inferred_database_column_to_feature_mappings", false]], "abacusai.inferred_feature_mappings": [[149, "module-abacusai.inferred_feature_mappings", false]], "abacusai.item_statistics": [[150, "module-abacusai.item_statistics", false]], "abacusai.llm_app": [[151, "module-abacusai.llm_app", false]], "abacusai.llm_code_block": [[152, "module-abacusai.llm_code_block", false]], "abacusai.llm_execution_preview": [[153, "module-abacusai.llm_execution_preview", false]], "abacusai.llm_execution_result": [[154, "module-abacusai.llm_execution_result", false]], "abacusai.llm_generated_code": [[155, "module-abacusai.llm_generated_code", false]], "abacusai.llm_input": [[156, "module-abacusai.llm_input", false]], "abacusai.llm_parameters": [[157, "module-abacusai.llm_parameters", false]], "abacusai.llm_response": [[158, "module-abacusai.llm_response", false]], "abacusai.memory_options": [[159, "module-abacusai.memory_options", false]], "abacusai.messaging_connector_response": [[160, "module-abacusai.messaging_connector_response", false]], "abacusai.model": [[161, "module-abacusai.model", false]], "abacusai.model_artifacts_export": [[162, "module-abacusai.model_artifacts_export", false]], "abacusai.model_blueprint_export": [[163, "module-abacusai.model_blueprint_export", false]], "abacusai.model_blueprint_stage": [[164, "module-abacusai.model_blueprint_stage", false]], "abacusai.model_location": [[165, "module-abacusai.model_location", false]], "abacusai.model_metrics": [[166, "module-abacusai.model_metrics", false]], "abacusai.model_monitor": [[167, "module-abacusai.model_monitor", false]], "abacusai.model_monitor_org_summary": [[168, "module-abacusai.model_monitor_org_summary", false]], "abacusai.model_monitor_summary": [[169, "module-abacusai.model_monitor_summary", false]], "abacusai.model_monitor_summary_from_org": [[170, "module-abacusai.model_monitor_summary_from_org", false]], "abacusai.model_monitor_version": [[171, "module-abacusai.model_monitor_version", false]], "abacusai.model_monitor_version_metric_data": [[172, "module-abacusai.model_monitor_version_metric_data", false]], "abacusai.model_training_type_for_deployment": [[173, "module-abacusai.model_training_type_for_deployment", false]], "abacusai.model_upload": [[174, "module-abacusai.model_upload", false]], "abacusai.model_version": [[175, "module-abacusai.model_version", false]], "abacusai.model_version_feature_group_schema": [[176, "module-abacusai.model_version_feature_group_schema", false]], "abacusai.modification_lock_info": [[177, "module-abacusai.modification_lock_info", false]], "abacusai.module": [[178, "module-abacusai.module", false]], "abacusai.monitor_alert": [[179, "module-abacusai.monitor_alert", false]], "abacusai.monitor_alert_version": [[180, "module-abacusai.monitor_alert_version", false]], "abacusai.monitor_drift_and_distributions": [[181, "module-abacusai.monitor_drift_and_distributions", false]], "abacusai.natural_language_explanation": [[182, "module-abacusai.natural_language_explanation", false]], "abacusai.nested_feature": [[183, "module-abacusai.nested_feature", false]], "abacusai.nested_feature_schema": [[184, "module-abacusai.nested_feature_schema", false]], "abacusai.news_search_result": [[185, "module-abacusai.news_search_result", false]], "abacusai.nlp_chat_response": [[186, "module-abacusai.nlp_chat_response", false]], "abacusai.null_violation": [[187, "module-abacusai.null_violation", false]], "abacusai.organization_external_application_settings": [[188, "module-abacusai.organization_external_application_settings", false]], "abacusai.organization_group": [[189, "module-abacusai.organization_group", false]], "abacusai.organization_search_result": [[190, "module-abacusai.organization_search_result", false]], "abacusai.organization_secret": [[191, "module-abacusai.organization_secret", false]], "abacusai.page_data": [[192, "module-abacusai.page_data", false]], "abacusai.pipeline": [[193, "module-abacusai.pipeline", false]], "abacusai.pipeline_reference": [[194, "module-abacusai.pipeline_reference", false]], "abacusai.pipeline_step": [[195, "module-abacusai.pipeline_step", false]], "abacusai.pipeline_step_version": [[196, "module-abacusai.pipeline_step_version", false]], "abacusai.pipeline_step_version_logs": [[197, "module-abacusai.pipeline_step_version_logs", false]], "abacusai.pipeline_step_version_reference": [[198, "module-abacusai.pipeline_step_version_reference", false]], "abacusai.pipeline_version": [[199, "module-abacusai.pipeline_version", false]], "abacusai.pipeline_version_logs": [[200, "module-abacusai.pipeline_version_logs", false]], "abacusai.playground_text": [[201, "module-abacusai.playground_text", false]], "abacusai.point_in_time_feature": [[202, "module-abacusai.point_in_time_feature", false]], "abacusai.point_in_time_feature_info": [[203, "module-abacusai.point_in_time_feature_info", false]], "abacusai.point_in_time_group": [[204, "module-abacusai.point_in_time_group", false]], "abacusai.point_in_time_group_feature": [[205, "module-abacusai.point_in_time_group_feature", false]], "abacusai.prediction_client": [[206, "module-abacusai.prediction_client", false]], "abacusai.prediction_dataset": [[207, "module-abacusai.prediction_dataset", false]], "abacusai.prediction_feature_group": [[208, "module-abacusai.prediction_feature_group", false]], "abacusai.prediction_input": [[209, "module-abacusai.prediction_input", false]], "abacusai.prediction_log_record": [[210, "module-abacusai.prediction_log_record", false]], "abacusai.prediction_operator": [[211, "module-abacusai.prediction_operator", false]], "abacusai.prediction_operator_version": [[212, "module-abacusai.prediction_operator_version", false]], "abacusai.problem_type": [[213, "module-abacusai.problem_type", false]], "abacusai.project": [[214, "module-abacusai.project", false]], "abacusai.project_config": [[215, "module-abacusai.project_config", false]], "abacusai.project_feature_group": [[216, "module-abacusai.project_feature_group", false]], "abacusai.project_feature_group_schema": [[217, "module-abacusai.project_feature_group_schema", false]], "abacusai.project_feature_group_schema_version": [[218, "module-abacusai.project_feature_group_schema_version", false]], "abacusai.project_validation": [[219, "module-abacusai.project_validation", false]], "abacusai.python_function": [[220, "module-abacusai.python_function", false]], "abacusai.python_function_validator": [[221, "module-abacusai.python_function_validator", false]], "abacusai.python_plot_function": [[222, "module-abacusai.python_plot_function", false]], "abacusai.range_violation": [[223, "module-abacusai.range_violation", false]], "abacusai.realtime_monitor": [[224, "module-abacusai.realtime_monitor", false]], "abacusai.refresh_pipeline_run": [[225, "module-abacusai.refresh_pipeline_run", false]], "abacusai.refresh_policy": [[226, "module-abacusai.refresh_policy", false]], "abacusai.refresh_schedule": [[227, "module-abacusai.refresh_schedule", false]], "abacusai.regenerate_llm_external_application": [[228, "module-abacusai.regenerate_llm_external_application", false]], "abacusai.resolved_feature_group_template": [[229, "module-abacusai.resolved_feature_group_template", false]], "abacusai.return_class": [[230, "module-abacusai.return_class", false]], "abacusai.routing_action": [[231, "module-abacusai.routing_action", false]], "abacusai.schema": [[232, "module-abacusai.schema", false]], "abacusai.sftp_key": [[233, "module-abacusai.sftp_key", false]], "abacusai.streaming_auth_token": [[234, "module-abacusai.streaming_auth_token", false]], "abacusai.streaming_client": [[235, "module-abacusai.streaming_client", false]], "abacusai.streaming_connector": [[236, "module-abacusai.streaming_connector", false]], "abacusai.streaming_row_count": [[237, "module-abacusai.streaming_row_count", false]], "abacusai.streaming_sample_code": [[238, "module-abacusai.streaming_sample_code", false]], "abacusai.template_node_details": [[239, "module-abacusai.template_node_details", false]], "abacusai.test_point_predictions": [[240, "module-abacusai.test_point_predictions", false]], "abacusai.tone_details": [[241, "module-abacusai.tone_details", false]], "abacusai.training_config_options": [[242, "module-abacusai.training_config_options", false]], "abacusai.twitter_search_result": [[243, "module-abacusai.twitter_search_result", false]], "abacusai.upload": [[244, "module-abacusai.upload", false]], "abacusai.upload_part": [[245, "module-abacusai.upload_part", false]], "abacusai.use_case": [[246, "module-abacusai.use_case", false]], "abacusai.use_case_requirements": [[247, "module-abacusai.use_case_requirements", false]], "abacusai.user": [[248, "module-abacusai.user", false]], "abacusai.user_exception": [[249, "module-abacusai.user_exception", false]], "abacusai.video_gen_settings": [[250, "module-abacusai.video_gen_settings", false]], "abacusai.video_search_result": [[251, "module-abacusai.video_search_result", false]], "abacusai.voice_gen_details": [[252, "module-abacusai.voice_gen_details", false]], "abacusai.web_page_response": [[253, "module-abacusai.web_page_response", false]], "abacusai.web_search_response": [[254, "module-abacusai.web_search_response", false]], "abacusai.web_search_result": [[255, "module-abacusai.web_search_result", false]], "abacusai.webhook": [[256, "module-abacusai.webhook", false]], "abacusai.workflow_graph_node_details": [[257, "module-abacusai.workflow_graph_node_details", false]], "abacusai.workflow_node_template": [[258, "module-abacusai.workflow_node_template", false]], "abacusapi (class in abacusai)": [[146, "abacusai.AbacusApi", false]], "abacusapi (class in abacusai.abacus_api)": [[0, "abacusai.abacus_api.AbacusApi", false]], "abacususagemetrics (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ABACUSUSAGEMETRICS", false]], "abacususagemetrics (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ABACUSUSAGEMETRICS", false]], "abacususagemetrics (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.ABACUSUSAGEMETRICS", false]], "abacususagemetricsdatasetconfig (class in abacusai)": [[146, "abacusai.AbacusUsageMetricsDatasetConfig", false]], "abacususagemetricsdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig", false]], "abacususagemetricsdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig", false]], "absolute (abacusai.api_class.enums.stddevthresholdtype attribute)": [[25, "abacusai.api_class.enums.StdDevThresholdType.ABSOLUTE", false]], "absolute (abacusai.api_class.stddevthresholdtype attribute)": [[27, "abacusai.api_class.StdDevThresholdType.ABSOLUTE", false], [27, "id201", false]], "absolute (abacusai.stddevthresholdtype attribute)": [[146, "abacusai.StdDevThresholdType.ABSOLUTE", false]], "abstractapiclass (class in abacusai.return_class)": [[230, "abacusai.return_class.AbstractApiClass", false]], "accent (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.accent", false]], "accent (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.accent", false]], "accuracy (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.ACCURACY", false]], "accuracy (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.ACCURACY", false]], "accuracy (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.ACCURACY", false]], "accuracy (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.ACCURACY", false]], "accuracy (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.ACCURACY", false]], "accuracy (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.ACCURACY", false]], "accuracy_below_threshold (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.ACCURACY_BELOW_THRESHOLD", false]], "accuracy_below_threshold (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.ACCURACY_BELOW_THRESHOLD", false]], "accuracy_below_threshold (abacusai.monitoralerttype attribute)": [[146, "abacusai.MonitorAlertType.ACCURACY_BELOW_THRESHOLD", false]], "accuracybelowthresholdconditionconfig (class in abacusai)": [[146, "abacusai.AccuracyBelowThresholdConditionConfig", false]], "accuracybelowthresholdconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AccuracyBelowThresholdConditionConfig", false]], "accuracybelowthresholdconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig", false]], "action_completed_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.action_completed_at", false]], "action_completed_at (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.action_completed_at", false]], "action_config (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.action_config", false]], "action_config (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.action_config", false]], "action_config (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.action_config", false]], "action_config (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.action_config", false]], "action_description (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.action_description", false]], "action_description (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.action_description", false]], "action_description (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.action_description", false]], "action_description (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.action_description", false]], "action_error (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.action_error", false]], "action_error (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.action_error", false]], "action_started_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.action_started_at", false]], "action_started_at (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.action_started_at", false]], "action_status (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.action_status", false]], "action_status (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.action_status", false]], "action_type (abacusai.alertactionconfig attribute)": [[146, "abacusai.AlertActionConfig.action_type", false]], "action_type (abacusai.api_class.alertactionconfig attribute)": [[27, "abacusai.api_class.AlertActionConfig.action_type", false]], "action_type (abacusai.api_class.monitor_alert.alertactionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.AlertActionConfig.action_type", false]], "action_types_exclusion_days (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.action_types_exclusion_days", false]], "action_types_exclusion_days (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.action_types_exclusion_days", false]], "action_types_exclusion_days (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.action_types_exclusion_days", false]], "active_labels_column (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.active_labels_column", false]], "actual_values_supported_for_drilldown (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.actual_values_supported_for_drilldown", false]], "actual_values_supported_for_drilldown (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.actual_values_supported_for_drilldown", false]], "actuals_histogram (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.actuals_histogram", false]], "actuals_histogram (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.actuals_histogram", false]], "add_annotatable_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_annotatable_feature", false]], "add_annotatable_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_annotatable_feature", false]], "add_annotatable_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.add_annotatable_feature", false]], "add_annotatable_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.add_annotatable_feature", false]], "add_annotation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_annotation", false]], "add_annotation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_annotation", false]], "add_annotation_label() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.add_annotation_label", false]], "add_annotation_label() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.add_annotation_label", false]], "add_app_user_group_report_permission() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_app_user_group_report_permission", false]], "add_app_user_group_report_permission() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_app_user_group_report_permission", false]], "add_app_user_group_to_external_application() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_app_user_group_to_external_application", false]], "add_app_user_group_to_external_application() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_app_user_group_to_external_application", false]], "add_feature_group_annotation_label() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_feature_group_annotation_label", false]], "add_feature_group_annotation_label() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_feature_group_annotation_label", false]], "add_feature_group_tag() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_feature_group_tag", false]], "add_feature_group_tag() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_feature_group_tag", false]], "add_feature_group_to_project() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_feature_group_to_project", false]], "add_feature_group_to_project() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_feature_group_to_project", false]], "add_feature_tag() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_feature_tag", false]], "add_feature_tag() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_feature_tag", false]], "add_feature_tag() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.add_feature_tag", false]], "add_feature_tag() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.add_feature_tag", false]], "add_graph_to_dashboard() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_graph_to_dashboard", false]], "add_graph_to_dashboard() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_graph_to_dashboard", false]], "add_graph_to_dashboard() (abacusai.python_function.pythonfunction method)": [[220, "abacusai.python_function.PythonFunction.add_graph_to_dashboard", false]], "add_graph_to_dashboard() (abacusai.pythonfunction method)": [[146, "abacusai.PythonFunction.add_graph_to_dashboard", false]], "add_organization_group_permission() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_organization_group_permission", false]], "add_organization_group_permission() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_organization_group_permission", false]], "add_organization_group_to_feature_group_modifiers() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_organization_group_to_feature_group_modifiers", false]], "add_organization_group_to_feature_group_modifiers() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_organization_group_to_feature_group_modifiers", false]], "add_organization_group_to_modifiers() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.add_organization_group_to_modifiers", false]], "add_organization_group_to_modifiers() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.add_organization_group_to_modifiers", false]], "add_permission() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.add_permission", false]], "add_permission() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.add_permission", false]], "add_project_tags() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_project_tags", false]], "add_project_tags() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_project_tags", false]], "add_tag() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.add_tag", false]], "add_tag() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.add_tag", false]], "add_tags() (abacusai.project method)": [[146, "abacusai.Project.add_tags", false]], "add_tags() (abacusai.project.project method)": [[214, "abacusai.project.Project.add_tags", false]], "add_time_features (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.add_time_features", false]], "add_time_features (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.add_time_features", false]], "add_time_features (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.add_time_features", false]], "add_to_project() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.add_to_project", false]], "add_to_project() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.add_to_project", false]], "add_user_to() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.add_user_to", false]], "add_user_to() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.add_user_to", false]], "add_user_to_feature_group_modifiers() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_user_to_feature_group_modifiers", false]], "add_user_to_feature_group_modifiers() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_user_to_feature_group_modifiers", false]], "add_user_to_modifiers() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.add_user_to_modifiers", false]], "add_user_to_modifiers() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.add_user_to_modifiers", false]], "add_user_to_organization() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_user_to_organization", false]], "add_user_to_organization() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_user_to_organization", false]], "add_user_to_organization_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_user_to_organization_group", false]], "add_user_to_organization_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_user_to_organization_group", false]], "add_users_to_app_user_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.add_users_to_app_user_group", false]], "add_users_to_app_user_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.add_users_to_app_user_group", false]], "additional_anomaly_ids (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.additional_anomaly_ids", false]], "additional_anomaly_ids (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.additional_anomaly_ids", false]], "additional_anomaly_ids (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.additional_anomaly_ids", false]], "additional_configs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.additional_configs", false]], "additional_configs (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.additional_configs", false]], "additional_extraction_instructions (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.additional_extraction_instructions", false]], "additional_extraction_instructions (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.additional_extraction_instructions", false]], "additional_extraction_instructions (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.additional_extraction_instructions", false]], "additional_forecast_keys (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.additional_forecast_keys", false]], "additional_forecast_keys (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.additional_forecast_keys", false]], "additional_forecast_keys (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.additional_forecast_keys", false]], "additional_id_columns (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.databaseconnectorexportconfig attribute)": [[146, "abacusai.DatabaseConnectorExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.additional_id_columns", false]], "additional_id_columns (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.additional_id_columns", false]], "additional_id_columns (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.additional_id_columns", false]], "additional_info (abacusai.address attribute)": [[146, "abacusai.Address.additional_info", false]], "additional_info (abacusai.address.address attribute)": [[1, "abacusai.address.Address.additional_info", false]], "additional_info (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.additional_info", false]], "additional_info (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.additional_info", false]], "address (class in abacusai)": [[146, "abacusai.Address", false]], "address (class in abacusai.address)": [[1, "abacusai.address.Address", false]], "address_line_1 (abacusai.address attribute)": [[146, "abacusai.Address.address_line_1", false]], "address_line_1 (abacusai.address.address attribute)": [[1, "abacusai.address.Address.address_line_1", false]], "address_line_2 (abacusai.address attribute)": [[146, "abacusai.Address.address_line_2", false]], "address_line_2 (abacusai.address.address attribute)": [[1, "abacusai.address.Address.address_line_2", false]], "admin (abacusai.organization_group.organizationgroup attribute)": [[189, "abacusai.organization_group.OrganizationGroup.admin", false]], "admin (abacusai.organizationgroup attribute)": [[146, "abacusai.OrganizationGroup.admin", false]], "age (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.age", false]], "age (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.age", false]], "agent (class in abacusai)": [[146, "abacusai.Agent", false]], "agent (class in abacusai.agent)": [[2, "abacusai.agent.Agent", false]], "agent_config (abacusai.agent attribute)": [[146, "abacusai.Agent.agent_config", false]], "agent_config (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.agent_config", false]], "agent_config (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_config", false]], "agent_config (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.agent_config", false]], "agent_connectors (abacusai.agent property)": [[146, "abacusai.Agent.agent_connectors", false]], "agent_connectors (abacusai.agent.agent property)": [[2, "abacusai.agent.Agent.agent_connectors", false]], "agent_connectors (abacusai.aiagenttrainingconfig attribute)": [[146, "abacusai.AIAgentTrainingConfig.agent_connectors", false]], "agent_connectors (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_connectors", false]], "agent_connectors (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_connectors", false]], "agent_controller (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.AGENT_CONTROLLER", false]], "agent_controller (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.AGENT_CONTROLLER", false]], "agent_controller (abacusai.deploymentconversationtype attribute)": [[146, "abacusai.DeploymentConversationType.AGENT_CONTROLLER", false]], "agent_execution_config (abacusai.agent attribute)": [[146, "abacusai.Agent.agent_execution_config", false]], "agent_execution_config (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.agent_execution_config", false]], "agent_execution_config (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_execution_config", false]], "agent_execution_config (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.agent_execution_config", false]], "agent_flow_button (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.AGENT_FLOW_BUTTON", false]], "agent_flow_button (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.AGENT_FLOW_BUTTON", false]], "agent_flow_button (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.AGENT_FLOW_BUTTON", false]], "agent_id (abacusai.agent attribute)": [[146, "abacusai.Agent.agent_id", false]], "agent_id (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.agent_id", false]], "agent_id (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_id", false]], "agent_id (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.agent_id", false]], "agent_input_schema (abacusai.aiagenttrainingconfig attribute)": [[146, "abacusai.AIAgentTrainingConfig.agent_input_schema", false]], "agent_input_schema (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_input_schema", false]], "agent_input_schema (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_input_schema", false]], "agent_interface (abacusai.agent property)": [[146, "abacusai.Agent.agent_interface", false]], "agent_interface (abacusai.agent.agent property)": [[2, "abacusai.agent.Agent.agent_interface", false]], "agent_interface (abacusai.aiagenttrainingconfig attribute)": [[146, "abacusai.AIAgentTrainingConfig.agent_interface", false]], "agent_interface (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_interface", false]], "agent_interface (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_interface", false]], "agent_output_schema (abacusai.aiagenttrainingconfig attribute)": [[146, "abacusai.AIAgentTrainingConfig.agent_output_schema", false]], "agent_output_schema (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_output_schema", false]], "agent_output_schema (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_output_schema", false]], "agent_response (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.agent_response", false]], "agent_response (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.agent_response", false]], "agent_version (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_version", false]], "agent_version (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.agent_version", false]], "agent_workflow_node_id (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.agent_workflow_node_id", false]], "agent_workflow_node_id (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.agent_workflow_node_id", false]], "agent_workflow_node_id (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.agent_workflow_node_id", false]], "agent_workflow_node_id (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.agent_workflow_node_id", false]], "agent_workflow_node_name (abacusai.agentflowbuttonresponsesection attribute)": [[146, "abacusai.AgentFlowButtonResponseSection.agent_workflow_node_name", false]], "agent_workflow_node_name (abacusai.api_class.agentflowbuttonresponsesection attribute)": [[27, "abacusai.api_class.AgentFlowButtonResponseSection.agent_workflow_node_name", false]], "agent_workflow_node_name (abacusai.api_class.segments.agentflowbuttonresponsesection attribute)": [[34, "abacusai.api_class.segments.AgentFlowButtonResponseSection.agent_workflow_node_name", false]], "agentchatmessage (class in abacusai)": [[146, "abacusai.AgentChatMessage", false]], "agentchatmessage (class in abacusai.agent_chat_message)": [[3, "abacusai.agent_chat_message.AgentChatMessage", false]], "agentconversation (class in abacusai)": [[146, "abacusai.AgentConversation", false]], "agentconversation (class in abacusai.agent_conversation)": [[4, "abacusai.agent_conversation.AgentConversation", false]], "agentconversationmessage (class in abacusai)": [[146, "abacusai.AgentConversationMessage", false]], "agentconversationmessage (class in abacusai.api_class)": [[27, "abacusai.api_class.AgentConversationMessage", false]], "agentconversationmessage (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage", false]], "agentdatadocumentinfo (class in abacusai)": [[146, "abacusai.AgentDataDocumentInfo", false]], "agentdatadocumentinfo (class in abacusai.agent_data_document_info)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo", false]], "agentdataexecutionresult (class in abacusai)": [[146, "abacusai.AgentDataExecutionResult", false]], "agentdataexecutionresult (class in abacusai.agent_data_execution_result)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult", false]], "agentflowbuttonresponsesection (class in abacusai)": [[146, "abacusai.AgentFlowButtonResponseSection", false]], "agentflowbuttonresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.AgentFlowButtonResponseSection", false]], "agentflowbuttonresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.AgentFlowButtonResponseSection", false]], "agentinterface (class in abacusai)": [[146, "abacusai.AgentInterface", false]], "agentinterface (class in abacusai.api_class)": [[27, "abacusai.api_class.AgentInterface", false]], "agentinterface (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.AgentInterface", false]], "agentresponse (class in abacusai)": [[146, "abacusai.AgentResponse", false]], "agentresponse (class in abacusai.client)": [[52, "abacusai.client.AgentResponse", false]], "agentversion (class in abacusai)": [[146, "abacusai.AgentVersion", false]], "agentversion (class in abacusai.agent_version)": [[7, "abacusai.agent_version.AgentVersion", false]], "aggregation_keys (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.aggregation_keys", false]], "aggregation_keys (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.aggregation_keys", false]], "aggregation_keys (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.aggregation_keys", false]], "aggregation_keys (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.aggregation_keys", false]], "aggregation_type (abacusai.api_class.monitor_alert.predictioncountconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.aggregation_type", false]], "aggregation_type (abacusai.api_class.predictioncountconditionconfig attribute)": [[27, "abacusai.api_class.PredictionCountConditionConfig.aggregation_type", false]], "aggregation_type (abacusai.predictioncountconditionconfig attribute)": [[146, "abacusai.PredictionCountConditionConfig.aggregation_type", false]], "aggregation_window (abacusai.api_class.monitor_alert.predictioncountconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.aggregation_window", false]], "aggregation_window (abacusai.api_class.predictioncountconditionconfig attribute)": [[27, "abacusai.api_class.PredictionCountConditionConfig.aggregation_window", false]], "aggregation_window (abacusai.predictioncountconditionconfig attribute)": [[146, "abacusai.PredictionCountConditionConfig.aggregation_window", false]], "ai_agent (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.AI_AGENT", false]], "ai_agent (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.AI_AGENT", false]], "ai_agent (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.AI_AGENT", false]], "ai_building_in_progress (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.ai_building_in_progress", false]], "ai_building_in_progress (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.ai_building_in_progress", false]], "aiagentbatchpredictionargs (class in abacusai)": [[146, "abacusai.AIAgentBatchPredictionArgs", false]], "aiagentbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.AIAgentBatchPredictionArgs", false]], "aiagentbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.AIAgentBatchPredictionArgs", false]], "aiagenttrainingconfig (class in abacusai)": [[146, "abacusai.AIAgentTrainingConfig", false]], "aiagenttrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AIAgentTrainingConfig", false]], "aiagenttrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig", false]], "aibuildingtask (class in abacusai)": [[146, "abacusai.AiBuildingTask", false]], "aibuildingtask (class in abacusai.ai_building_task)": [[8, "abacusai.ai_building_task.AiBuildingTask", false]], "alert_config (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.alert_config", false]], "alert_config (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.alert_config", false]], "alert_result (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.alert_result", false]], "alert_result (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.alert_result", false]], "alert_type (abacusai.alertconditionconfig attribute)": [[146, "abacusai.AlertConditionConfig.alert_type", false]], "alert_type (abacusai.api_class.alertconditionconfig attribute)": [[27, "abacusai.api_class.AlertConditionConfig.alert_type", false]], "alert_type (abacusai.api_class.monitor_alert.alertconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.AlertConditionConfig.alert_type", false]], "alert_type (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.alert_type", false]], "alert_type (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.alert_type", false]], "alert_type (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.alert_type", false]], "alert_type (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.alert_type", false]], "alertactionconfig (class in abacusai)": [[146, "abacusai.AlertActionConfig", false]], "alertactionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AlertActionConfig", false]], "alertactionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.AlertActionConfig", false]], "alertactiontype (class in abacusai)": [[146, "abacusai.AlertActionType", false]], "alertactiontype (class in abacusai.api_class)": [[27, "abacusai.api_class.AlertActionType", false]], "alertactiontype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.AlertActionType", false]], "alertconditionconfig (class in abacusai)": [[146, "abacusai.AlertConditionConfig", false]], "alertconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AlertConditionConfig", false]], "alertconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.AlertConditionConfig", false]], "alerting_completed_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.alerting_completed_at", false]], "alerting_completed_at (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.alerting_completed_at", false]], "alerting_started_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.alerting_started_at", false]], "alerting_started_at (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.alerting_started_at", false]], "alerts (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.alerts", false]], "alerts (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.alerts", false]], "alerts (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.alerts", false]], "alerts (abacusai.modelmonitorsummary attribute)": [[146, "abacusai.ModelMonitorSummary.alerts", false]], "algo_metrics (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.algo_metrics", false]], "algo_metrics (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.algo_metrics", false]], "algo_name (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.algo_name", false]], "algo_name (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.algo_name", false]], "algo_name (abacusai.deployment attribute)": [[146, "abacusai.Deployment.algo_name", false]], "algo_name (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.algo_name", false]], "algo_name (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.algo_name", false]], "algo_name (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.algo_name", false]], "algo_name (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.algo_name", false]], "algo_name (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.algo_name", false]], "algorithm (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.algorithm", false]], "algorithm (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.algorithm", false]], "algorithm (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig.algorithm", false]], "algorithm (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig.algorithm", false]], "algorithm (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.algorithm", false]], "algorithm (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.algorithm", false]], "algorithm (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.algorithm", false]], "algorithm (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.algorithm", false]], "algorithm (abacusai.deployablealgorithm attribute)": [[146, "abacusai.DeployableAlgorithm.algorithm", false]], "algorithm (abacusai.deployment attribute)": [[146, "abacusai.Deployment.algorithm", false]], "algorithm (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.algorithm", false]], "algorithm (abacusai.function_logs.functionlogs attribute)": [[137, "abacusai.function_logs.FunctionLogs.algorithm", false]], "algorithm (abacusai.functionlogs attribute)": [[146, "abacusai.FunctionLogs.algorithm", false]], "algorithm (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.algorithm", false]], "algorithm (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.algorithm", false]], "algorithm (abacusai.trainingconfig attribute)": [[146, "abacusai.TrainingConfig.algorithm", false]], "algorithm (class in abacusai)": [[146, "abacusai.Algorithm", false]], "algorithm (class in abacusai.algorithm)": [[9, "abacusai.algorithm.Algorithm", false]], "algorithm_id (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.algorithm_id", false]], "algorithm_id (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.algorithm_id", false]], "algorithm_model_configs (abacusai.model attribute)": [[146, "abacusai.Model.algorithm_model_configs", false]], "algorithm_model_configs (abacusai.model.model attribute)": [[161, "abacusai.model.Model.algorithm_model_configs", false]], "algorithm_training_config (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.algorithm_training_config", false]], "algorithm_training_config (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.algorithm_training_config", false]], "all_cap_re (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.ALL_CAP_RE", false]], "allow_training_with_small_history (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.allow_training_with_small_history", false]], "allow_training_with_small_history (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.allow_training_with_small_history", false]], "allow_training_with_small_history (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.allow_training_with_small_history", false]], "allowed_feature_mappings (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.allowed_feature_mappings", false]], "allowed_feature_mappings (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.allowed_feature_mappings", false]], "allowed_nested_feature_mappings (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.allowed_nested_feature_mappings", false]], "allowed_nested_feature_mappings (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.allowed_nested_feature_mappings", false]], "alreadyexistserror": [[52, "abacusai.client.AlreadyExistsError", false]], "analysis_days (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.analysis_days", false]], "analysis_days (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.analysis_days", false]], "analysis_days (abacusai.themeanalysisbatchpredictionargs attribute)": [[146, "abacusai.ThemeAnalysisBatchPredictionArgs.analysis_days", false]], "analysis_frequency (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.analysis_frequency", false]], "analysis_frequency (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.analysis_frequency", false]], "analysis_frequency (abacusai.themeanalysisbatchpredictionargs attribute)": [[146, "abacusai.ThemeAnalysisBatchPredictionArgs.analysis_frequency", false]], "ancestral_simulation (abacusai.api_class.enums.forecastingquanitlesextensionmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod.ANCESTRAL_SIMULATION", false]], "ancestral_simulation (abacusai.api_class.forecastingquanitlesextensionmethod attribute)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod.ANCESTRAL_SIMULATION", false]], "ancestral_simulation (abacusai.forecastingquanitlesextensionmethod attribute)": [[146, "abacusai.ForecastingQuanitlesExtensionMethod.ANCESTRAL_SIMULATION", false]], "annotation (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.annotation", false]], "annotation (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.annotation", false]], "annotation (class in abacusai)": [[146, "abacusai.Annotation", false]], "annotation (class in abacusai.annotation)": [[10, "abacusai.annotation.Annotation", false]], "annotation_config (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.annotation_config", false]], "annotation_config (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.annotation_config", false]], "annotation_config (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.annotation_config", false]], "annotation_config (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.annotation_config", false]], "annotation_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.annotation_config", false]], "annotation_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.annotation_config", false]], "annotation_entry_marker (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.annotation_entry_marker", false]], "annotation_entry_marker (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.annotation_entry_marker", false]], "annotation_type (abacusai.annotation attribute)": [[146, "abacusai.Annotation.annotation_type", false]], "annotation_type (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.annotation_type", false]], "annotation_value (abacusai.annotation attribute)": [[146, "abacusai.Annotation.annotation_value", false]], "annotation_value (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.annotation_value", false]], "annotationconfig (class in abacusai)": [[146, "abacusai.AnnotationConfig", false]], "annotationconfig (class in abacusai.annotation_config)": [[11, "abacusai.annotation_config.AnnotationConfig", false]], "annotationdocument (class in abacusai)": [[146, "abacusai.AnnotationDocument", false]], "annotationdocument (class in abacusai.annotation_document)": [[12, "abacusai.annotation_document.AnnotationDocument", false]], "annotationentry (class in abacusai)": [[146, "abacusai.AnnotationEntry", false]], "annotationentry (class in abacusai.annotation_entry)": [[13, "abacusai.annotation_entry.AnnotationEntry", false]], "annotations_precision (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.ANNOTATIONS_PRECISION", false]], "annotations_precision (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.ANNOTATIONS_PRECISION", false]], "annotations_precision (abacusai.nerobjective attribute)": [[146, "abacusai.NERObjective.ANNOTATIONS_PRECISION", false]], "annotations_recall (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.ANNOTATIONS_RECALL", false]], "annotations_recall (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.ANNOTATIONS_RECALL", false]], "annotations_recall (abacusai.nerobjective attribute)": [[146, "abacusai.NERObjective.ANNOTATIONS_RECALL", false]], "annotationsstatus (class in abacusai)": [[146, "abacusai.AnnotationsStatus", false]], "annotationsstatus (class in abacusai.annotations_status)": [[14, "abacusai.annotations_status.AnnotationsStatus", false]], "anomaly_fraction (abacusai.api_class.eventanomalytrainingconfig attribute)": [[27, "abacusai.api_class.EventAnomalyTrainingConfig.anomaly_fraction", false]], "anomaly_fraction (abacusai.api_class.model.eventanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.EventAnomalyTrainingConfig.anomaly_fraction", false]], "anomaly_fraction (abacusai.eventanomalytrainingconfig attribute)": [[146, "abacusai.EventAnomalyTrainingConfig.anomaly_fraction", false]], "anomaly_type (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.anomaly_type", false]], "anomaly_type (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.anomaly_type", false]], "anomaly_type (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.anomaly_type", false]], "answer (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.answer", false]], "answer (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.answer", false]], "any (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.ANY", false]], "any (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.ANY", false]], "any (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.ANY", false]], "any (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.ANY", false]], "any (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.ANY", false]], "any (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.ANY", false]], "api_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.api_endpoint", false]], "api_endpoint (abacusai.apiendpoint attribute)": [[146, "abacusai.ApiEndpoint.api_endpoint", false]], "api_endpoint (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.api_endpoint", false]], "api_key (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.api_key", false]], "api_key (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.api_key", false]], "api_key (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.api_key", false]], "api_key_id (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.api_key_id", false]], "api_key_id (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.api_key_id", false]], "api_key_suffix (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.api_key_suffix", false]], "api_key_suffix (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.api_key_suffix", false]], "apiclass (class in abacusai)": [[146, "abacusai.ApiClass", false]], "apiclass (class in abacusai.api_class)": [[27, "abacusai.api_class.ApiClass", false], [27, "id0", false], [27, "id134", false], [27, "id14", false], [27, "id167", false], [27, "id186", false], [27, "id204", false], [27, "id223", false], [27, "id242", false], [27, "id256", false], [27, "id275", false], [27, "id28", false], [27, "id47", false], [27, "id72", false], [27, "id91", false]], "apiclass (class in abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.ApiClass", false]], "apiclient (class in abacusai)": [[146, "abacusai.ApiClient", false]], "apiclient (class in abacusai.client)": [[52, "abacusai.client.ApiClient", false]], "apiendpoint (class in abacusai)": [[146, "abacusai.ApiEndpoint", false]], "apiendpoint (class in abacusai.api_endpoint)": [[36, "abacusai.api_endpoint.ApiEndpoint", false]], "apienum (class in abacusai)": [[146, "abacusai.ApiEnum", false]], "apienum (class in abacusai.api_class)": [[27, "abacusai.api_class.ApiEnum", false]], "apienum (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ApiEnum", false]], "apiexception": [[52, "abacusai.client.ApiException", false], [146, "abacusai.ApiException", false]], "apikey (class in abacusai)": [[146, "abacusai.ApiKey", false]], "apikey (class in abacusai.api_key)": [[37, "abacusai.api_key.ApiKey", false]], "append_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.append_data", false]], "append_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.append_data", false]], "append_data() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.append_data", false]], "append_data() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.append_data", false]], "append_data() (abacusai.streaming_client.streamingclient method)": [[235, "abacusai.streaming_client.StreamingClient.append_data", false]], "append_data() (abacusai.streamingclient method)": [[146, "abacusai.StreamingClient.append_data", false]], "append_multiple_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.append_multiple_data", false]], "append_multiple_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.append_multiple_data", false]], "append_multiple_data() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.append_multiple_data", false]], "append_multiple_data() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.append_multiple_data", false]], "append_multiple_data() (abacusai.streaming_client.streamingclient method)": [[235, "abacusai.streaming_client.StreamingClient.append_multiple_data", false]], "append_multiple_data() (abacusai.streamingclient method)": [[146, "abacusai.StreamingClient.append_multiple_data", false]], "application (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.APPLICATION", false]], "application (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.APPLICATION", false]], "application (abacusai.connectortype attribute)": [[146, "abacusai.ConnectorType.APPLICATION", false]], "application_connector_config (abacusai.dataset attribute)": [[146, "abacusai.Dataset.application_connector_config", false]], "application_connector_config (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.application_connector_config", false]], "application_connector_config (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.application_connector_config", false]], "application_connector_config (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.application_connector_config", false]], "application_connector_id (abacusai.api_class.applicationconnectordatasetconfig attribute)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig.application_connector_id", false]], "application_connector_id (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig.application_connector_id", false]], "application_connector_id (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.application_connector_id", false]], "application_connector_id (abacusai.applicationconnector attribute)": [[146, "abacusai.ApplicationConnector.application_connector_id", false]], "application_connector_id (abacusai.applicationconnectordatasetconfig attribute)": [[146, "abacusai.ApplicationConnectorDatasetConfig.application_connector_id", false]], "application_connector_id (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.application_connector_id", false]], "application_connector_id (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.application_connector_id", false]], "application_connector_id (abacusai.dataset attribute)": [[146, "abacusai.Dataset.application_connector_id", false]], "application_connector_id (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.application_connector_id", false]], "application_connector_info (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.application_connector_info", false]], "application_connector_info (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.application_connector_info", false]], "application_connector_type (abacusai.api_class.applicationconnectordatasetconfig attribute)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig.application_connector_type", false]], "application_connector_type (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig.application_connector_type", false]], "application_connector_type (abacusai.applicationconnectordatasetconfig attribute)": [[146, "abacusai.ApplicationConnectorDatasetConfig.application_connector_type", false]], "applicationconnector (class in abacusai)": [[146, "abacusai.ApplicationConnector", false]], "applicationconnector (class in abacusai.application_connector)": [[40, "abacusai.application_connector.ApplicationConnector", false]], "applicationconnectordatasetconfig (class in abacusai)": [[146, "abacusai.ApplicationConnectorDatasetConfig", false]], "applicationconnectordatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig", false]], "applicationconnectordatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig", false]], "applicationconnectortype (class in abacusai)": [[146, "abacusai.ApplicationConnectorType", false]], "applicationconnectortype (class in abacusai.api_class)": [[27, "abacusai.api_class.ApplicationConnectorType", false]], "applicationconnectortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ApplicationConnectorType", false]], "appusergroup (class in abacusai)": [[146, "abacusai.AppUserGroup", false]], "appusergroup (class in abacusai.app_user_group)": [[38, "abacusai.app_user_group.AppUserGroup", false]], "appusergroupsignintoken (class in abacusai)": [[146, "abacusai.AppUserGroupSignInToken", false]], "appusergroupsignintoken (class in abacusai.app_user_group_sign_in_token)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken", false]], "artifact_names (abacusai.model_location.modellocation attribute)": [[165, "abacusai.model_location.ModelLocation.artifact_names", false]], "artifact_names (abacusai.modellocation attribute)": [[146, "abacusai.ModelLocation.artifact_names", false]], "artifacts_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.artifacts_upload_id", false]], "artifacts_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.artifacts_upload_id", false]], "asymmetric_mean_absolute_percentage_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "asymmetric_mean_absolute_percentage_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "asymmetric_mean_absolute_percentage_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "at_risk_threshold (abacusai.api_class.monitor_alert.monitorthresholdconfig attribute)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.at_risk_threshold", false]], "at_risk_threshold (abacusai.api_class.monitorthresholdconfig attribute)": [[27, "abacusai.api_class.MonitorThresholdConfig.at_risk_threshold", false]], "at_risk_threshold (abacusai.monitorthresholdconfig attribute)": [[146, "abacusai.MonitorThresholdConfig.at_risk_threshold", false]], "attachment (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.ATTACHMENT", false]], "attachment (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.ATTACHMENT", false]], "attachment (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.ATTACHMENT", false]], "attachment_parsing_config (abacusai.dataset attribute)": [[146, "abacusai.Dataset.attachment_parsing_config", false]], "attachment_parsing_config (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.attachment_parsing_config", false]], "attachmentparsingconfig (class in abacusai)": [[146, "abacusai.AttachmentParsingConfig", false]], "attachmentparsingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AttachmentParsingConfig", false]], "attachmentparsingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig", false]], "attachments (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.ATTACHMENTS", false]], "attachments (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.ATTACHMENTS", false]], "attachments (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.attachments", false]], "attachments (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.attachments", false]], "attachments (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.ATTACHMENTS", false]], "au (abacusai.api_class.enums.holidaycalendars attribute)": [[25, "abacusai.api_class.enums.HolidayCalendars.AU", false]], "au (abacusai.api_class.holidaycalendars attribute)": [[27, "abacusai.api_class.HolidayCalendars.AU", false]], "au (abacusai.holidaycalendars attribute)": [[146, "abacusai.HolidayCalendars.AU", false]], "auc (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.AUC", false]], "auc (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.AUC", false]], "auc (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.AUC", false]], "auc (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.AUC", false]], "auc (abacusai.nerobjective attribute)": [[146, "abacusai.NERObjective.AUC", false]], "auc (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.AUC", false]], "audiogensettings (class in abacusai)": [[146, "abacusai.AudioGenSettings", false]], "audiogensettings (class in abacusai.audio_gen_settings)": [[41, "abacusai.audio_gen_settings.AudioGenSettings", false]], "augmentation_strategy (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.augmentation_strategy", false]], "augmentation_strategy (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.augmentation_strategy", false]], "augmentation_strategy (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.augmentation_strategy", false]], "augmented_llm (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.AUGMENTED_LLM", false]], "augmented_llm (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.AUGMENTED_LLM", false], [27, "id125", false]], "augmented_llm (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.AUGMENTED_LLM", false]], "augmented_page_text (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.augmented_page_text", false]], "augmented_page_text (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.augmented_page_text", false]], "auth (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.auth", false]], "auth (abacusai.applicationconnector attribute)": [[146, "abacusai.ApplicationConnector.auth", false]], "auth (abacusai.database_connector.databaseconnector attribute)": [[75, "abacusai.database_connector.DatabaseConnector.auth", false]], "auth (abacusai.databaseconnector attribute)": [[146, "abacusai.DatabaseConnector.auth", false]], "auth (abacusai.streaming_connector.streamingconnector attribute)": [[236, "abacusai.streaming_connector.StreamingConnector.auth", false]], "auth (abacusai.streamingconnector attribute)": [[146, "abacusai.StreamingConnector.auth", false]], "auth_expires_at (abacusai.file_connector.fileconnector attribute)": [[130, "abacusai.file_connector.FileConnector.auth_expires_at", false]], "auth_expires_at (abacusai.fileconnector attribute)": [[146, "abacusai.FileConnector.auth_expires_at", false]], "auth_options (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[131, "abacusai.file_connector_instructions.FileConnectorInstructions.auth_options", false]], "auth_options (abacusai.fileconnectorinstructions attribute)": [[146, "abacusai.FileConnectorInstructions.auth_options", false]], "auto (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.AUTO", false]], "auto (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.AUTO", false]], "auto (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.AUTO", false]], "auto (abacusai.api_class.enums.timeseriesanomalydatasplittype attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType.AUTO", false]], "auto (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.AUTO", false]], "auto (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.AUTO", false]], "auto (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.AUTO", false], [27, "id114", false]], "auto (abacusai.api_class.timeseriesanomalydatasplittype attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyDataSplitType.AUTO", false]], "auto (abacusai.forecastingdatasplittype attribute)": [[146, "abacusai.ForecastingDataSplitType.AUTO", false]], "auto (abacusai.nlpdocumentformat attribute)": [[146, "abacusai.NLPDocumentFormat.AUTO", false]], "auto (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.AUTO", false]], "auto (abacusai.timeseriesanomalydatasplittype attribute)": [[146, "abacusai.TimeseriesAnomalyDataSplitType.AUTO", false]], "auto_deploy (abacusai.deployment attribute)": [[146, "abacusai.Deployment.auto_deploy", false]], "auto_deploy (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.auto_deploy", false]], "autocomplete_response (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[54, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.autocomplete_response", false]], "autocomplete_response (abacusai.codeautocompleteresponse attribute)": [[146, "abacusai.CodeAutocompleteResponse.autocomplete_response", false]], "autocorrelation (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.autocorrelation", false]], "autocorrelation (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.autocorrelation", false]], "automatic (abacusai.api_class.clusteringimputationmethod attribute)": [[27, "abacusai.api_class.ClusteringImputationMethod.AUTOMATIC", false]], "automatic (abacusai.api_class.enums.clusteringimputationmethod attribute)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod.AUTOMATIC", false]], "automatic (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.AUTOMATIC", false]], "automatic (abacusai.api_class.enums.timeseriesanomalyuseheuristic attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic.AUTOMATIC", false]], "automatic (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.AUTOMATIC", false]], "automatic (abacusai.api_class.timeseriesanomalyuseheuristic attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic.AUTOMATIC", false]], "automatic (abacusai.clusteringimputationmethod attribute)": [[146, "abacusai.ClusteringImputationMethod.AUTOMATIC", false]], "automatic (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.AUTOMATIC", false]], "automatic (abacusai.timeseriesanomalyuseheuristic attribute)": [[146, "abacusai.TimeseriesAnomalyUseHeuristic.AUTOMATIC", false]], "automl_complete (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.automl_complete", false]], "automl_complete (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.automl_complete", false]], "autonomous (abacusai.agentinterface attribute)": [[146, "abacusai.AgentInterface.AUTONOMOUS", false]], "autonomous (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.AUTONOMOUS", false]], "autonomous (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.AUTONOMOUS", false]], "average (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.AVERAGE", false]], "average (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.AVERAGE", false]], "average (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.AVERAGE", false]], "average_drift (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.average_drift", false]], "average_drift (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.average_drift", false]], "avro (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.AVRO", false]], "avro (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.AVRO", false]], "avro (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.AVRO", false]], "avro_to_pandas_dtype() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.avro_to_pandas_dtype", false]], "aws_ocr_modes() (abacusai.api_class.enums.ocrmode class method)": [[25, "abacusai.api_class.enums.OcrMode.aws_ocr_modes", false]], "aws_ocr_modes() (abacusai.api_class.ocrmode class method)": [[27, "abacusai.api_class.OcrMode.aws_ocr_modes", false], [27, "id126", false]], "aws_ocr_modes() (abacusai.ocrmode class method)": [[146, "abacusai.OcrMode.aws_ocr_modes", false]], "b64_image (abacusai.api_class.base64imageresponsesection attribute)": [[27, "abacusai.api_class.Base64ImageResponseSection.b64_image", false]], "b64_image (abacusai.api_class.segments.base64imageresponsesection attribute)": [[34, "abacusai.api_class.segments.Base64ImageResponseSection.b64_image", false]], "b64_image (abacusai.base64imageresponsesection attribute)": [[146, "abacusai.Base64ImageResponseSection.b64_image", false]], "back (abacusai.api_class.enums.forecastingfillmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingFillMethod.BACK", false]], "back (abacusai.api_class.forecastingfillmethod attribute)": [[27, "abacusai.api_class.ForecastingFillMethod.BACK", false]], "back (abacusai.forecastingfillmethod attribute)": [[146, "abacusai.ForecastingFillMethod.BACK", false]], "backfill (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.BACKFILL", false]], "backfill (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.BACKFILL", false]], "backfill (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.BACKFILL", false]], "backtesting_window_step_size (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.backtesting_window_step_size", false]], "backtesting_window_step_size (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.backtesting_window_step_size", false]], "backtesting_window_step_size (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.backtesting_window_step_size", false]], "base64_image (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.BASE64_IMAGE", false]], "base64_image (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.BASE64_IMAGE", false]], "base64_image (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.BASE64_IMAGE", false]], "base64imageresponsesection (class in abacusai)": [[146, "abacusai.Base64ImageResponseSection", false]], "base64imageresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.Base64ImageResponseSection", false]], "base64imageresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.Base64ImageResponseSection", false]], "base_duplicates (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.base_duplicates", false]], "base_duplicates (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.base_duplicates", false]], "base_model (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.base_model", false]], "base_model (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.base_model", false]], "baseapiclient (class in abacusai.client)": [[52, "abacusai.client.BaseApiClient", false]], "batch_1024 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_1024", false]], "batch_1024 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_1024", false]], "batch_1024 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_1024", false]], "batch_128 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_128", false]], "batch_128 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_128", false]], "batch_128 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_128", false]], "batch_16 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_16", false]], "batch_16 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_16", false]], "batch_16 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_16", false]], "batch_256 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_256", false]], "batch_256 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_256", false]], "batch_256 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_256", false]], "batch_32 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_32", false]], "batch_32 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_32", false]], "batch_32 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_32", false]], "batch_384 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_384", false]], "batch_384 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_384", false]], "batch_384 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_384", false]], "batch_512 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_512", false]], "batch_512 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_512", false]], "batch_512 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_512", false]], "batch_64 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_64", false]], "batch_64 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_64", false]], "batch_64 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_64", false]], "batch_740 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_740", false]], "batch_740 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_740", false]], "batch_740 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_740", false]], "batch_8 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_8", false]], "batch_8 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_8", false]], "batch_8 (abacusai.batchsize attribute)": [[146, "abacusai.BatchSize.BATCH_8", false]], "batch_inputs (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.batch_inputs", false]], "batch_inputs (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_inputs", false]], "batch_inputs (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.batch_inputs", false]], "batch_inputs (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.batch_inputs", false]], "batch_prediction_args (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.batch_prediction_args", false]], "batch_prediction_args (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_args", false]], "batch_prediction_args (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.batch_prediction_args", false]], "batch_prediction_args (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.batch_prediction_args", false]], "batch_prediction_args_type (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.batch_prediction_args_type", false]], "batch_prediction_args_type (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_args_type", false]], "batch_prediction_args_type (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.batch_prediction_args_type", false]], "batch_prediction_args_type (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.batch_prediction_args_type", false]], "batch_prediction_description_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.batch_prediction_description_id", false]], "batch_prediction_description_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.batch_prediction_description_id", false]], "batch_prediction_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.batch_prediction_id", false]], "batch_prediction_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_id", false]], "batch_prediction_id (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.batch_prediction_id", false]], "batch_prediction_id (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.batch_prediction_id", false]], "batch_prediction_id (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.batch_prediction_id", false]], "batch_prediction_id (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.batch_prediction_id", false]], "batch_prediction_id (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.batch_prediction_id", false]], "batch_prediction_id (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.batch_prediction_id", false]], "batch_prediction_id (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.upload attribute)": [[146, "abacusai.Upload.batch_prediction_id", false]], "batch_prediction_id (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.batch_prediction_id", false]], "batch_prediction_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.batch_prediction_ids", false]], "batch_prediction_ids (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.batch_prediction_ids", false]], "batch_prediction_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_version", false]], "batch_prediction_version (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.batch_prediction_version", false]], "batch_prediction_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.batch_prediction_version", false]], "batch_prediction_version (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.batch_prediction_version", false]], "batch_prediction_warnings (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_warnings", false]], "batch_prediction_warnings (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.batch_prediction_warnings", false]], "batch_predictions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.batch_predictions", false]], "batch_predictions (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.batch_predictions", false]], "batch_renormalization (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.batch_renormalization", false]], "batch_renormalization (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.batch_renormalization", false]], "batch_renormalization (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.batch_renormalization", false]], "batch_size (abacusai.api_class.documentsummarizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.documentvisualizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.documentsummarizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.documentvisualizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.sentenceboundarydetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.batch_size", false]], "batch_size (abacusai.documentsummarizationtrainingconfig attribute)": [[146, "abacusai.DocumentSummarizationTrainingConfig.batch_size", false]], "batch_size (abacusai.documentvisualizationtrainingconfig attribute)": [[146, "abacusai.DocumentVisualizationTrainingConfig.batch_size", false]], "batch_size (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.batch_size", false]], "batch_size (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.batch_size", false]], "batch_size (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.batch_size", false]], "batch_size (abacusai.sentenceboundarydetectiontrainingconfig attribute)": [[146, "abacusai.SentenceBoundaryDetectionTrainingConfig.batch_size", false]], "batch_streaming_updates (abacusai.deployment attribute)": [[146, "abacusai.Deployment.batch_streaming_updates", false]], "batch_streaming_updates (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.batch_streaming_updates", false]], "batchprediction (class in abacusai)": [[146, "abacusai.BatchPrediction", false]], "batchprediction (class in abacusai.batch_prediction)": [[42, "abacusai.batch_prediction.BatchPrediction", false]], "batchpredictionargs (class in abacusai)": [[146, "abacusai.BatchPredictionArgs", false]], "batchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.BatchPredictionArgs", false]], "batchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs", false]], "batchpredictionversion (class in abacusai)": [[146, "abacusai.BatchPredictionVersion", false]], "batchpredictionversion (class in abacusai.batch_prediction_version)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion", false]], "batchpredictionversionlogs (class in abacusai)": [[146, "abacusai.BatchPredictionVersionLogs", false]], "batchpredictionversionlogs (class in abacusai.batch_prediction_version_logs)": [[44, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs", false]], "batchsize (class in abacusai)": [[146, "abacusai.BatchSize", false]], "batchsize (class in abacusai.api_class)": [[27, "abacusai.api_class.BatchSize", false]], "batchsize (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.BatchSize", false]], "behavior_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.behavior_instructions", false]], "behavior_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.behavior_instructions", false]], "behavior_instructions (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.behavior_instructions", false]], "best_algorithm (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.best_algorithm", false]], "best_algorithm (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.best_algorithm", false]], "bias (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.BIAS", false]], "bias (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.BIAS", false]], "bias (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.BIAS", false]], "bias_metric_id (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.bias_metric_id", false]], "bias_metric_id (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.bias_metric_id", false]], "bias_type (abacusai.api_class.biasviolationconditionconfig attribute)": [[27, "abacusai.api_class.BiasViolationConditionConfig.bias_type", false]], "bias_type (abacusai.api_class.monitor_alert.biasviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.bias_type", false]], "bias_type (abacusai.biasviolationconditionconfig attribute)": [[146, "abacusai.BiasViolationConditionConfig.bias_type", false]], "bias_violations (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.BIAS_VIOLATIONS", false]], "bias_violations (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.BIAS_VIOLATIONS", false]], "bias_violations (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.bias_violations", false]], "bias_violations (abacusai.modelmonitorsummary attribute)": [[146, "abacusai.ModelMonitorSummary.bias_violations", false]], "bias_violations (abacusai.monitoralerttype attribute)": [[146, "abacusai.MonitorAlertType.BIAS_VIOLATIONS", false]], "biastype (class in abacusai)": [[146, "abacusai.BiasType", false]], "biastype (class in abacusai.api_class)": [[27, "abacusai.api_class.BiasType", false]], "biastype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.BiasType", false]], "biasviolationconditionconfig (class in abacusai)": [[146, "abacusai.BiasViolationConditionConfig", false]], "biasviolationconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.BiasViolationConditionConfig", false]], "biasviolationconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig", false]], "binary (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.BINARY", false]], "binary (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.BINARY", false]], "binary (abacusai.datatype attribute)": [[146, "abacusai.DataType.BINARY", false]], "blob (class in abacusai)": [[146, "abacusai.Blob", false]], "blob (class in abacusai.api_class)": [[27, "abacusai.api_class.Blob", false]], "blob (class in abacusai.api_class.blob_input)": [[19, "abacusai.api_class.blob_input.Blob", false]], "blobinput (class in abacusai)": [[146, "abacusai.BlobInput", false]], "blobinput (class in abacusai.api_class)": [[27, "abacusai.api_class.BlobInput", false]], "blobinput (class in abacusai.api_class.blob_input)": [[19, "abacusai.api_class.blob_input.BlobInput", false]], "block (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.BLOCK", false]], "boolean (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.BOOLEAN", false]], "boolean (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.BOOLEAN", false]], "boolean (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.BOOLEAN", false]], "boolean (abacusai.datatype attribute)": [[146, "abacusai.DataType.BOOLEAN", false]], "boolean (abacusai.fielddescriptortype attribute)": [[146, "abacusai.FieldDescriptorType.BOOLEAN", false]], "boolean (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.BOOLEAN", false]], "boolean (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.BOOLEAN", false]], "boolean (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.BOOLEAN", false]], "botinfo (class in abacusai)": [[146, "abacusai.BotInfo", false]], "botinfo (class in abacusai.bot_info)": [[45, "abacusai.bot_info.BotInfo", false]], "bounding_boxes (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.bounding_boxes", false]], "bounding_boxes (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.bounding_boxes", false]], "box (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.BOX", false]], "box (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.BOX", false]], "box (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.BOX", false]], "box_cox (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.BOX_COX", false]], "box_cox (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.BOX_COX", false]], "box_cox (abacusai.regressiontargettransform attribute)": [[146, "abacusai.RegressionTargetTransform.BOX_COX", false]], "boxdatasetconfig (class in abacusai)": [[146, "abacusai.BoxDatasetConfig", false]], "boxdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.BoxDatasetConfig", false]], "boxdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig", false]], "bp_across_versions_monitor_id (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.bp_across_versions_monitor_id", false]], "bp_across_versions_monitor_id (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.bp_across_versions_monitor_id", false]], "bp_across_versions_monitor_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.bp_across_versions_monitor_version", false]], "bp_across_versions_monitor_version (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.bp_across_versions_monitor_version", false]], "bp_prediction_drift (abacusai.drift_distributions.driftdistributions attribute)": [[93, "abacusai.drift_distributions.DriftDistributions.bp_prediction_drift", false]], "bp_prediction_drift (abacusai.driftdistributions attribute)": [[146, "abacusai.DriftDistributions.bp_prediction_drift", false]], "bucket (abacusai.file_connector.fileconnector attribute)": [[130, "abacusai.file_connector.FileConnector.bucket", false]], "bucket (abacusai.fileconnector attribute)": [[146, "abacusai.FileConnector.bucket", false]], "builtin_algorithms (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.builtin_algorithms", false]], "builtin_algorithms (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.builtin_algorithms", false]], "cache_scope (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.cache_scope", false]], "calls_per_second (abacusai.deployment attribute)": [[146, "abacusai.Deployment.calls_per_second", false]], "calls_per_second (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.calls_per_second", false]], "camel_case() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.camel_case", false]], "cancel() (abacusai.upload method)": [[146, "abacusai.Upload.cancel", false]], "cancel() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.cancel", false]], "cancel_upload() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.cancel_upload", false]], "cancel_upload() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.cancel_upload", false]], "cat_violations (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.cat_violations", false]], "cat_violations (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.cat_violations", false]], "categorical_range_violation (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.CATEGORICAL_RANGE_VIOLATION", false]], "categorical_range_violation (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.CATEGORICAL_RANGE_VIOLATION", false]], "categorical_range_violation (abacusai.dataintegrityviolationtype attribute)": [[146, "abacusai.DataIntegrityViolationType.CATEGORICAL_RANGE_VIOLATION", false]], "categoricalrangeviolation (class in abacusai)": [[146, "abacusai.CategoricalRangeViolation", false]], "categoricalrangeviolation (class in abacusai.categorical_range_violation)": [[46, "abacusai.categorical_range_violation.CategoricalRangeViolation", false]], "channel_id_to_label_map (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.channel_id_to_label_map", false]], "channel_id_to_label_map (abacusai.api_class.pretrainedmodelsbatchpredictionargs attribute)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.channel_id_to_label_map", false]], "channel_id_to_label_map (abacusai.pretrainedmodelsbatchpredictionargs attribute)": [[146, "abacusai.PretrainedModelsBatchPredictionArgs.channel_id_to_label_map", false]], "chart (abacusai.api_class.chartresponsesection attribute)": [[27, "abacusai.api_class.ChartResponseSection.chart", false]], "chart (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.CHART", false]], "chart (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.CHART", false]], "chart (abacusai.api_class.segments.chartresponsesection attribute)": [[34, "abacusai.api_class.segments.ChartResponseSection.chart", false]], "chart (abacusai.chartresponsesection attribute)": [[146, "abacusai.ChartResponseSection.chart", false]], "chart (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.CHART", false]], "chart_descriptions (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.chart_descriptions", false]], "chart_descriptions (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.chart_descriptions", false]], "chart_name (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.chart_name", false]], "chart_name (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.chart_name", false]], "chart_type (abacusai.eda_chart_description.edachartdescription attribute)": [[95, "abacusai.eda_chart_description.EdaChartDescription.chart_type", false]], "chart_type (abacusai.edachartdescription attribute)": [[146, "abacusai.EdaChartDescription.chart_type", false]], "chart_types (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.chart_types", false]], "chart_types (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.chart_types", false]], "chartresponsesection (class in abacusai)": [[146, "abacusai.ChartResponseSection", false]], "chartresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ChartResponseSection", false]], "chartresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ChartResponseSection", false]], "chat (abacusai.agentinterface attribute)": [[146, "abacusai.AgentInterface.CHAT", false]], "chat (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.CHAT", false]], "chat (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.CHAT", false]], "chat_feedback (abacusai.api_class.enums.projectconfigtype attribute)": [[25, "abacusai.api_class.enums.ProjectConfigType.CHAT_FEEDBACK", false]], "chat_feedback (abacusai.api_class.projectconfigtype attribute)": [[27, "abacusai.api_class.ProjectConfigType.CHAT_FEEDBACK", false]], "chat_feedback (abacusai.projectconfigtype attribute)": [[146, "abacusai.ProjectConfigType.CHAT_FEEDBACK", false]], "chat_history (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.chat_history", false]], "chat_history (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.chat_history", false]], "chat_llm (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.CHAT_LLM", false]], "chat_llm (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.CHAT_LLM", false]], "chat_llm (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CHAT_LLM", false]], "chat_llm (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CHAT_LLM", false]], "chat_llm (abacusai.deploymentconversationtype attribute)": [[146, "abacusai.DeploymentConversationType.CHAT_LLM", false]], "chat_llm (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.CHAT_LLM", false]], "chat_session_id (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.chat_session_id", false]], "chat_session_id (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.chat_session_id", false]], "chat_type (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.chat_type", false]], "chat_type (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.chat_type", false]], "chatllm_task_id (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.chatllm_task_id", false]], "chatllm_task_id (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.chatllm_task_id", false]], "chatllm_task_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.chatllm_task_id", false]], "chatllm_task_id (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.chatllm_task_id", false]], "chatllmbatchpredictionargs (class in abacusai)": [[146, "abacusai.ChatLLMBatchPredictionArgs", false]], "chatllmbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.ChatLLMBatchPredictionArgs", false]], "chatllmbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs", false]], "chatllmcomputer (class in abacusai)": [[146, "abacusai.ChatllmComputer", false]], "chatllmcomputer (class in abacusai.chatllm_computer)": [[49, "abacusai.chatllm_computer.ChatllmComputer", false]], "chatllmpredictionarguments (class in abacusai)": [[146, "abacusai.ChatLLMPredictionArguments", false]], "chatllmpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.ChatLLMPredictionArguments", false]], "chatllmpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments", false]], "chatllmreferralinvite (class in abacusai)": [[146, "abacusai.ChatllmReferralInvite", false]], "chatllmreferralinvite (class in abacusai.chatllm_referral_invite)": [[50, "abacusai.chatllm_referral_invite.ChatllmReferralInvite", false]], "chatllmtask (class in abacusai)": [[146, "abacusai.ChatllmTask", false]], "chatllmtask (class in abacusai.chatllm_task)": [[51, "abacusai.chatllm_task.ChatllmTask", false]], "chatllmtrainingconfig (class in abacusai)": [[146, "abacusai.ChatLLMTrainingConfig", false]], "chatllmtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ChatLLMTrainingConfig", false]], "chatllmtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig", false]], "chatmessage (class in abacusai)": [[146, "abacusai.ChatMessage", false]], "chatmessage (class in abacusai.chat_message)": [[47, "abacusai.chat_message.ChatMessage", false]], "chatsession (class in abacusai)": [[146, "abacusai.ChatSession", false]], "chatsession (class in abacusai.chat_session)": [[48, "abacusai.chat_session.ChatSession", false]], "check_constraints() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.check_constraints", false]], "check_constraints() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.check_constraints", false]], "check_constraints() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.check_constraints", false]], "check_constraints() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.check_constraints", false]], "chi_square (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.CHI_SQUARE", false]], "chi_square (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.CHI_SQUARE", false]], "chi_square (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.chi_square", false]], "chi_square (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.chi_square", false]], "chi_square (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.chi_square", false]], "chi_square (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.chi_square", false]], "chi_square (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.chi_square", false]], "chi_square (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.chi_square", false]], "chi_square (abacusai.featuredrifttype attribute)": [[146, "abacusai.FeatureDriftType.CHI_SQUARE", false]], "chunk_overlap_fraction (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.naturallanguagesearchtrainingconfig attribute)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.chunk_overlap_fraction", false]], "chunk_size (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.chunk_size", false]], "chunk_size (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.chunk_size", false]], "chunk_size (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.chunk_size", false]], "chunk_size_factors (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.chunk_size_factors", false]], "chunk_size_factors (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.chunk_size_factors", false]], "chunk_size_factors (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.chunk_size_factors", false]], "city (abacusai.address attribute)": [[146, "abacusai.Address.city", false]], "city (abacusai.address.address attribute)": [[1, "abacusai.address.Address.city", false]], "classify_image() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.classify_image", false]], "classify_image() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.classify_image", false]], "classify_image() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.classify_image", false]], "classify_image() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.classify_image", false]], "classify_pdf() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.classify_pdf", false]], "classify_pdf() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.classify_pdf", false]], "classify_pdf() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.classify_pdf", false]], "classify_pdf() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.classify_pdf", false]], "claude_v3_5_haiku (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_5_HAIKU", false]], "claude_v3_5_haiku (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_5_HAIKU", false]], "claude_v3_5_haiku (abacusai.llmname attribute)": [[146, "abacusai.LLMName.CLAUDE_V3_5_HAIKU", false]], "claude_v3_5_sonnet (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_5_SONNET", false]], "claude_v3_5_sonnet (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_5_SONNET", false]], "claude_v3_5_sonnet (abacusai.llmname attribute)": [[146, "abacusai.LLMName.CLAUDE_V3_5_SONNET", false]], "claude_v3_haiku (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_HAIKU", false]], "claude_v3_haiku (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_HAIKU", false]], "claude_v3_haiku (abacusai.llmname attribute)": [[146, "abacusai.LLMName.CLAUDE_V3_HAIKU", false]], "claude_v3_opus (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_OPUS", false]], "claude_v3_opus (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_OPUS", false]], "claude_v3_opus (abacusai.llmname attribute)": [[146, "abacusai.LLMName.CLAUDE_V3_OPUS", false]], "claude_v3_sonnet (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_SONNET", false]], "claude_v3_sonnet (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_SONNET", false]], "claude_v3_sonnet (abacusai.llmname attribute)": [[146, "abacusai.LLMName.CLAUDE_V3_SONNET", false]], "clean_column_name() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.clean_column_name", false]], "clear() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.clear", false]], "clear() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.clear", false]], "clear_agent_context() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.clear_agent_context", false]], "clear_agent_context() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.clear_agent_context", false]], "clear_cache_scope() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.clear_cache_scope", false]], "clear_cache_scope() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.clear_cache_scope", false]], "clear_deployment_conversation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.clear_deployment_conversation", false]], "clear_deployment_conversation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.clear_deployment_conversation", false]], "client (abacusai.return_class.abstractapiclass attribute)": [[230, "abacusai.return_class.AbstractApiClass.client", false]], "client_options (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.client_options", false]], "client_version (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.client_version", false]], "clientoptions (class in abacusai)": [[146, "abacusai.ClientOptions", false]], "clientoptions (class in abacusai.client)": [[52, "abacusai.client.ClientOptions", false]], "clustering (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CLUSTERING", false]], "clustering (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CLUSTERING", false]], "clustering (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.CLUSTERING", false]], "clustering_timeseries (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CLUSTERING_TIMESERIES", false]], "clustering_timeseries (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CLUSTERING_TIMESERIES", false]], "clustering_timeseries (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.CLUSTERING_TIMESERIES", false]], "clusteringimputationmethod (class in abacusai)": [[146, "abacusai.ClusteringImputationMethod", false]], "clusteringimputationmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.ClusteringImputationMethod", false]], "clusteringimputationmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod", false]], "clusteringtimeseriestrainingconfig (class in abacusai)": [[146, "abacusai.ClusteringTimeseriesTrainingConfig", false]], "clusteringtimeseriestrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig", false]], "clusteringtimeseriestrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig", false]], "clusteringtrainingconfig (class in abacusai)": [[146, "abacusai.ClusteringTrainingConfig", false]], "clusteringtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ClusteringTrainingConfig", false]], "clusteringtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ClusteringTrainingConfig", false]], "cmape (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.CMAPE", false]], "cmape (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.CMAPE", false]], "cmape (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.CMAPE", false]], "code (abacusai.api_class.coderesponsesection attribute)": [[27, "abacusai.api_class.CodeResponseSection.code", false]], "code (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.code", false]], "code (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.CODE", false]], "code (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.code", false]], "code (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.CODE", false]], "code (abacusai.api_class.segments.coderesponsesection attribute)": [[34, "abacusai.api_class.segments.CodeResponseSection.code", false]], "code (abacusai.coderesponsesection attribute)": [[146, "abacusai.CodeResponseSection.code", false]], "code (abacusai.constraintconfig attribute)": [[146, "abacusai.ConstraintConfig.code", false]], "code (abacusai.llm_code_block.llmcodeblock attribute)": [[152, "abacusai.llm_code_block.LlmCodeBlock.code", false]], "code (abacusai.llmcodeblock attribute)": [[146, "abacusai.LlmCodeBlock.code", false]], "code (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.CODE", false]], "code_agent_supported (abacusai.code_bot.codebot attribute)": [[55, "abacusai.code_bot.CodeBot.code_agent_supported", false]], "code_agent_supported (abacusai.codebot attribute)": [[146, "abacusai.CodeBot.code_agent_supported", false]], "code_bert (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.CODE_BERT", false]], "code_bert (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.CODE_BERT", false], [27, "id112", false]], "code_bert (abacusai.vectorstoretextencoder attribute)": [[146, "abacusai.VectorStoreTextEncoder.CODE_BERT", false]], "code_blocks (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.code_blocks", false]], "code_blocks (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.code_blocks", false]], "code_changes (abacusai.code_edit_response.codeeditresponse attribute)": [[57, "abacusai.code_edit_response.CodeEditResponse.code_changes", false]], "code_changes (abacusai.code_edits.codeedits attribute)": [[58, "abacusai.code_edits.CodeEdits.code_changes", false]], "code_changes (abacusai.codeeditresponse attribute)": [[146, "abacusai.CodeEditResponse.code_changes", false]], "code_changes (abacusai.codeedits attribute)": [[146, "abacusai.CodeEdits.code_changes", false]], "code_edits (abacusai.code_edits.codeedits attribute)": [[58, "abacusai.code_edits.CodeEdits.code_edits", false]], "code_edits (abacusai.codeedits attribute)": [[146, "abacusai.CodeEdits.code_edits", false]], "code_llm (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.CODE_LLM", false]], "code_llm (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.CODE_LLM", false]], "code_llm (abacusai.deploymentconversationtype attribute)": [[146, "abacusai.DeploymentConversationType.CODE_LLM", false]], "code_source (abacusai.agent attribute)": [[146, "abacusai.Agent.code_source", false]], "code_source (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.code_source", false]], "code_source (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.code_source", false]], "code_source (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.code_source", false]], "code_source (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.code_source", false]], "code_source (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.code_source", false]], "code_source (abacusai.custom_loss_function.customlossfunction attribute)": [[65, "abacusai.custom_loss_function.CustomLossFunction.code_source", false]], "code_source (abacusai.custom_metric_version.custommetricversion attribute)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.code_source", false]], "code_source (abacusai.customlossfunction attribute)": [[146, "abacusai.CustomLossFunction.code_source", false]], "code_source (abacusai.custommetricversion attribute)": [[146, "abacusai.CustomMetricVersion.code_source", false]], "code_source (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.code_source", false]], "code_source (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.code_source", false]], "code_source (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.code_source", false]], "code_source (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.code_source", false]], "code_source (abacusai.model attribute)": [[146, "abacusai.Model.code_source", false]], "code_source (abacusai.model.model attribute)": [[161, "abacusai.model.Model.code_source", false]], "code_source (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.code_source", false]], "code_source (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.code_source", false]], "code_source (abacusai.module attribute)": [[146, "abacusai.Module.code_source", false]], "code_source (abacusai.module.module attribute)": [[178, "abacusai.module.Module.code_source", false]], "code_source (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.code_source", false]], "code_source (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.code_source", false]], "code_source (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.code_source", false]], "code_source (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.code_source", false]], "code_source (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.code_source", false]], "code_source (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.code_source", false]], "code_source (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.code_source", false]], "code_source (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.code_source", false]], "code_source (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.code_source", false]], "code_source (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.code_source", false]], "code_source (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.code_source", false]], "code_source (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.code_source", false]], "code_source (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.code_source", false]], "code_source (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.code_source", false]], "code_source (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.code_source", false]], "code_source (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.code_source", false]], "code_source (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.code_source", false]], "code_source (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.code_source", false]], "codeagentresponse (class in abacusai)": [[146, "abacusai.CodeAgentResponse", false]], "codeagentresponse (class in abacusai.code_agent_response)": [[53, "abacusai.code_agent_response.CodeAgentResponse", false]], "codeautocompleteresponse (class in abacusai)": [[146, "abacusai.CodeAutocompleteResponse", false]], "codeautocompleteresponse (class in abacusai.code_autocomplete_response)": [[54, "abacusai.code_autocomplete_response.CodeAutocompleteResponse", false]], "codebot (class in abacusai)": [[146, "abacusai.CodeBot", false]], "codebot (class in abacusai.code_bot)": [[55, "abacusai.code_bot.CodeBot", false]], "codeedit (class in abacusai)": [[146, "abacusai.CodeEdit", false]], "codeedit (class in abacusai.code_edit)": [[56, "abacusai.code_edit.CodeEdit", false]], "codeeditresponse (class in abacusai)": [[146, "abacusai.CodeEditResponse", false]], "codeeditresponse (class in abacusai.code_edit_response)": [[57, "abacusai.code_edit_response.CodeEditResponse", false]], "codeedits (class in abacusai)": [[146, "abacusai.CodeEdits", false]], "codeedits (class in abacusai.code_edits)": [[58, "abacusai.code_edits.CodeEdits", false]], "codelanguage (class in abacusai)": [[146, "abacusai.CodeLanguage", false]], "codelanguage (class in abacusai.api_class)": [[27, "abacusai.api_class.CodeLanguage", false]], "codelanguage (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.CodeLanguage", false]], "coderesponsesection (class in abacusai)": [[146, "abacusai.CodeResponseSection", false]], "coderesponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.CodeResponseSection", false]], "coderesponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.CodeResponseSection", false]], "codesource (class in abacusai)": [[146, "abacusai.CodeSource", false]], "codesource (class in abacusai.code_source)": [[59, "abacusai.code_source.CodeSource", false]], "collapseresponsesection (class in abacusai)": [[146, "abacusai.CollapseResponseSection", false]], "collapseresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.CollapseResponseSection", false]], "collapseresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.CollapseResponseSection", false]], "collapsible_component (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.COLLAPSIBLE_COMPONENT", false]], "collapsible_component (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.COLLAPSIBLE_COMPONENT", false]], "collapsible_component (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.COLLAPSIBLE_COMPONENT", false]], "collinearity_groups (abacusai.eda_collinearity.edacollinearity attribute)": [[96, "abacusai.eda_collinearity.EdaCollinearity.collinearity_groups", false]], "collinearity_groups (abacusai.edacollinearity attribute)": [[146, "abacusai.EdaCollinearity.collinearity_groups", false]], "collinearity_matrix (abacusai.eda_collinearity.edacollinearity attribute)": [[96, "abacusai.eda_collinearity.EdaCollinearity.collinearity_matrix", false]], "collinearity_matrix (abacusai.edacollinearity attribute)": [[146, "abacusai.EdaCollinearity.collinearity_matrix", false]], "column_filtering_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.column_filtering_instructions", false]], "column_filtering_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.column_filtering_instructions", false]], "column_filtering_instructions (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.column_filtering_instructions", false]], "column_hints (abacusai.project_validation.projectvalidation attribute)": [[219, "abacusai.project_validation.ProjectValidation.column_hints", false]], "column_hints (abacusai.projectvalidation attribute)": [[146, "abacusai.ProjectValidation.column_hints", false]], "column_name (abacusai.api_class.attachmentparsingconfig attribute)": [[27, "abacusai.api_class.AttachmentParsingConfig.column_name", false]], "column_name (abacusai.api_class.dataset.attachmentparsingconfig attribute)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig.column_name", false]], "column_name (abacusai.attachmentparsingconfig attribute)": [[146, "abacusai.AttachmentParsingConfig.column_name", false]], "column_names (abacusai.eda_collinearity.edacollinearity attribute)": [[96, "abacusai.eda_collinearity.EdaCollinearity.column_names", false]], "column_names (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.column_names", false]], "column_names (abacusai.edacollinearity attribute)": [[146, "abacusai.EdaCollinearity.column_names", false]], "column_names (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.column_names", false]], "column_names_x (abacusai.eda_collinearity.edacollinearity attribute)": [[96, "abacusai.eda_collinearity.EdaCollinearity.column_names_x", false]], "column_names_x (abacusai.edacollinearity attribute)": [[146, "abacusai.EdaCollinearity.column_names_x", false]], "columns (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.columns", false]], "columns (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.columns", false]], "columns (abacusai.database_connector_schema.databaseconnectorschema attribute)": [[77, "abacusai.database_connector_schema.DatabaseConnectorSchema.columns", false]], "columns (abacusai.databaseconnectorschema attribute)": [[146, "abacusai.DatabaseConnectorSchema.columns", false]], "columns (abacusai.feature attribute)": [[146, "abacusai.Feature.columns", false]], "columns (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.columns", false]], "columns (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.columns", false]], "columns (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.columns", false]], "columns (abacusai.test_point_predictions.testpointpredictions attribute)": [[240, "abacusai.test_point_predictions.TestPointPredictions.columns", false]], "columns (abacusai.testpointpredictions attribute)": [[146, "abacusai.TestPointPredictions.columns", false]], "columns (abacusai.unpivotconfig attribute)": [[146, "abacusai.UnpivotConfig.columns", false]], "comments (abacusai.annotation attribute)": [[146, "abacusai.Annotation.comments", false]], "comments (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.comments", false]], "comments_features (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.comments_features", false]], "comments_features (abacusai.annotationconfig attribute)": [[146, "abacusai.AnnotationConfig.comments_features", false]], "common_source_code (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.common_source_code", false]], "common_source_code (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.common_source_code", false]], "common_source_code (abacusai.workflowgraph attribute)": [[146, "abacusai.WorkflowGraph.common_source_code", false]], "compare_duplicates (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.compare_duplicates", false]], "compare_duplicates (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.compare_duplicates", false]], "complete_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.complete_processes", false]], "complete_processes (abacusai.featuregrouprowprocesssummary attribute)": [[146, "abacusai.FeatureGroupRowProcessSummary.complete_processes", false]], "completed_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.completed_at", false]], "completed_at (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.completed_at", false]], "completed_at (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.completed_at", false]], "completed_at (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.completed_at", false]], "completed_at (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.completed_at", false]], "completed_at (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.completed_at", false]], "completion_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.completion_col", false]], "completion_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.completion_col", false]], "completion_col (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.completion_col", false]], "complex_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.COMPLEX_AGENT", false]], "complex_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.COMPLEX_AGENT", false]], "complex_agent (abacusai.deploymentconversationtype attribute)": [[146, "abacusai.DeploymentConversationType.COMPLEX_AGENT", false]], "comprehensive (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE", false]], "comprehensive (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE", false], [27, "id118", false]], "comprehensive (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.COMPREHENSIVE", false]], "comprehensive_form_and_table_md (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_FORM_AND_TABLE_MD", false]], "comprehensive_form_and_table_md (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_FORM_AND_TABLE_MD", false], [27, "id122", false]], "comprehensive_form_and_table_md (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.COMPREHENSIVE_FORM_AND_TABLE_MD", false]], "comprehensive_form_md (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_FORM_MD", false]], "comprehensive_form_md (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_FORM_MD", false], [27, "id121", false]], "comprehensive_form_md (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.COMPREHENSIVE_FORM_MD", false]], "comprehensive_table_md (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_TABLE_MD", false]], "comprehensive_table_md (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_TABLE_MD", false], [27, "id120", false]], "comprehensive_table_md (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.COMPREHENSIVE_TABLE_MD", false]], "comprehensive_v2 (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_V2", false]], "comprehensive_v2 (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_V2", false], [27, "id119", false]], "comprehensive_v2 (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.COMPREHENSIVE_V2", false]], "compute_points_used (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.compute_points_used", false]], "compute_points_used (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.compute_points_used", false]], "compute_rerank_metrics (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.compute_rerank_metrics", false]], "compute_rerank_metrics (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.compute_rerank_metrics", false]], "compute_rerank_metrics (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.compute_rerank_metrics", false]], "compute_session_metrics (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.compute_session_metrics", false]], "compute_session_metrics (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.compute_session_metrics", false]], "compute_session_metrics (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.compute_session_metrics", false]], "computepointinfo (class in abacusai)": [[146, "abacusai.ComputePointInfo", false]], "computepointinfo (class in abacusai.compute_point_info)": [[60, "abacusai.compute_point_info.ComputePointInfo", false]], "computer_files (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.computer_files", false]], "computer_files (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.computer_files", false]], "computer_id (abacusai.chatllm_computer.chatllmcomputer attribute)": [[49, "abacusai.chatllm_computer.ChatllmComputer.computer_id", false]], "computer_id (abacusai.chatllmcomputer attribute)": [[146, "abacusai.ChatllmComputer.computer_id", false]], "concatenate_data() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.concatenate_data", false]], "concatenate_data() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.concatenate_data", false]], "concatenate_feature_group_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.concatenate_feature_group_data", false]], "concatenate_feature_group_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.concatenate_feature_group_data", false]], "concatenated_table (abacusai.concatenation_config.concatenationconfig attribute)": [[61, "abacusai.concatenation_config.ConcatenationConfig.concatenated_table", false]], "concatenated_table (abacusai.concatenationconfig attribute)": [[146, "abacusai.ConcatenationConfig.concatenated_table", false]], "concatenation_config (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.concatenation_config", false]], "concatenation_config (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.concatenation_config", false]], "concatenation_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.concatenation_config", false]], "concatenation_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.concatenation_config", false]], "concatenationconfig (class in abacusai)": [[146, "abacusai.ConcatenationConfig", false]], "concatenationconfig (class in abacusai.concatenation_config)": [[61, "abacusai.concatenation_config.ConcatenationConfig", false]], "concurrency (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.concurrency", false]], "concurrency (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.concurrency", false]], "concurrency (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.concurrency", false]], "condition_config (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.condition_config", false]], "condition_config (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.condition_config", false]], "condition_config (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.condition_config", false]], "condition_config (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.condition_config", false]], "condition_description (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.condition_description", false]], "condition_description (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.condition_description", false]], "condition_description (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.condition_description", false]], "condition_description (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.condition_description", false]], "config (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.config", false]], "config (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.config", false]], "config (abacusai.project_config.projectconfig attribute)": [[215, "abacusai.project_config.ProjectConfig.config", false]], "config (abacusai.projectconfig attribute)": [[146, "abacusai.ProjectConfig.config", false]], "config_abstract_class (abacusai._alertactionconfigfactory attribute)": [[146, "abacusai._AlertActionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._alertconditionconfigfactory attribute)": [[146, "abacusai._AlertConditionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._apiclassfactory attribute)": [[146, "abacusai._ApiClassFactory.config_abstract_class", false]], "config_abstract_class (abacusai._applicationconnectordatasetconfigfactory attribute)": [[146, "abacusai._ApplicationConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._batchpredictionargsfactory attribute)": [[146, "abacusai._BatchPredictionArgsFactory.config_abstract_class", false]], "config_abstract_class (abacusai._featuregroupexportconfigfactory attribute)": [[146, "abacusai._FeatureGroupExportConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._mergeconfigfactory attribute)": [[146, "abacusai._MergeConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._operatorconfigfactory attribute)": [[146, "abacusai._OperatorConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._predictionargumentsfactory attribute)": [[146, "abacusai._PredictionArgumentsFactory.config_abstract_class", false]], "config_abstract_class (abacusai._projectfeaturegroupconfigfactory attribute)": [[146, "abacusai._ProjectFeatureGroupConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._samplingconfigfactory attribute)": [[146, "abacusai._SamplingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._streamingconnectordatasetconfigfactory attribute)": [[146, "abacusai._StreamingConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._trainingconfigfactory attribute)": [[146, "abacusai._TrainingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._alertactionconfigfactory attribute)": [[27, "abacusai.api_class._AlertActionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._apiclassfactory attribute)": [[27, "abacusai.api_class._ApiClassFactory.config_abstract_class", false], [27, "id149", false], [27, "id182", false], [27, "id219", false], [27, "id238", false], [27, "id271", false], [27, "id43", false], [27, "id64", false], [27, "id87", false]], "config_abstract_class (abacusai.api_class._applicationconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._batchpredictionargsfactory attribute)": [[27, "abacusai.api_class._BatchPredictionArgsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._featuregroupexportconfigfactory attribute)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._mergeconfigfactory attribute)": [[27, "abacusai.api_class._MergeConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._operatorconfigfactory attribute)": [[27, "abacusai.api_class._OperatorConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._predictionargumentsfactory attribute)": [[27, "abacusai.api_class._PredictionArgumentsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._projectfeaturegroupconfigfactory attribute)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._samplingconfigfactory attribute)": [[27, "abacusai.api_class._SamplingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._streamingconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._trainingconfigfactory attribute)": [[27, "abacusai.api_class._TrainingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.abstract._apiclassfactory attribute)": [[15, "abacusai.api_class.abstract._ApiClassFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.batch_prediction._batchpredictionargsfactory attribute)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.connectors._streamingconnectordatasetconfigfactory attribute)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.dataset_application_connector._applicationconnectordatasetconfigfactory attribute)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.deployment._predictionargumentsfactory attribute)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.feature_group._mergeconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.feature_group._operatorconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.feature_group._samplingconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.model._trainingconfigfactory attribute)": [[28, "abacusai.api_class.model._TrainingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.monitor_alert._alertactionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.project._projectfeaturegroupconfigfactory attribute)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.refresh._featuregroupexportconfigfactory attribute)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory.config_abstract_class", false]], "config_class_key (abacusai._alertactionconfigfactory attribute)": [[146, "abacusai._AlertActionConfigFactory.config_class_key", false]], "config_class_key (abacusai._alertconditionconfigfactory attribute)": [[146, "abacusai._AlertConditionConfigFactory.config_class_key", false]], "config_class_key (abacusai._apiclassfactory attribute)": [[146, "abacusai._ApiClassFactory.config_class_key", false]], "config_class_key (abacusai._applicationconnectordatasetconfigfactory attribute)": [[146, "abacusai._ApplicationConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai._batchpredictionargsfactory attribute)": [[146, "abacusai._BatchPredictionArgsFactory.config_class_key", false]], "config_class_key (abacusai._featuregroupexportconfigfactory attribute)": [[146, "abacusai._FeatureGroupExportConfigFactory.config_class_key", false]], "config_class_key (abacusai._mergeconfigfactory attribute)": [[146, "abacusai._MergeConfigFactory.config_class_key", false]], "config_class_key (abacusai._operatorconfigfactory attribute)": [[146, "abacusai._OperatorConfigFactory.config_class_key", false]], "config_class_key (abacusai._predictionargumentsfactory attribute)": [[146, "abacusai._PredictionArgumentsFactory.config_class_key", false]], "config_class_key (abacusai._projectfeaturegroupconfigfactory attribute)": [[146, "abacusai._ProjectFeatureGroupConfigFactory.config_class_key", false]], "config_class_key (abacusai._samplingconfigfactory attribute)": [[146, "abacusai._SamplingConfigFactory.config_class_key", false]], "config_class_key (abacusai._streamingconnectordatasetconfigfactory attribute)": [[146, "abacusai._StreamingConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai._trainingconfigfactory attribute)": [[146, "abacusai._TrainingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._alertactionconfigfactory attribute)": [[27, "abacusai.api_class._AlertActionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._apiclassfactory attribute)": [[27, "abacusai.api_class._ApiClassFactory.config_class_key", false], [27, "id150", false], [27, "id183", false], [27, "id220", false], [27, "id239", false], [27, "id272", false], [27, "id44", false], [27, "id65", false], [27, "id88", false]], "config_class_key (abacusai.api_class._applicationconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._batchpredictionargsfactory attribute)": [[27, "abacusai.api_class._BatchPredictionArgsFactory.config_class_key", false]], "config_class_key (abacusai.api_class._featuregroupexportconfigfactory attribute)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._mergeconfigfactory attribute)": [[27, "abacusai.api_class._MergeConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._operatorconfigfactory attribute)": [[27, "abacusai.api_class._OperatorConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._predictionargumentsfactory attribute)": [[27, "abacusai.api_class._PredictionArgumentsFactory.config_class_key", false]], "config_class_key (abacusai.api_class._projectfeaturegroupconfigfactory attribute)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._samplingconfigfactory attribute)": [[27, "abacusai.api_class._SamplingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._streamingconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._trainingconfigfactory attribute)": [[27, "abacusai.api_class._TrainingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.abstract._apiclassfactory attribute)": [[15, "abacusai.api_class.abstract._ApiClassFactory.config_class_key", false]], "config_class_key (abacusai.api_class.batch_prediction._batchpredictionargsfactory attribute)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory.config_class_key", false]], "config_class_key (abacusai.api_class.connectors._streamingconnectordatasetconfigfactory attribute)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.dataset_application_connector._applicationconnectordatasetconfigfactory attribute)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.deployment._predictionargumentsfactory attribute)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory.config_class_key", false]], "config_class_key (abacusai.api_class.feature_group._mergeconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.feature_group._operatorconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.feature_group._samplingconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.model._trainingconfigfactory attribute)": [[28, "abacusai.api_class.model._TrainingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.monitor_alert._alertactionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.project._projectfeaturegroupconfigfactory attribute)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.refresh._featuregroupexportconfigfactory attribute)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory.config_class_key", false]], "config_class_key_value_camel_case (abacusai._alertconditionconfigfactory attribute)": [[146, "abacusai._AlertConditionConfigFactory.config_class_key_value_camel_case", false]], "config_class_key_value_camel_case (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_class_key_value_camel_case", false]], "config_class_key_value_camel_case (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_class_key_value_camel_case", false]], "config_class_map (abacusai._alertactionconfigfactory attribute)": [[146, "abacusai._AlertActionConfigFactory.config_class_map", false]], "config_class_map (abacusai._alertconditionconfigfactory attribute)": [[146, "abacusai._AlertConditionConfigFactory.config_class_map", false]], "config_class_map (abacusai._apiclassfactory attribute)": [[146, "abacusai._ApiClassFactory.config_class_map", false]], "config_class_map (abacusai._applicationconnectordatasetconfigfactory attribute)": [[146, "abacusai._ApplicationConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai._batchpredictionargsfactory attribute)": [[146, "abacusai._BatchPredictionArgsFactory.config_class_map", false]], "config_class_map (abacusai._featuregroupexportconfigfactory attribute)": [[146, "abacusai._FeatureGroupExportConfigFactory.config_class_map", false]], "config_class_map (abacusai._mergeconfigfactory attribute)": [[146, "abacusai._MergeConfigFactory.config_class_map", false]], "config_class_map (abacusai._operatorconfigfactory attribute)": [[146, "abacusai._OperatorConfigFactory.config_class_map", false]], "config_class_map (abacusai._predictionargumentsfactory attribute)": [[146, "abacusai._PredictionArgumentsFactory.config_class_map", false]], "config_class_map (abacusai._projectfeaturegroupconfigfactory attribute)": [[146, "abacusai._ProjectFeatureGroupConfigFactory.config_class_map", false]], "config_class_map (abacusai._samplingconfigfactory attribute)": [[146, "abacusai._SamplingConfigFactory.config_class_map", false]], "config_class_map (abacusai._streamingconnectordatasetconfigfactory attribute)": [[146, "abacusai._StreamingConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai._trainingconfigfactory attribute)": [[146, "abacusai._TrainingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._alertactionconfigfactory attribute)": [[27, "abacusai.api_class._AlertActionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._apiclassfactory attribute)": [[27, "abacusai.api_class._ApiClassFactory.config_class_map", false], [27, "id151", false], [27, "id184", false], [27, "id221", false], [27, "id240", false], [27, "id273", false], [27, "id45", false], [27, "id66", false], [27, "id89", false]], "config_class_map (abacusai.api_class._applicationconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._batchpredictionargsfactory attribute)": [[27, "abacusai.api_class._BatchPredictionArgsFactory.config_class_map", false]], "config_class_map (abacusai.api_class._featuregroupexportconfigfactory attribute)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._mergeconfigfactory attribute)": [[27, "abacusai.api_class._MergeConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._operatorconfigfactory attribute)": [[27, "abacusai.api_class._OperatorConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._predictionargumentsfactory attribute)": [[27, "abacusai.api_class._PredictionArgumentsFactory.config_class_map", false]], "config_class_map (abacusai.api_class._projectfeaturegroupconfigfactory attribute)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._samplingconfigfactory attribute)": [[27, "abacusai.api_class._SamplingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._streamingconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._trainingconfigfactory attribute)": [[27, "abacusai.api_class._TrainingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.abstract._apiclassfactory attribute)": [[15, "abacusai.api_class.abstract._ApiClassFactory.config_class_map", false]], "config_class_map (abacusai.api_class.batch_prediction._batchpredictionargsfactory attribute)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory.config_class_map", false]], "config_class_map (abacusai.api_class.connectors._streamingconnectordatasetconfigfactory attribute)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.dataset_application_connector._applicationconnectordatasetconfigfactory attribute)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.deployment._predictionargumentsfactory attribute)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory.config_class_map", false]], "config_class_map (abacusai.api_class.feature_group._mergeconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.feature_group._operatorconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.feature_group._samplingconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.model._trainingconfigfactory attribute)": [[28, "abacusai.api_class.model._TrainingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.monitor_alert._alertactionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.project._projectfeaturegroupconfigfactory attribute)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.refresh._featuregroupexportconfigfactory attribute)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory.config_class_map", false]], "config_options (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.config_options", false]], "config_options (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.config_options", false]], "conflicterror": [[52, "abacusai.client.ConflictError", false]], "confluence (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.CONFLUENCE", false]], "confluence (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.CONFLUENCE", false]], "confluence (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.CONFLUENCE", false]], "confluencedatasetconfig (class in abacusai)": [[146, "abacusai.ConfluenceDatasetConfig", false]], "confluencedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ConfluenceDatasetConfig", false]], "confluencedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig", false]], "connections (abacusai.feature_group_lineage.featuregrouplineage attribute)": [[116, "abacusai.feature_group_lineage.FeatureGroupLineage.connections", false]], "connections (abacusai.featuregrouplineage attribute)": [[146, "abacusai.FeatureGroupLineage.connections", false]], "connector_type (abacusai.api_class.featuregroupexportconfig attribute)": [[27, "abacusai.api_class.FeatureGroupExportConfig.connector_type", false]], "connector_type (abacusai.api_class.refresh.featuregroupexportconfig attribute)": [[33, "abacusai.api_class.refresh.FeatureGroupExportConfig.connector_type", false]], "connector_type (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.connector_type", false]], "connector_type (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.connector_type", false]], "connector_type (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.connector_type", false]], "connector_type (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.connector_type", false]], "connector_type (abacusai.dataset attribute)": [[146, "abacusai.Dataset.connector_type", false]], "connector_type (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.connector_type", false]], "connector_type (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.connector_type", false]], "connector_type (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.connector_type", false]], "connector_type (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.connector_type", false]], "connector_type (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.connector_type", false]], "connector_type (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.connector_type", false]], "connectortype (class in abacusai)": [[146, "abacusai.ConnectorType", false]], "connectortype (class in abacusai.api_class)": [[27, "abacusai.api_class.ConnectorType", false]], "connectortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ConnectorType", false]], "console (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[238, "abacusai.streaming_sample_code.StreamingSampleCode.console", false]], "console (abacusai.streamingsamplecode attribute)": [[146, "abacusai.StreamingSampleCode.console", false]], "constant (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.constant", false]], "constant (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.CONSTANT", false]], "constant (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.constant", false]], "constant (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.CONSTANT", false]], "constant (abacusai.constraintconfig attribute)": [[146, "abacusai.ConstraintConfig.constant", false]], "constant (abacusai.workflownodeinputtype attribute)": [[146, "abacusai.WorkflowNodeInputType.CONSTANT", false]], "constant_value (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.constant_value", false]], "constant_value (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.constant_value", false]], "constant_value (abacusai.workflownodeinputmapping attribute)": [[146, "abacusai.WorkflowNodeInputMapping.constant_value", false]], "constraintconfig (class in abacusai)": [[146, "abacusai.ConstraintConfig", false]], "constraintconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ConstraintConfig", false]], "constraintconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ConstraintConfig", false]], "constraintprojectfeaturegroupconfig (class in abacusai)": [[146, "abacusai.ConstraintProjectFeatureGroupConfig", false]], "constraintprojectfeaturegroupconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ConstraintProjectFeatureGroupConfig", false]], "constraintprojectfeaturegroupconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig", false]], "constraints (abacusai.api_class.constraintprojectfeaturegroupconfig attribute)": [[27, "abacusai.api_class.ConstraintProjectFeatureGroupConfig.constraints", false]], "constraints (abacusai.api_class.enums.projectconfigtype attribute)": [[25, "abacusai.api_class.enums.ProjectConfigType.CONSTRAINTS", false]], "constraints (abacusai.api_class.project.constraintprojectfeaturegroupconfig attribute)": [[31, "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig.constraints", false]], "constraints (abacusai.api_class.projectconfigtype attribute)": [[27, "abacusai.api_class.ProjectConfigType.CONSTRAINTS", false]], "constraints (abacusai.constraintprojectfeaturegroupconfig attribute)": [[146, "abacusai.ConstraintProjectFeatureGroupConfig.constraints", false]], "constraints (abacusai.projectconfigtype attribute)": [[146, "abacusai.ProjectConfigType.CONSTRAINTS", false]], "construct_agent_conversation_messages_for_llm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.construct_agent_conversation_messages_for_llm", false]], "construct_agent_conversation_messages_for_llm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.construct_agent_conversation_messages_for_llm", false]], "construct_agent_conversation_messages_for_llm() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.construct_agent_conversation_messages_for_llm", false]], "construct_agent_conversation_messages_for_llm() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.construct_agent_conversation_messages_for_llm", false]], "content (abacusai.api_class.collapseresponsesection attribute)": [[27, "abacusai.api_class.CollapseResponseSection.content", false]], "content (abacusai.api_class.segments.collapseresponsesection attribute)": [[34, "abacusai.api_class.segments.CollapseResponseSection.content", false]], "content (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.CONTENT", false]], "content (abacusai.collapseresponsesection attribute)": [[146, "abacusai.CollapseResponseSection.content", false]], "content (abacusai.llm_input.llminput attribute)": [[156, "abacusai.llm_input.LlmInput.content", false]], "content (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.content", false]], "content (abacusai.llminput attribute)": [[146, "abacusai.LlmInput.content", false]], "content (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.content", false]], "content (abacusai.web_page_response.webpageresponse attribute)": [[253, "abacusai.web_page_response.WebPageResponse.content", false]], "content (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.content", false]], "content (abacusai.webpageresponse attribute)": [[146, "abacusai.WebPageResponse.content", false]], "content (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.content", false]], "contents (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.contents", false]], "contents (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.contents", false]], "contents (abacusai.blob attribute)": [[146, "abacusai.Blob.contents", false]], "contents (abacusai.feature_group_row.featuregrouprow attribute)": [[118, "abacusai.feature_group_row.FeatureGroupRow.contents", false]], "contents (abacusai.featuregrouprow attribute)": [[146, "abacusai.FeatureGroupRow.contents", false]], "context() (abacusai.python_function_validator._monkeypatch class method)": [[221, "abacusai.python_function_validator._MonkeyPatch.context", false]], "conversation_export_html (abacusai.deployment_conversation_export.deploymentconversationexport attribute)": [[86, "abacusai.deployment_conversation_export.DeploymentConversationExport.conversation_export_html", false]], "conversation_export_html (abacusai.deploymentconversationexport attribute)": [[146, "abacusai.DeploymentConversationExport.conversation_export_html", false]], "conversation_type (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.conversation_type", false]], "conversation_type (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.conversation_type", false]], "conversation_warning (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.conversation_warning", false]], "conversation_warning (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.conversation_warning", false]], "convert_to_markdown (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.convert_to_markdown", false]], "convert_to_markdown (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.convert_to_markdown", false], [27, "id161", false]], "convert_to_markdown (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.convert_to_markdown", false]], "convolution_filters (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.convolution_filters", false]], "convolution_filters (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.convolution_filters", false]], "convolution_filters (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.convolution_filters", false]], "convolutional_layers (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.convolutional_layers", false]], "convolutional_layers (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.convolutional_layers", false]], "convolutional_layers (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.convolutional_layers", false]], "copilot (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.COPILOT", false]], "copilot (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.COPILOT", false]], "copilot (abacusai.deploymentconversationtype attribute)": [[146, "abacusai.DeploymentConversationType.COPILOT", false]], "copy() (abacusai.agent method)": [[146, "abacusai.Agent.copy", false]], "copy() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.copy", false]], "copy_agent() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.copy_agent", false]], "copy_agent() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.copy_agent", false]], "count (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.count", false]], "count (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.count", false]], "count (abacusai.streaming_row_count.streamingrowcount attribute)": [[237, "abacusai.streaming_row_count.StreamingRowCount.count", false]], "count (abacusai.streamingrowcount attribute)": [[146, "abacusai.StreamingRowCount.count", false]], "count (abacusai.test_point_predictions.testpointpredictions attribute)": [[240, "abacusai.test_point_predictions.TestPointPredictions.count", false]], "count (abacusai.testpointpredictions attribute)": [[146, "abacusai.TestPointPredictions.count", false]], "country (abacusai.address attribute)": [[146, "abacusai.Address.country", false]], "country (abacusai.address.address attribute)": [[1, "abacusai.address.Address.country", false]], "coverage (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.COVERAGE", false]], "coverage (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.COVERAGE", false]], "coverage (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.COVERAGE", false]], "cpu (abacusai.memory_options.memoryoptions attribute)": [[159, "abacusai.memory_options.MemoryOptions.cpu", false]], "cpu (abacusai.memoryoptions attribute)": [[146, "abacusai.MemoryOptions.cpu", false]], "cpu_size (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.cpu_size", false]], "cpu_size (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.cpu_size", false]], "cpu_size (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.cpu_size", false]], "cpu_size (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.cpu_size", false]], "cpu_size (abacusai.model attribute)": [[146, "abacusai.Model.cpu_size", false]], "cpu_size (abacusai.model.model attribute)": [[161, "abacusai.model.Model.cpu_size", false]], "cpu_size (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.cpu_size", false]], "cpu_size (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.cpu_size", false]], "cpu_size (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.cpu_size", false]], "cpu_size (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.cpu_size", false]], "cpu_size (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.cpu_size", false]], "cpu_size (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.cpu_size", false]], "cpu_size (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.cpu_size", false]], "cpu_size (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.cpu_size", false]], "cpugpumemoryspecs (class in abacusai)": [[146, "abacusai.CpuGpuMemorySpecs", false]], "cpugpumemoryspecs (class in abacusai.cpu_gpu_memory_specs)": [[62, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs", false]], "cpusize (class in abacusai)": [[146, "abacusai.CPUSize", false]], "cpusize (class in abacusai.api_class)": [[27, "abacusai.api_class.CPUSize", false]], "cpusize (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.CPUSize", false]], "crawl_depth (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.crawl_depth", false]], "crawl_depth (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.crawl_depth", false]], "crawl_depth (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.crawl_depth", false]], "crawler (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.CRAWLER", false]], "crawler (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.CRAWLER", false]], "crawler (abacusai.operatortype attribute)": [[146, "abacusai.OperatorType.CRAWLER", false]], "crawlertransformconfig (class in abacusai)": [[146, "abacusai.CrawlerTransformConfig", false]], "crawlertransformconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CrawlerTransformConfig", false]], "crawlertransformconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig", false]], "create_agent() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_agent", false]], "create_agent() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_agent", false]], "create_agent() (abacusai.project method)": [[146, "abacusai.Project.create_agent", false]], "create_agent() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_agent", false]], "create_agent_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_agent_from_function", false]], "create_agent_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_agent_from_function", false]], "create_alert() (abacusai.deployment method)": [[146, "abacusai.Deployment.create_alert", false]], "create_alert() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.create_alert", false]], "create_algorithm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_algorithm", false]], "create_algorithm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_algorithm", false]], "create_algorithm_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_algorithm_from_function", false]], "create_algorithm_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_algorithm_from_function", false]], "create_app_user_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_app_user_group", false]], "create_app_user_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_app_user_group", false]], "create_batch_prediction() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_batch_prediction", false]], "create_batch_prediction() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_batch_prediction", false]], "create_batch_prediction() (abacusai.deployment method)": [[146, "abacusai.Deployment.create_batch_prediction", false]], "create_batch_prediction() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.create_batch_prediction", false]], "create_chat_session() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_chat_session", false]], "create_chat_session() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_chat_session", false]], "create_chat_session() (abacusai.project method)": [[146, "abacusai.Project.create_chat_session", false]], "create_chat_session() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_chat_session", false]], "create_conversation() (abacusai.deployment method)": [[146, "abacusai.Deployment.create_conversation", false]], "create_conversation() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.create_conversation", false]], "create_custom_loss_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_custom_loss_function", false]], "create_custom_loss_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_custom_loss_function", false]], "create_custom_loss_function_with_source_code() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_custom_loss_function_with_source_code", false]], "create_custom_loss_function_with_source_code() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_custom_loss_function_with_source_code", false]], "create_custom_metric() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_custom_metric", false]], "create_custom_metric() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_custom_metric", false]], "create_custom_metric_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_custom_metric_from_function", false]], "create_custom_metric_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_custom_metric_from_function", false]], "create_dataset_from_application_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_from_application_connector", false]], "create_dataset_from_application_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_from_application_connector", false]], "create_dataset_from_database_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_from_database_connector", false]], "create_dataset_from_database_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_from_database_connector", false]], "create_dataset_from_file_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_from_file_connector", false]], "create_dataset_from_file_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_from_file_connector", false]], "create_dataset_from_pandas() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_from_pandas", false]], "create_dataset_from_pandas() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_from_pandas", false]], "create_dataset_from_streaming_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_from_streaming_connector", false]], "create_dataset_from_streaming_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_from_streaming_connector", false]], "create_dataset_from_upload() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_from_upload", false]], "create_dataset_from_upload() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_from_upload", false]], "create_dataset_version_from_application_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_version_from_application_connector", false]], "create_dataset_version_from_application_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_version_from_application_connector", false]], "create_dataset_version_from_database_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_version_from_database_connector", false]], "create_dataset_version_from_database_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_version_from_database_connector", false]], "create_dataset_version_from_document_reprocessing() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_version_from_document_reprocessing", false]], "create_dataset_version_from_document_reprocessing() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_version_from_document_reprocessing", false]], "create_dataset_version_from_file_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_version_from_file_connector", false]], "create_dataset_version_from_file_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_version_from_file_connector", false]], "create_dataset_version_from_pandas() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_version_from_pandas", false]], "create_dataset_version_from_pandas() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_version_from_pandas", false]], "create_dataset_version_from_upload() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_dataset_version_from_upload", false]], "create_dataset_version_from_upload() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_dataset_version_from_upload", false]], "create_deployment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_deployment", false]], "create_deployment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_deployment", false]], "create_deployment_alert() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_deployment_alert", false]], "create_deployment_alert() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_deployment_alert", false]], "create_deployment_conversation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_deployment_conversation", false]], "create_deployment_conversation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_deployment_conversation", false]], "create_deployment_token() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_deployment_token", false]], "create_deployment_token() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_deployment_token", false]], "create_deployment_token() (abacusai.project method)": [[146, "abacusai.Project.create_deployment_token", false]], "create_deployment_token() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_deployment_token", false]], "create_deployment_webhook() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_deployment_webhook", false]], "create_deployment_webhook() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_deployment_webhook", false]], "create_document_retriever() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_document_retriever", false]], "create_document_retriever() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_document_retriever", false]], "create_document_retriever() (abacusai.project method)": [[146, "abacusai.Project.create_document_retriever", false]], "create_document_retriever() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_document_retriever", false]], "create_document_retriever_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_document_retriever_version", false]], "create_document_retriever_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_document_retriever_version", false]], "create_eda() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_eda", false]], "create_eda() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_eda", false]], "create_eda() (abacusai.project method)": [[146, "abacusai.Project.create_eda", false]], "create_eda() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_eda", false]], "create_external_application() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_external_application", false]], "create_external_application() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_external_application", false]], "create_external_application() (abacusai.deployment method)": [[146, "abacusai.Deployment.create_external_application", false]], "create_external_application() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.create_external_application", false]], "create_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature", false]], "create_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature", false]], "create_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_feature", false]], "create_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_feature", false]], "create_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group", false]], "create_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group", false]], "create_feature_group_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group_from_function", false]], "create_feature_group_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group_from_function", false]], "create_feature_group_from_pandas_df() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group_from_pandas_df", false]], "create_feature_group_from_pandas_df() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group_from_pandas_df", false]], "create_feature_group_from_python_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group_from_python_function", false]], "create_feature_group_from_python_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group_from_python_function", false]], "create_feature_group_from_spark_df() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group_from_spark_df", false]], "create_feature_group_from_spark_df() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group_from_spark_df", false]], "create_feature_group_from_template() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group_from_template", false]], "create_feature_group_from_template() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group_from_template", false]], "create_feature_group_template() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group_template", false]], "create_feature_group_template() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group_template", false]], "create_feature_group_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_feature_group_version", false]], "create_feature_group_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_feature_group_version", false]], "create_forecasting_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_forecasting_monitor", false]], "create_forecasting_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_forecasting_monitor", false]], "create_forecasting_monitor() (abacusai.project method)": [[146, "abacusai.Project.create_forecasting_monitor", false]], "create_forecasting_monitor() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_forecasting_monitor", false]], "create_graph_dashboard() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_graph_dashboard", false]], "create_graph_dashboard() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_graph_dashboard", false]], "create_graph_dashboard() (abacusai.project method)": [[146, "abacusai.Project.create_graph_dashboard", false]], "create_graph_dashboard() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_graph_dashboard", false]], "create_holdout_analysis() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_holdout_analysis", false]], "create_holdout_analysis() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_holdout_analysis", false]], "create_merge_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_merge_feature_group", false]], "create_merge_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_merge_feature_group", false]], "create_model_from_files() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_model_from_files", false]], "create_model_from_files() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_model_from_files", false]], "create_model_from_functions() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_model_from_functions", false]], "create_model_from_functions() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_model_from_functions", false]], "create_model_from_functions() (abacusai.project method)": [[146, "abacusai.Project.create_model_from_functions", false]], "create_model_from_functions() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_model_from_functions", false]], "create_model_from_local_files() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_model_from_local_files", false]], "create_model_from_local_files() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_model_from_local_files", false]], "create_model_from_python() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_model_from_python", false]], "create_model_from_python() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_model_from_python", false]], "create_model_from_python() (abacusai.project method)": [[146, "abacusai.Project.create_model_from_python", false]], "create_model_from_python() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_model_from_python", false]], "create_model_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_model_monitor", false]], "create_model_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_model_monitor", false]], "create_model_monitor() (abacusai.project method)": [[146, "abacusai.Project.create_model_monitor", false]], "create_model_monitor() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_model_monitor", false]], "create_model_version_from_files() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_model_version_from_files", false]], "create_model_version_from_files() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_model_version_from_files", false]], "create_model_version_from_local_files() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_model_version_from_local_files", false]], "create_model_version_from_local_files() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_model_version_from_local_files", false]], "create_module() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_module", false]], "create_module() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_module", false]], "create_module_from_notebook() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_module_from_notebook", false]], "create_module_from_notebook() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_module_from_notebook", false]], "create_monitor (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.batch_prediction.trainableplugandplaybatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.trainableplugandplaybatchpredictionargs attribute)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.trainableplugandplaybatchpredictionargs attribute)": [[146, "abacusai.TrainablePlugAndPlayBatchPredictionArgs.create_monitor", false]], "create_monitor_alert() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_monitor_alert", false]], "create_monitor_alert() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_monitor_alert", false]], "create_monitor_alert() (abacusai.project method)": [[146, "abacusai.Project.create_monitor_alert", false]], "create_monitor_alert() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_monitor_alert", false]], "create_nested_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_nested_feature", false]], "create_nested_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_nested_feature", false]], "create_nested_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_nested_feature", false]], "create_nested_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_nested_feature", false]], "create_nlp_drift_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_nlp_drift_monitor", false]], "create_nlp_drift_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_nlp_drift_monitor", false]], "create_nlp_drift_monitor() (abacusai.project method)": [[146, "abacusai.Project.create_nlp_drift_monitor", false]], "create_nlp_drift_monitor() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_nlp_drift_monitor", false]], "create_online_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_online_feature_group", false]], "create_online_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_online_feature_group", false]], "create_operator_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_operator_feature_group", false]], "create_operator_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_operator_feature_group", false]], "create_organization_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_organization_group", false]], "create_organization_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_organization_group", false]], "create_organization_secret() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_organization_secret", false]], "create_organization_secret() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_organization_secret", false]], "create_pipeline() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_pipeline", false]], "create_pipeline() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_pipeline", false]], "create_pipeline_step() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_pipeline_step", false]], "create_pipeline_step() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_pipeline_step", false]], "create_pipeline_step_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_pipeline_step_from_function", false]], "create_pipeline_step_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_pipeline_step_from_function", false]], "create_point_in_time_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_point_in_time_feature", false]], "create_point_in_time_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_point_in_time_feature", false]], "create_point_in_time_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_point_in_time_feature", false]], "create_point_in_time_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_point_in_time_feature", false]], "create_point_in_time_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_point_in_time_group", false]], "create_point_in_time_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_point_in_time_group", false]], "create_point_in_time_group() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_point_in_time_group", false]], "create_point_in_time_group() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_point_in_time_group", false]], "create_point_in_time_group_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_point_in_time_group_feature", false]], "create_point_in_time_group_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_point_in_time_group_feature", false]], "create_point_in_time_group_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_point_in_time_group_feature", false]], "create_point_in_time_group_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_point_in_time_group_feature", false]], "create_prediction_operator() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_prediction_operator", false]], "create_prediction_operator() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_prediction_operator", false]], "create_prediction_operator_from_functions() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_prediction_operator_from_functions", false]], "create_prediction_operator_from_functions() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_prediction_operator_from_functions", false]], "create_prediction_operator_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_prediction_operator_version", false]], "create_prediction_operator_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_prediction_operator_version", false]], "create_project() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_project", false]], "create_project() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_project", false]], "create_python_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_python_function", false]], "create_python_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_python_function", false]], "create_python_function_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_python_function_from_function", false]], "create_python_function_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_python_function_from_function", false]], "create_realtime_content_store() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_realtime_content_store", false]], "create_realtime_content_store() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_realtime_content_store", false]], "create_realtime_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_realtime_monitor", false]], "create_realtime_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_realtime_monitor", false]], "create_realtime_monitor() (abacusai.deployment method)": [[146, "abacusai.Deployment.create_realtime_monitor", false]], "create_realtime_monitor() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.create_realtime_monitor", false]], "create_refresh_policy() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_refresh_policy", false]], "create_refresh_policy() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.create_refresh_policy", false]], "create_refresh_policy() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.create_refresh_policy", false]], "create_refresh_policy() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_refresh_policy", false]], "create_refresh_policy() (abacusai.dataset method)": [[146, "abacusai.Dataset.create_refresh_policy", false]], "create_refresh_policy() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.create_refresh_policy", false]], "create_refresh_policy() (abacusai.deployment method)": [[146, "abacusai.Deployment.create_refresh_policy", false]], "create_refresh_policy() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.create_refresh_policy", false]], "create_refresh_policy() (abacusai.model method)": [[146, "abacusai.Model.create_refresh_policy", false]], "create_refresh_policy() (abacusai.model.model method)": [[161, "abacusai.model.Model.create_refresh_policy", false]], "create_sampling() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_sampling", false]], "create_sampling() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_sampling", false]], "create_sampling_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_sampling_feature_group", false]], "create_sampling_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_sampling_feature_group", false]], "create_snapshot_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_snapshot_feature_group", false]], "create_snapshot_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_snapshot_feature_group", false]], "create_snapshot_feature_group() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.create_snapshot_feature_group", false]], "create_snapshot_feature_group() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.create_snapshot_feature_group", false]], "create_spark_df_from_feature_group_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_spark_df_from_feature_group_version", false]], "create_spark_df_from_feature_group_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_spark_df_from_feature_group_version", false]], "create_step() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.create_step", false]], "create_step() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.create_step", false]], "create_step_from_function() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.create_step_from_function", false]], "create_step_from_function() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.create_step_from_function", false]], "create_streaming_dataset() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_streaming_dataset", false]], "create_streaming_dataset() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_streaming_dataset", false]], "create_streaming_token() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_streaming_token", false]], "create_streaming_token() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_streaming_token", false]], "create_template() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_template", false]], "create_template() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_template", false]], "create_train_test_data_split_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_train_test_data_split_feature_group", false]], "create_train_test_data_split_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_train_test_data_split_feature_group", false]], "create_train_test_data_split_feature_group() (abacusai.project method)": [[146, "abacusai.Project.create_train_test_data_split_feature_group", false]], "create_train_test_data_split_feature_group() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_train_test_data_split_feature_group", false]], "create_version() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.create_version", false]], "create_version() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.create_version", false]], "create_version() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.create_version", false]], "create_version() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.create_version", false]], "create_version() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.create_version", false]], "create_version() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.create_version", false]], "create_version_from_application_connector() (abacusai.dataset method)": [[146, "abacusai.Dataset.create_version_from_application_connector", false]], "create_version_from_application_connector() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.create_version_from_application_connector", false]], "create_version_from_database_connector() (abacusai.dataset method)": [[146, "abacusai.Dataset.create_version_from_database_connector", false]], "create_version_from_database_connector() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.create_version_from_database_connector", false]], "create_version_from_document_reprocessing() (abacusai.dataset method)": [[146, "abacusai.Dataset.create_version_from_document_reprocessing", false]], "create_version_from_document_reprocessing() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.create_version_from_document_reprocessing", false]], "create_version_from_file_connector() (abacusai.dataset method)": [[146, "abacusai.Dataset.create_version_from_file_connector", false]], "create_version_from_file_connector() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.create_version_from_file_connector", false]], "create_version_from_upload() (abacusai.dataset method)": [[146, "abacusai.Dataset.create_version_from_upload", false]], "create_version_from_upload() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.create_version_from_upload", false]], "create_vision_drift_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.create_vision_drift_monitor", false]], "create_vision_drift_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.create_vision_drift_monitor", false]], "create_vision_drift_monitor() (abacusai.project method)": [[146, "abacusai.Project.create_vision_drift_monitor", false]], "create_vision_drift_monitor() (abacusai.project.project method)": [[214, "abacusai.project.Project.create_vision_drift_monitor", false]], "create_webhook() (abacusai.deployment method)": [[146, "abacusai.Deployment.create_webhook", false]], "create_webhook() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.create_webhook", false]], "created_at (abacusai.agent attribute)": [[146, "abacusai.Agent.created_at", false]], "created_at (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.created_at", false]], "created_at (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.created_at", false]], "created_at (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.created_at", false]], "created_at (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.created_at", false]], "created_at (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.created_at", false]], "created_at (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.created_at", false]], "created_at (abacusai.applicationconnector attribute)": [[146, "abacusai.ApplicationConnector.created_at", false]], "created_at (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.created_at", false]], "created_at (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.created_at", false]], "created_at (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.created_at", false]], "created_at (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.created_at", false]], "created_at (abacusai.custom_loss_function.customlossfunction attribute)": [[65, "abacusai.custom_loss_function.CustomLossFunction.created_at", false]], "created_at (abacusai.custom_metric.custommetric attribute)": [[66, "abacusai.custom_metric.CustomMetric.created_at", false]], "created_at (abacusai.custom_metric_version.custommetricversion attribute)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.created_at", false]], "created_at (abacusai.customlossfunction attribute)": [[146, "abacusai.CustomLossFunction.created_at", false]], "created_at (abacusai.custommetric attribute)": [[146, "abacusai.CustomMetric.created_at", false]], "created_at (abacusai.custommetricversion attribute)": [[146, "abacusai.CustomMetricVersion.created_at", false]], "created_at (abacusai.database_connector.databaseconnector attribute)": [[75, "abacusai.database_connector.DatabaseConnector.created_at", false]], "created_at (abacusai.databaseconnector attribute)": [[146, "abacusai.DatabaseConnector.created_at", false]], "created_at (abacusai.dataset attribute)": [[146, "abacusai.Dataset.created_at", false]], "created_at (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.created_at", false]], "created_at (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.created_at", false]], "created_at (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.created_at", false]], "created_at (abacusai.deployment attribute)": [[146, "abacusai.Deployment.created_at", false]], "created_at (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.created_at", false]], "created_at (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[83, "abacusai.deployment_auth_token.DeploymentAuthToken.created_at", false]], "created_at (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.created_at", false]], "created_at (abacusai.deploymentauthtoken attribute)": [[146, "abacusai.DeploymentAuthToken.created_at", false]], "created_at (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.created_at", false]], "created_at (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.created_at", false]], "created_at (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.created_at", false]], "created_at (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.created_at", false]], "created_at (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.created_at", false]], "created_at (abacusai.eda attribute)": [[146, "abacusai.Eda.created_at", false]], "created_at (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.created_at", false]], "created_at (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.created_at", false]], "created_at (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.created_at", false]], "created_at (abacusai.feature_group_row.featuregrouprow attribute)": [[118, "abacusai.feature_group_row.FeatureGroupRow.created_at", false]], "created_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.created_at", false]], "created_at (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.created_at", false]], "created_at (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.created_at", false]], "created_at (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.created_at", false]], "created_at (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.created_at", false]], "created_at (abacusai.featuregrouprow attribute)": [[146, "abacusai.FeatureGroupRow.created_at", false]], "created_at (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.created_at", false]], "created_at (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.created_at", false]], "created_at (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.created_at", false]], "created_at (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.created_at", false]], "created_at (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.created_at", false]], "created_at (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.created_at", false]], "created_at (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.created_at", false]], "created_at (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.created_at", false]], "created_at (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.created_at", false]], "created_at (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[143, "abacusai.hosted_model_token.HostedModelToken.created_at", false]], "created_at (abacusai.hostedmodeltoken attribute)": [[146, "abacusai.HostedModelToken.created_at", false]], "created_at (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.created_at", false]], "created_at (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.created_at", false]], "created_at (abacusai.model attribute)": [[146, "abacusai.Model.created_at", false]], "created_at (abacusai.model.model attribute)": [[161, "abacusai.model.Model.created_at", false]], "created_at (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.created_at", false]], "created_at (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.created_at", false]], "created_at (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.created_at", false]], "created_at (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.created_at", false]], "created_at (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.created_at", false]], "created_at (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.created_at", false]], "created_at (abacusai.module attribute)": [[146, "abacusai.Module.created_at", false]], "created_at (abacusai.module.module attribute)": [[178, "abacusai.module.Module.created_at", false]], "created_at (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.created_at", false]], "created_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.created_at", false]], "created_at (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.created_at", false]], "created_at (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.created_at", false]], "created_at (abacusai.organization_group.organizationgroup attribute)": [[189, "abacusai.organization_group.OrganizationGroup.created_at", false]], "created_at (abacusai.organization_secret.organizationsecret attribute)": [[191, "abacusai.organization_secret.OrganizationSecret.created_at", false]], "created_at (abacusai.organizationgroup attribute)": [[146, "abacusai.OrganizationGroup.created_at", false]], "created_at (abacusai.organizationsecret attribute)": [[146, "abacusai.OrganizationSecret.created_at", false]], "created_at (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.created_at", false]], "created_at (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.created_at", false]], "created_at (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.created_at", false]], "created_at (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.created_at", false]], "created_at (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.created_at", false]], "created_at (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.created_at", false]], "created_at (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.created_at", false]], "created_at (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.created_at", false]], "created_at (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.created_at", false]], "created_at (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.created_at", false]], "created_at (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.created_at", false]], "created_at (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.created_at", false]], "created_at (abacusai.project attribute)": [[146, "abacusai.Project.created_at", false]], "created_at (abacusai.project.project attribute)": [[214, "abacusai.project.Project.created_at", false]], "created_at (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.created_at", false]], "created_at (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.created_at", false]], "created_at (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.created_at", false]], "created_at (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.created_at", false]], "created_at (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.created_at", false]], "created_at (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.created_at", false]], "created_at (abacusai.realtime_monitor.realtimemonitor attribute)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.created_at", false]], "created_at (abacusai.realtimemonitor attribute)": [[146, "abacusai.RealtimeMonitor.created_at", false]], "created_at (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.created_at", false]], "created_at (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.created_at", false]], "created_at (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.created_at", false]], "created_at (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.created_at", false]], "created_at (abacusai.streaming_auth_token.streamingauthtoken attribute)": [[234, "abacusai.streaming_auth_token.StreamingAuthToken.created_at", false]], "created_at (abacusai.streaming_connector.streamingconnector attribute)": [[236, "abacusai.streaming_connector.StreamingConnector.created_at", false]], "created_at (abacusai.streamingauthtoken attribute)": [[146, "abacusai.StreamingAuthToken.created_at", false]], "created_at (abacusai.streamingconnector attribute)": [[146, "abacusai.StreamingConnector.created_at", false]], "created_at (abacusai.upload attribute)": [[146, "abacusai.Upload.created_at", false]], "created_at (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.created_at", false]], "created_at (abacusai.user attribute)": [[146, "abacusai.User.created_at", false]], "created_at (abacusai.user.user attribute)": [[248, "abacusai.user.User.created_at", false]], "created_at (abacusai.webhook attribute)": [[146, "abacusai.Webhook.created_at", false]], "created_at (abacusai.webhook.webhook attribute)": [[256, "abacusai.webhook.Webhook.created_at", false]], "created_by (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.created_by", false]], "created_by (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.created_by", false]], "cron (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.cron", false]], "cron (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.cron", false]], "cron (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.cron", false]], "cron (abacusai.refresh_schedule.refreshschedule attribute)": [[227, "abacusai.refresh_schedule.RefreshSchedule.cron", false]], "cron (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.cron", false]], "cron (abacusai.refreshschedule attribute)": [[146, "abacusai.RefreshSchedule.cron", false]], "cross_entropy (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.CROSS_ENTROPY", false]], "cross_entropy (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.CROSS_ENTROPY", false]], "cross_entropy (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.CROSS_ENTROPY", false]], "csi (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.CSI", false]], "csi (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.CSI", false]], "csi (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.csi", false]], "csi (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.csi", false]], "csi (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.csi", false]], "csi (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.csi", false]], "csi (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.csi", false]], "csi (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.csi", false]], "csi (abacusai.featuredrifttype attribute)": [[146, "abacusai.FeatureDriftType.CSI", false]], "csv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.CSV", false]], "csv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.CSV", false]], "csv (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.CSV", false]], "csv_delimiter (abacusai.api_class.boxdatasetconfig attribute)": [[27, "abacusai.api_class.BoxDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset.parsingconfig attribute)": [[21, "abacusai.api_class.dataset.ParsingConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.boxdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.parsingconfig attribute)": [[27, "abacusai.api_class.ParsingConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.boxdatasetconfig attribute)": [[146, "abacusai.BoxDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.googledrivedatasetconfig attribute)": [[146, "abacusai.GoogleDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.onedrivedatasetconfig attribute)": [[146, "abacusai.OneDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.parsingconfig attribute)": [[146, "abacusai.ParsingConfig.csv_delimiter", false]], "csv_delimiter (abacusai.sharepointdatasetconfig attribute)": [[146, "abacusai.SharepointDatasetConfig.csv_delimiter", false]], "csv_explanations_prefix (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.csv_explanations_prefix", false]], "csv_explanations_prefix (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.csv_explanations_prefix", false]], "csv_explanations_prefix (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.csv_explanations_prefix", false]], "csv_explanations_prefix (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.csv_explanations_prefix", false]], "csv_input_prefix (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.csv_input_prefix", false]], "csv_input_prefix (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.csv_input_prefix", false]], "csv_input_prefix (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.csv_input_prefix", false]], "csv_input_prefix (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.csv_input_prefix", false]], "csv_prediction_prefix (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.csv_prediction_prefix", false]], "csv_prediction_prefix (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.csv_prediction_prefix", false]], "csv_prediction_prefix (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.csv_prediction_prefix", false]], "csv_prediction_prefix (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.csv_prediction_prefix", false]], "cummulative_contribution (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.cummulative_contribution", false]], "cummulative_contribution (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.cummulative_contribution", false]], "cumulative_forecasting (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CUMULATIVE_FORECASTING", false]], "cumulative_forecasting (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CUMULATIVE_FORECASTING", false]], "cumulative_forecasting (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.CUMULATIVE_FORECASTING", false]], "cumulative_prediction_lengths (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.cumulative_prediction_lengths", false]], "cumulative_prediction_lengths (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.cumulative_prediction_lengths", false]], "cumulative_prediction_lengths (abacusai.cumulativeforecastingtrainingconfig attribute)": [[146, "abacusai.CumulativeForecastingTrainingConfig.cumulative_prediction_lengths", false]], "cumulativeforecastingpredictionarguments (class in abacusai)": [[146, "abacusai.CumulativeForecastingPredictionArguments", false]], "cumulativeforecastingpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments", false]], "cumulativeforecastingpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments", false]], "cumulativeforecastingtrainingconfig (class in abacusai)": [[146, "abacusai.CumulativeForecastingTrainingConfig", false]], "cumulativeforecastingtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig", false]], "cumulativeforecastingtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig", false]], "curl (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[238, "abacusai.streaming_sample_code.StreamingSampleCode.curl", false]], "curl (abacusai.streamingsamplecode attribute)": [[146, "abacusai.StreamingSampleCode.curl", false]], "curr_month_avail_points (abacusai.compute_point_info.computepointinfo attribute)": [[60, "abacusai.compute_point_info.ComputePointInfo.curr_month_avail_points", false]], "curr_month_avail_points (abacusai.computepointinfo attribute)": [[146, "abacusai.ComputePointInfo.curr_month_avail_points", false]], "curr_month_usage (abacusai.compute_point_info.computepointinfo attribute)": [[60, "abacusai.compute_point_info.ComputePointInfo.curr_month_usage", false]], "curr_month_usage (abacusai.computepointinfo attribute)": [[146, "abacusai.ComputePointInfo.curr_month_usage", false]], "current_training_config (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[163, "abacusai.model_blueprint_export.ModelBlueprintExport.current_training_config", false]], "current_training_config (abacusai.modelblueprintexport attribute)": [[146, "abacusai.ModelBlueprintExport.current_training_config", false]], "custom (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.CUSTOM", false]], "custom (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.CUSTOM", false]], "custom (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.CUSTOM", false]], "custom (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.CUSTOM", false]], "custom (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.CUSTOM", false]], "custom (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.CUSTOM", false]], "custom (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.CUSTOM", false]], "custom (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.CUSTOM", false]], "custom (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.CUSTOM", false]], "custom_algorithm (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CUSTOM_ALGORITHM", false]], "custom_algorithm (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CUSTOM_ALGORITHM", false]], "custom_algorithm (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.CUSTOM_ALGORITHM", false]], "custom_algorithm_configs (abacusai.model attribute)": [[146, "abacusai.Model.custom_algorithm_configs", false]], "custom_algorithm_configs (abacusai.model.model attribute)": [[161, "abacusai.model.Model.custom_algorithm_configs", false]], "custom_algorithm_configs (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.custom_algorithm_configs", false]], "custom_algorithm_configs (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.custom_algorithm_configs", false]], "custom_algorithms (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.custom_algorithms", false]], "custom_algorithms (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.custom_algorithms", false]], "custom_fields (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.custom_fields", false]], "custom_fields (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.custom_fields", false]], "custom_fields (abacusai.jiradatasetconfig attribute)": [[146, "abacusai.JiraDatasetConfig.custom_fields", false]], "custom_loss_functions (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.custom_loss_functions", false]], "custom_metric_function_name (abacusai.custom_metric_version.custommetricversion attribute)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.custom_metric_function_name", false]], "custom_metric_function_name (abacusai.custommetricversion attribute)": [[146, "abacusai.CustomMetricVersion.custom_metric_function_name", false]], "custom_metric_id (abacusai.custom_metric.custommetric attribute)": [[66, "abacusai.custom_metric.CustomMetric.custom_metric_id", false]], "custom_metric_id (abacusai.custommetric attribute)": [[146, "abacusai.CustomMetric.custom_metric_id", false]], "custom_metric_version (abacusai.custom_metric_version.custommetricversion attribute)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.custom_metric_version", false]], "custom_metric_version (abacusai.custommetricversion attribute)": [[146, "abacusai.CustomMetricVersion.custom_metric_version", false]], "custom_metrics (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.custom_metrics", false]], "custom_trained_model (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CUSTOM_TRAINED_MODEL", false]], "custom_trained_model (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CUSTOM_TRAINED_MODEL", false]], "custom_trained_model (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.CUSTOM_TRAINED_MODEL", false]], "customalgorithmtrainingconfig (class in abacusai)": [[146, "abacusai.CustomAlgorithmTrainingConfig", false]], "customalgorithmtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CustomAlgorithmTrainingConfig", false]], "customalgorithmtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.CustomAlgorithmTrainingConfig", false]], "customchatinstructions (class in abacusai)": [[146, "abacusai.CustomChatInstructions", false]], "customchatinstructions (class in abacusai.custom_chat_instructions)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions", false]], "customlossfunction (class in abacusai)": [[146, "abacusai.CustomLossFunction", false]], "customlossfunction (class in abacusai.custom_loss_function)": [[65, "abacusai.custom_loss_function.CustomLossFunction", false]], "custommetric (class in abacusai)": [[146, "abacusai.CustomMetric", false]], "custommetric (class in abacusai.custom_metric)": [[66, "abacusai.custom_metric.CustomMetric", false]], "custommetricversion (class in abacusai)": [[146, "abacusai.CustomMetricVersion", false]], "custommetricversion (class in abacusai.custom_metric_version)": [[67, "abacusai.custom_metric_version.CustomMetricVersion", false]], "customtrainedmodeltrainingconfig (class in abacusai)": [[146, "abacusai.CustomTrainedModelTrainingConfig", false]], "customtrainedmodeltrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig", false]], "customtrainedmodeltrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig", false]], "customtrainfunctioninfo (class in abacusai)": [[146, "abacusai.CustomTrainFunctionInfo", false]], "customtrainfunctioninfo (class in abacusai.custom_train_function_info)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo", false]], "cv (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.CV", false]], "cv (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.CV", false]], "cv (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.CV", false]], "daily (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.DAILY", false]], "daily (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.DAILY", false]], "daily (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.DAILY", false]], "dashboard_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.dashboard_endpoint", false]], "dashboard_endpoint (abacusai.apiendpoint attribute)": [[146, "abacusai.ApiEndpoint.dashboard_endpoint", false]], "data (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs attribute)": [[62, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.data", false]], "data (abacusai.cpugpumemoryspecs attribute)": [[146, "abacusai.CpuGpuMemorySpecs.data", false]], "data (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.data", false]], "data (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.data", false]], "data (abacusai.extracted_fields.extractedfields attribute)": [[106, "abacusai.extracted_fields.ExtractedFields.data", false]], "data (abacusai.extractedfields attribute)": [[146, "abacusai.ExtractedFields.data", false]], "data (abacusai.feature_record.featurerecord attribute)": [[129, "abacusai.feature_record.FeatureRecord.data", false]], "data (abacusai.featurerecord attribute)": [[146, "abacusai.FeatureRecord.data", false]], "data (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.data", false]], "data (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.data", false]], "data (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg attribute)": [[170, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.data", false]], "data (abacusai.modelmonitorsummaryfromorg attribute)": [[146, "abacusai.ModelMonitorSummaryFromOrg.data", false]], "data (abacusai.test_point_predictions.testpointpredictions attribute)": [[240, "abacusai.test_point_predictions.TestPointPredictions.data", false]], "data (abacusai.testpointpredictions attribute)": [[146, "abacusai.TestPointPredictions.data", false]], "data_cluster_info (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.data_cluster_info", false]], "data_cluster_info (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.data_cluster_info", false]], "data_columns (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.data_columns", false]], "data_columns (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.data_columns", false]], "data_columns (abacusai.databaseconnectorexportconfig attribute)": [[146, "abacusai.DatabaseConnectorExportConfig.data_columns", false]], "data_columns (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.data_columns", false]], "data_columns (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.data_columns", false]], "data_columns (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.data_columns", false]], "data_columns (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.data_columns", false]], "data_columns_to_ignore (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_columns_to_ignore", false]], "data_columns_to_ignore (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_columns_to_ignore", false]], "data_columns_to_ignore (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.data_columns_to_ignore", false]], "data_feature_group_ids (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_feature_group_ids", false]], "data_feature_group_ids (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_feature_group_ids", false]], "data_feature_group_ids (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.data_feature_group_ids", false]], "data_generation (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.DATA_GENERATION", false]], "data_generation (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.DATA_GENERATION", false]], "data_generation (abacusai.operatortype attribute)": [[146, "abacusai.OperatorType.DATA_GENERATION", false]], "data_integrity (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.data_integrity", false]], "data_integrity (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.data_integrity", false]], "data_integrity (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.data_integrity", false]], "data_integrity (abacusai.modelmonitorsummary attribute)": [[146, "abacusai.ModelMonitorSummary.data_integrity", false]], "data_integrity_timeseries (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.data_integrity_timeseries", false]], "data_integrity_timeseries (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.data_integrity_timeseries", false]], "data_integrity_type (abacusai.api_class.dataintegrityviolationconditionconfig attribute)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig.data_integrity_type", false]], "data_integrity_type (abacusai.api_class.monitor_alert.dataintegrityviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig.data_integrity_type", false]], "data_integrity_type (abacusai.dataintegrityviolationconditionconfig attribute)": [[146, "abacusai.DataIntegrityViolationConditionConfig.data_integrity_type", false]], "data_integrity_violations (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.DATA_INTEGRITY_VIOLATIONS", false]], "data_integrity_violations (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.DATA_INTEGRITY_VIOLATIONS", false]], "data_integrity_violations (abacusai.monitoralerttype attribute)": [[146, "abacusai.MonitorAlertType.DATA_INTEGRITY_VIOLATIONS", false]], "data_list (abacusai.agentresponse attribute)": [[146, "abacusai.AgentResponse.data_list", false]], "data_list (abacusai.client.agentresponse attribute)": [[52, "abacusai.client.AgentResponse.data_list", false]], "data_llm_feature_groups (abacusai.model attribute)": [[146, "abacusai.Model.data_llm_feature_groups", false]], "data_llm_feature_groups (abacusai.model.model attribute)": [[161, "abacusai.model.Model.data_llm_feature_groups", false]], "data_prompt_column_context (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_prompt_column_context", false]], "data_prompt_column_context (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_prompt_column_context", false]], "data_prompt_column_context (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.data_prompt_column_context", false]], "data_prompt_context (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_prompt_context", false]], "data_prompt_context (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_prompt_context", false]], "data_prompt_context (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.data_prompt_context", false]], "data_prompt_table_context (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_prompt_table_context", false]], "data_prompt_table_context (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_prompt_table_context", false]], "data_prompt_table_context (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.data_prompt_table_context", false]], "data_source (abacusai.dataset attribute)": [[146, "abacusai.Dataset.data_source", false]], "data_source (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.data_source", false]], "data_split_feature_group_table_name (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.data_split_feature_group_table_name", false]], "data_type (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.data_type", false]], "data_type (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.data_type", false]], "data_type (abacusai.feature attribute)": [[146, "abacusai.Feature.data_type", false]], "data_type (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.data_type", false]], "data_type (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.data_type", false]], "data_type (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.data_type", false]], "data_type (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.data_type", false]], "data_type (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.data_type", false]], "data_type (abacusai.schema attribute)": [[146, "abacusai.Schema.data_type", false]], "data_type (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.data_type", false]], "data_type (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.data_type", false]], "data_type (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.data_type", false]], "database (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.DATABASE", false]], "database (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.DATABASE", false]], "database (abacusai.connectortype attribute)": [[146, "abacusai.ConnectorType.DATABASE", false]], "database_column (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping attribute)": [[74, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.database_column", false]], "database_column (abacusai.databasecolumnfeaturemapping attribute)": [[146, "abacusai.DatabaseColumnFeatureMapping.database_column", false]], "database_column_to_feature_mappings (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings attribute)": [[148, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.database_column_to_feature_mappings", false]], "database_column_to_feature_mappings (abacusai.inferreddatabasecolumntofeaturemappings attribute)": [[146, "abacusai.InferredDatabaseColumnToFeatureMappings.database_column_to_feature_mappings", false]], "database_connector (abacusai.model attribute)": [[146, "abacusai.Model.database_connector", false]], "database_connector (abacusai.model.model attribute)": [[161, "abacusai.model.Model.database_connector", false]], "database_connector_config (abacusai.dataset attribute)": [[146, "abacusai.Dataset.database_connector_config", false]], "database_connector_config (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.database_connector_config", false]], "database_connector_config (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.database_connector_config", false]], "database_connector_config (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.database_connector_config", false]], "database_connector_id (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.database_connector_id", false]], "database_connector_id (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.database_connector_id", false]], "database_connector_id (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.database_connector_id", false]], "database_connector_id (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.database_connector_id", false]], "database_connector_id (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.database_connector_id", false]], "database_connector_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.database_connector_id", false]], "database_connector_id (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.database_connector_id", false]], "database_connector_id (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.database_connector_id", false]], "database_connector_id (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.database_connector_id", false]], "database_connector_id (abacusai.database_connector.databaseconnector attribute)": [[75, "abacusai.database_connector.DatabaseConnector.database_connector_id", false]], "database_connector_id (abacusai.databaseconnector attribute)": [[146, "abacusai.DatabaseConnector.database_connector_id", false]], "database_connector_id (abacusai.databaseconnectorexportconfig attribute)": [[146, "abacusai.DatabaseConnectorExportConfig.database_connector_id", false]], "database_connector_id (abacusai.dataset attribute)": [[146, "abacusai.Dataset.database_connector_id", false]], "database_connector_id (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.database_connector_id", false]], "database_connector_id (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.database_connector_id", false]], "database_connector_id (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.database_connector_id", false]], "database_connector_id (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.database_connector_id", false]], "database_connector_id (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.database_connector_id", false]], "database_connector_tables (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.database_connector_tables", false]], "database_connector_tables (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.database_connector_tables", false]], "database_connector_tables (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.database_connector_tables", false]], "database_feature_mapping (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.database_feature_mapping", false]], "database_feature_mapping (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.database_feature_mapping", false]], "database_feature_mapping (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.database_feature_mapping", false]], "database_feature_mapping (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.database_feature_mapping", false]], "database_feature_mapping (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.database_feature_mapping", false]], "database_feature_mapping (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.database_feature_mapping", false]], "database_output_configuration (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.database_output_configuration", false]], "database_output_configuration (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_configuration", false]], "database_output_configuration (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.database_output_configuration", false]], "database_output_configuration (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.database_output_configuration", false]], "database_output_error (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_error", false]], "database_output_error (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.database_output_error", false]], "database_output_error (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.database_output_error", false]], "database_output_error (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.database_output_error", false]], "database_output_failed_writes (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_failed_writes", false]], "database_output_failed_writes (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.database_output_failed_writes", false]], "database_output_total_writes (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_total_writes", false]], "database_output_total_writes (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.database_output_total_writes", false]], "databasecolumnfeaturemapping (class in abacusai)": [[146, "abacusai.DatabaseColumnFeatureMapping", false]], "databasecolumnfeaturemapping (class in abacusai.database_column_feature_mapping)": [[74, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping", false]], "databaseconnector (class in abacusai)": [[146, "abacusai.DatabaseConnector", false]], "databaseconnector (class in abacusai.database_connector)": [[75, "abacusai.database_connector.DatabaseConnector", false]], "databaseconnectorcolumn (class in abacusai)": [[146, "abacusai.DatabaseConnectorColumn", false]], "databaseconnectorcolumn (class in abacusai.database_connector_column)": [[76, "abacusai.database_connector_column.DatabaseConnectorColumn", false]], "databaseconnectorexportconfig (class in abacusai)": [[146, "abacusai.DatabaseConnectorExportConfig", false]], "databaseconnectorexportconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig", false]], "databaseconnectorexportconfig (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig", false]], "databaseconnectorschema (class in abacusai)": [[146, "abacusai.DatabaseConnectorSchema", false]], "databaseconnectorschema (class in abacusai.database_connector_schema)": [[77, "abacusai.database_connector_schema.DatabaseConnectorSchema", false]], "dataconsistencyduplication (class in abacusai)": [[146, "abacusai.DataConsistencyDuplication", false]], "dataconsistencyduplication (class in abacusai.data_consistency_duplication)": [[69, "abacusai.data_consistency_duplication.DataConsistencyDuplication", false]], "dataframeresponsesection (class in abacusai)": [[146, "abacusai.DataframeResponseSection", false]], "dataframeresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.DataframeResponseSection", false]], "dataframeresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.DataframeResponseSection", false]], "datagenerationconfig (class in abacusai)": [[146, "abacusai.DataGenerationConfig", false]], "datagenerationconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DataGenerationConfig", false]], "datagenerationconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig", false]], "dataintegrityviolationconditionconfig (class in abacusai)": [[146, "abacusai.DataIntegrityViolationConditionConfig", false]], "dataintegrityviolationconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig", false]], "dataintegrityviolationconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig", false]], "dataintegrityviolationtype (class in abacusai)": [[146, "abacusai.DataIntegrityViolationType", false]], "dataintegrityviolationtype (class in abacusai.api_class)": [[27, "abacusai.api_class.DataIntegrityViolationType", false]], "dataintegrityviolationtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType", false]], "datametrics (class in abacusai)": [[146, "abacusai.DataMetrics", false]], "datametrics (class in abacusai.data_metrics)": [[70, "abacusai.data_metrics.DataMetrics", false]], "datanotfounderror": [[52, "abacusai.client.DataNotFoundError", false]], "datapreplogs (class in abacusai)": [[146, "abacusai.DataPrepLogs", false]], "datapreplogs (class in abacusai.data_prep_logs)": [[71, "abacusai.data_prep_logs.DataPrepLogs", false]], "dataqualityresults (class in abacusai)": [[146, "abacusai.DataQualityResults", false]], "dataqualityresults (class in abacusai.data_quality_results)": [[72, "abacusai.data_quality_results.DataQualityResults", false]], "dataset (class in abacusai)": [[146, "abacusai.Dataset", false]], "dataset (class in abacusai.dataset)": [[78, "abacusai.dataset.Dataset", false]], "dataset_errors (abacusai.project_validation.projectvalidation attribute)": [[219, "abacusai.project_validation.ProjectValidation.dataset_errors", false]], "dataset_errors (abacusai.projectvalidation attribute)": [[146, "abacusai.ProjectValidation.dataset_errors", false]], "dataset_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.DATASET_ID", false]], "dataset_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.DATASET_ID", false]], "dataset_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.DATASET_ID", false]], "dataset_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.DATASET_ID", false]], "dataset_id (abacusai.dataset attribute)": [[146, "abacusai.Dataset.dataset_id", false]], "dataset_id (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.dataset_id", false]], "dataset_id (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.dataset_id", false]], "dataset_id (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.dataset_id", false]], "dataset_id (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.dataset_id", false]], "dataset_id (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.dataset_id", false]], "dataset_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.dataset_id", false]], "dataset_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.dataset_id", false]], "dataset_id (abacusai.prediction_dataset.predictiondataset attribute)": [[207, "abacusai.prediction_dataset.PredictionDataset.dataset_id", false]], "dataset_id (abacusai.predictiondataset attribute)": [[146, "abacusai.PredictionDataset.dataset_id", false]], "dataset_id (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.dataset_id", false]], "dataset_id (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.dataset_id", false]], "dataset_id (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.DATASET_ID", false]], "dataset_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.DATASET_ID", false]], "dataset_id (abacusai.upload attribute)": [[146, "abacusai.Upload.dataset_id", false]], "dataset_id (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.dataset_id", false]], "dataset_id_remap (abacusai.prediction_input.predictioninput attribute)": [[209, "abacusai.prediction_input.PredictionInput.dataset_id_remap", false]], "dataset_id_remap (abacusai.predictioninput attribute)": [[146, "abacusai.PredictionInput.dataset_id_remap", false]], "dataset_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.dataset_ids", false]], "dataset_ids (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.dataset_ids", false]], "dataset_type (abacusai.prediction_dataset.predictiondataset attribute)": [[207, "abacusai.prediction_dataset.PredictionDataset.dataset_type", false]], "dataset_type (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.dataset_type", false]], "dataset_type (abacusai.predictiondataset attribute)": [[146, "abacusai.PredictionDataset.dataset_type", false]], "dataset_type (abacusai.predictionfeaturegroup attribute)": [[146, "abacusai.PredictionFeatureGroup.dataset_type", false]], "dataset_type (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.dataset_type", false]], "dataset_type (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.dataset_type", false]], "dataset_upload_id (abacusai.upload attribute)": [[146, "abacusai.Upload.dataset_upload_id", false]], "dataset_upload_id (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.dataset_upload_id", false]], "dataset_version (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.dataset_version", false]], "dataset_version (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.dataset_version", false]], "dataset_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.dataset_version", false]], "dataset_version (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.dataset_version", false]], "dataset_version (abacusai.prediction_dataset.predictiondataset attribute)": [[207, "abacusai.prediction_dataset.PredictionDataset.dataset_version", false]], "dataset_version (abacusai.predictiondataset attribute)": [[146, "abacusai.PredictionDataset.dataset_version", false]], "dataset_version (abacusai.upload attribute)": [[146, "abacusai.Upload.dataset_version", false]], "dataset_version (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.dataset_version", false]], "dataset_versions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.dataset_versions", false]], "dataset_versions (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.dataset_versions", false]], "datasetcolumn (class in abacusai)": [[146, "abacusai.DatasetColumn", false]], "datasetcolumn (class in abacusai.dataset_column)": [[79, "abacusai.dataset_column.DatasetColumn", false]], "datasetconfig (class in abacusai)": [[146, "abacusai.DatasetConfig", false]], "datasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DatasetConfig", false], [27, "id61", false], [27, "id68", false]], "datasetconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.DatasetConfig", false]], "datasetdocumentprocessingconfig (class in abacusai)": [[146, "abacusai.DatasetDocumentProcessingConfig", false]], "datasetdocumentprocessingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DatasetDocumentProcessingConfig", false], [27, "id70", false]], "datasetdocumentprocessingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.DatasetDocumentProcessingConfig", false]], "datasets (abacusai.prediction_input.predictioninput attribute)": [[209, "abacusai.prediction_input.PredictionInput.datasets", false]], "datasets (abacusai.predictioninput attribute)": [[146, "abacusai.PredictionInput.datasets", false]], "datasetversion (class in abacusai)": [[146, "abacusai.DatasetVersion", false]], "datasetversion (class in abacusai.dataset_version)": [[80, "abacusai.dataset_version.DatasetVersion", false]], "datasetversionlogs (class in abacusai)": [[146, "abacusai.DatasetVersionLogs", false]], "datasetversionlogs (class in abacusai.dataset_version_logs)": [[81, "abacusai.dataset_version_logs.DatasetVersionLogs", false]], "datatype (class in abacusai)": [[146, "abacusai.DataType", false]], "datatype (class in abacusai.api_class)": [[27, "abacusai.api_class.DataType", false]], "datatype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DataType", false]], "datauploadresult (class in abacusai)": [[146, "abacusai.DataUploadResult", false]], "datauploadresult (class in abacusai.data_upload_result)": [[73, "abacusai.data_upload_result.DataUploadResult", false]], "date (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.DATE", false]], "date (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.DATE", false]], "date (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.DATE", false]], "date (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.DATE", false]], "date (abacusai.datatype attribute)": [[146, "abacusai.DataType.DATE", false]], "date (abacusai.fielddescriptortype attribute)": [[146, "abacusai.FieldDescriptorType.DATE", false]], "date_labels (abacusai.deployment_statistics.deploymentstatistics attribute)": [[87, "abacusai.deployment_statistics.DeploymentStatistics.date_labels", false]], "date_labels (abacusai.deploymentstatistics attribute)": [[146, "abacusai.DeploymentStatistics.date_labels", false]], "date_published (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.date_published", false]], "date_published (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.date_published", false]], "datetime (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.DATETIME", false]], "datetime (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.DATETIME", false]], "datetime (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.DATETIME", false]], "datetime (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.DATETIME", false]], "datetime (abacusai.datatype attribute)": [[146, "abacusai.DataType.DATETIME", false]], "datetime (abacusai.fielddescriptortype attribute)": [[146, "abacusai.FieldDescriptorType.DATETIME", false]], "datetime_holiday_calendars (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.datetime_holiday_calendars", false]], "datetime_holiday_calendars (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.datetime_holiday_calendars", false]], "datetime_holiday_calendars (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.datetime_holiday_calendars", false]], "deepseek_r1 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.DEEPSEEK_R1", false]], "deepseek_r1 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.DEEPSEEK_R1", false]], "deepseek_r1 (abacusai.llmname attribute)": [[146, "abacusai.LLMName.DEEPSEEK_R1", false]], "deepseek_v3 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.DEEPSEEK_V3", false]], "deepseek_v3 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.DEEPSEEK_V3", false]], "deepseek_v3 (abacusai.llmname attribute)": [[146, "abacusai.LLMName.DEEPSEEK_V3", false]], "default (abacusai.agentinterface attribute)": [[146, "abacusai.AgentInterface.DEFAULT", false]], "default (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.DEFAULT", false]], "default (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.DEFAULT", false]], "default (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.DEFAULT", false]], "default (abacusai.api_class.enums.workflownodetemplatetype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeTemplateType.DEFAULT", false]], "default (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.DEFAULT", false], [27, "id115", false]], "default (abacusai.api_class.workflownodetemplatetype attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateType.DEFAULT", false]], "default (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs attribute)": [[62, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.default", false]], "default (abacusai.cpugpumemoryspecs attribute)": [[146, "abacusai.CpuGpuMemorySpecs.default", false]], "default (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.default", false]], "default (abacusai.generatedpitfeatureconfigoption attribute)": [[146, "abacusai.GeneratedPitFeatureConfigOption.default", false]], "default (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.DEFAULT", false]], "default (abacusai.prediction_dataset.predictiondataset attribute)": [[207, "abacusai.prediction_dataset.PredictionDataset.default", false]], "default (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.default", false]], "default (abacusai.predictiondataset attribute)": [[146, "abacusai.PredictionDataset.default", false]], "default (abacusai.predictionfeaturegroup attribute)": [[146, "abacusai.PredictionFeatureGroup.default", false]], "default (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.default", false]], "default (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.default", false]], "default (abacusai.workflownodetemplatetype attribute)": [[146, "abacusai.WorkflowNodeTemplateType.DEFAULT", false]], "default_algorithm (abacusai.model attribute)": [[146, "abacusai.Model.default_algorithm", false]], "default_algorithm (abacusai.model.model attribute)": [[161, "abacusai.model.Model.default_algorithm", false]], "default_algorithm (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.default_algorithm", false]], "default_algorithm (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.default_algorithm", false]], "default_group (abacusai.organization_group.organizationgroup attribute)": [[189, "abacusai.organization_group.OrganizationGroup.default_group", false]], "default_group (abacusai.organizationgroup attribute)": [[146, "abacusai.OrganizationGroup.default_group", false]], "default_items_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.default_items_upload_id", false]], "default_items_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.default_items_upload_id", false]], "default_labels (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.default_labels", false]], "default_labels (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.default_labels", false]], "default_message (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.default_message", false]], "default_message (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.default_message", false]], "default_prediction_arguments (abacusai.deployment attribute)": [[146, "abacusai.Deployment.default_prediction_arguments", false]], "default_prediction_arguments (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.default_prediction_arguments", false]], "default_server (in module abacusai.client)": [[52, "abacusai.client.DEFAULT_SERVER", false]], "default_value (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.default_value", false]], "default_value (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.default_value", false]], "default_value (abacusai.workflownodetemplateconfig attribute)": [[146, "abacusai.WorkflowNodeTemplateConfig.default_value", false]], "delete() (abacusai.api_key.apikey method)": [[37, "abacusai.api_key.ApiKey.delete", false]], "delete() (abacusai.apikey method)": [[146, "abacusai.ApiKey.delete", false]], "delete() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.delete", false]], "delete() (abacusai.applicationconnector method)": [[146, "abacusai.ApplicationConnector.delete", false]], "delete() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.delete", false]], "delete() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.delete", false]], "delete() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.delete", false]], "delete() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.delete", false]], "delete() (abacusai.dataset method)": [[146, "abacusai.Dataset.delete", false]], "delete() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.delete", false]], "delete() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.delete", false]], "delete() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.delete", false]], "delete() (abacusai.deployment method)": [[146, "abacusai.Deployment.delete", false]], "delete() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.delete", false]], "delete() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.delete", false]], "delete() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.delete", false]], "delete() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.delete", false]], "delete() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.delete", false]], "delete() (abacusai.eda method)": [[146, "abacusai.Eda.delete", false]], "delete() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.delete", false]], "delete() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.delete", false]], "delete() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.delete", false]], "delete() (abacusai.external_application.externalapplication method)": [[104, "abacusai.external_application.ExternalApplication.delete", false]], "delete() (abacusai.externalapplication method)": [[146, "abacusai.ExternalApplication.delete", false]], "delete() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.delete", false]], "delete() (abacusai.feature_group_template.featuregrouptemplate method)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.delete", false]], "delete() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.delete", false]], "delete() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.delete", false]], "delete() (abacusai.featuregrouptemplate method)": [[146, "abacusai.FeatureGroupTemplate.delete", false]], "delete() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.delete", false]], "delete() (abacusai.graph_dashboard.graphdashboard method)": [[140, "abacusai.graph_dashboard.GraphDashboard.delete", false]], "delete() (abacusai.graphdashboard method)": [[146, "abacusai.GraphDashboard.delete", false]], "delete() (abacusai.model method)": [[146, "abacusai.Model.delete", false]], "delete() (abacusai.model.model method)": [[161, "abacusai.model.Model.delete", false]], "delete() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.delete", false]], "delete() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.delete", false]], "delete() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.delete", false]], "delete() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.delete", false]], "delete() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.delete", false]], "delete() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.delete", false]], "delete() (abacusai.monitor_alert.monitoralert method)": [[179, "abacusai.monitor_alert.MonitorAlert.delete", false]], "delete() (abacusai.monitoralert method)": [[146, "abacusai.MonitorAlert.delete", false]], "delete() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.delete", false]], "delete() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.delete", false]], "delete() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.delete", false]], "delete() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.delete", false]], "delete() (abacusai.pipeline_step.pipelinestep method)": [[195, "abacusai.pipeline_step.PipelineStep.delete", false]], "delete() (abacusai.pipelinestep method)": [[146, "abacusai.PipelineStep.delete", false]], "delete() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.delete", false]], "delete() (abacusai.prediction_operator_version.predictionoperatorversion method)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.delete", false]], "delete() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.delete", false]], "delete() (abacusai.predictionoperatorversion method)": [[146, "abacusai.PredictionOperatorVersion.delete", false]], "delete() (abacusai.project method)": [[146, "abacusai.Project.delete", false]], "delete() (abacusai.project.project method)": [[214, "abacusai.project.Project.delete", false]], "delete() (abacusai.realtime_monitor.realtimemonitor method)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.delete", false]], "delete() (abacusai.realtimemonitor method)": [[146, "abacusai.RealtimeMonitor.delete", false]], "delete() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.delete", false]], "delete() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.delete", false]], "delete() (abacusai.streaming_connector.streamingconnector method)": [[236, "abacusai.streaming_connector.StreamingConnector.delete", false]], "delete() (abacusai.streamingconnector method)": [[146, "abacusai.StreamingConnector.delete", false]], "delete() (abacusai.webhook method)": [[146, "abacusai.Webhook.delete", false]], "delete() (abacusai.webhook.webhook method)": [[256, "abacusai.webhook.Webhook.delete", false]], "delete_algorithm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_algorithm", false]], "delete_algorithm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_algorithm", false]], "delete_api_key() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_api_key", false]], "delete_api_key() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_api_key", false]], "delete_app_user_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_app_user_group", false]], "delete_app_user_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_app_user_group", false]], "delete_application_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_application_connector", false]], "delete_application_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_application_connector", false]], "delete_batch_prediction() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_batch_prediction", false]], "delete_batch_prediction() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_batch_prediction", false]], "delete_chat_message() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_chat_message", false]], "delete_chat_message() (abacusai.chat_session.chatsession method)": [[48, "abacusai.chat_session.ChatSession.delete_chat_message", false]], "delete_chat_message() (abacusai.chatsession method)": [[146, "abacusai.ChatSession.delete_chat_message", false]], "delete_chat_message() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_chat_message", false]], "delete_custom_loss_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_custom_loss_function", false]], "delete_custom_loss_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_custom_loss_function", false]], "delete_custom_metric() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_custom_metric", false]], "delete_custom_metric() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_custom_metric", false]], "delete_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_data", false]], "delete_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_data", false]], "delete_data() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.delete_data", false]], "delete_data() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.delete_data", false]], "delete_database_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_database_connector", false]], "delete_database_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_database_connector", false]], "delete_dataset() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_dataset", false]], "delete_dataset() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_dataset", false]], "delete_dataset_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_dataset_version", false]], "delete_dataset_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_dataset_version", false]], "delete_deployment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_deployment", false]], "delete_deployment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_deployment", false]], "delete_deployment_conversation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_deployment_conversation", false]], "delete_deployment_conversation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_deployment_conversation", false]], "delete_deployment_token() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_deployment_token", false]], "delete_deployment_token() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_deployment_token", false]], "delete_document_retriever() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_document_retriever", false]], "delete_document_retriever() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_document_retriever", false]], "delete_document_retriever_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_document_retriever_version", false]], "delete_document_retriever_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_document_retriever_version", false]], "delete_eda() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_eda", false]], "delete_eda() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_eda", false]], "delete_eda_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_eda_version", false]], "delete_eda_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_eda_version", false]], "delete_external_application() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_external_application", false]], "delete_external_application() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_external_application", false]], "delete_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_feature", false]], "delete_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_feature", false]], "delete_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.delete_feature", false]], "delete_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.delete_feature", false]], "delete_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_feature_group", false]], "delete_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_feature_group", false]], "delete_feature_group_template() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_feature_group_template", false]], "delete_feature_group_template() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_feature_group_template", false]], "delete_feature_group_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_feature_group_version", false]], "delete_feature_group_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_feature_group_version", false]], "delete_file_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_file_connector", false]], "delete_file_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_file_connector", false]], "delete_graph_dashboard() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_graph_dashboard", false]], "delete_graph_dashboard() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_graph_dashboard", false]], "delete_graph_from_dashboard() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_graph_from_dashboard", false]], "delete_graph_from_dashboard() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_graph_from_dashboard", false]], "delete_item_embeddings() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_item_embeddings", false]], "delete_item_embeddings() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_item_embeddings", false]], "delete_item_embeddings() (abacusai.streaming_client.streamingclient method)": [[235, "abacusai.streaming_client.StreamingClient.delete_item_embeddings", false]], "delete_item_embeddings() (abacusai.streamingclient method)": [[146, "abacusai.StreamingClient.delete_item_embeddings", false]], "delete_model() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_model", false]], "delete_model() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_model", false]], "delete_model_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_model_monitor", false]], "delete_model_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_model_monitor", false]], "delete_model_monitor_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_model_monitor_version", false]], "delete_model_monitor_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_model_monitor_version", false]], "delete_model_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_model_version", false]], "delete_model_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_model_version", false]], "delete_module() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_module", false]], "delete_module() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_module", false]], "delete_monitor_alert() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_monitor_alert", false]], "delete_monitor_alert() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_monitor_alert", false]], "delete_nested_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_nested_feature", false]], "delete_nested_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_nested_feature", false]], "delete_nested_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.delete_nested_feature", false]], "delete_nested_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.delete_nested_feature", false]], "delete_organization_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_organization_group", false]], "delete_organization_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_organization_group", false]], "delete_organization_secret() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_organization_secret", false]], "delete_organization_secret() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_organization_secret", false]], "delete_pipeline() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_pipeline", false]], "delete_pipeline() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_pipeline", false]], "delete_pipeline_step() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_pipeline_step", false]], "delete_pipeline_step() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_pipeline_step", false]], "delete_point_in_time_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_point_in_time_group", false]], "delete_point_in_time_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_point_in_time_group", false]], "delete_point_in_time_group() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.delete_point_in_time_group", false]], "delete_point_in_time_group() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.delete_point_in_time_group", false]], "delete_prediction_operator() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_prediction_operator", false]], "delete_prediction_operator() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_prediction_operator", false]], "delete_prediction_operator_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_prediction_operator_version", false]], "delete_prediction_operator_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_prediction_operator_version", false]], "delete_project() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_project", false]], "delete_project() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_project", false]], "delete_python_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_python_function", false]], "delete_python_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_python_function", false]], "delete_realtime_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_realtime_monitor", false]], "delete_realtime_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_realtime_monitor", false]], "delete_refresh_policy() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_refresh_policy", false]], "delete_refresh_policy() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_refresh_policy", false]], "delete_scoped_cache_key() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_scoped_cache_key", false]], "delete_scoped_cache_key() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_scoped_cache_key", false]], "delete_streaming_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_streaming_connector", false]], "delete_streaming_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_streaming_connector", false]], "delete_streaming_token() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_streaming_token", false]], "delete_streaming_token() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_streaming_token", false]], "delete_webhook() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.delete_webhook", false]], "delete_webhook() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.delete_webhook", false]], "deletions (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.deletions", false]], "deletions (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.deletions", false]], "demographic_parity (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.DEMOGRAPHIC_PARITY", false]], "demographic_parity (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.DEMOGRAPHIC_PARITY", false]], "demographic_parity (abacusai.biastype attribute)": [[146, "abacusai.BiasType.DEMOGRAPHIC_PARITY", false]], "deploy() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.deploy", false]], "deploy() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.deploy", false]], "deploy_prediction_operator() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.deploy_prediction_operator", false]], "deploy_prediction_operator() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.deploy_prediction_operator", false]], "deployable (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.deployable", false]], "deployable (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.deployable", false]], "deployable_algorithms (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.deployable_algorithms", false]], "deployable_algorithms (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.deployable_algorithms", false]], "deployablealgorithm (class in abacusai)": [[146, "abacusai.DeployableAlgorithm", false]], "deployablealgorithm (class in abacusai.api_class)": [[27, "abacusai.api_class.DeployableAlgorithm", false]], "deployablealgorithm (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DeployableAlgorithm", false]], "deployed_at (abacusai.deployment attribute)": [[146, "abacusai.Deployment.deployed_at", false]], "deployed_at (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.deployed_at", false]], "deployment (class in abacusai)": [[146, "abacusai.Deployment", false]], "deployment (class in abacusai.deployment)": [[82, "abacusai.deployment.Deployment", false]], "deployment_conversation_id (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.agentdataexecutionresult attribute)": [[146, "abacusai.AgentDataExecutionResult.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.code_agent_response.codeagentresponse attribute)": [[53, "abacusai.code_agent_response.CodeAgentResponse.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.codeagentresponse attribute)": [[146, "abacusai.CodeAgentResponse.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deployment_conversation_export.deploymentconversationexport attribute)": [[86, "abacusai.deployment_conversation_export.DeploymentConversationExport.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deploymentconversationexport attribute)": [[146, "abacusai.DeploymentConversationExport.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.nlp_chat_response.nlpchatresponse attribute)": [[186, "abacusai.nlp_chat_response.NlpChatResponse.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.nlpchatresponse attribute)": [[146, "abacusai.NlpChatResponse.deployment_conversation_id", false]], "deployment_conversation_retention_hours (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.deployment_conversation_retention_hours", false]], "deployment_conversation_retention_hours (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.deployment_conversation_retention_hours", false]], "deployment_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.deployment_id", false]], "deployment_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.deployment_id", false]], "deployment_id (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.deployment_id", false]], "deployment_id (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.deployment_id", false]], "deployment_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.deployment_id", false]], "deployment_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.deployment_id", false]], "deployment_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.deployment_id", false]], "deployment_id (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.deployment_id", false]], "deployment_id (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.deployment_id", false]], "deployment_id (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.deployment_id", false]], "deployment_id (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.deployment_id", false]], "deployment_id (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.deployment_id", false]], "deployment_id (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.deployment_id", false]], "deployment_id (abacusai.featuregrouprowprocesslogs attribute)": [[146, "abacusai.FeatureGroupRowProcessLogs.deployment_id", false]], "deployment_id (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.deployment_id", false]], "deployment_id (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.deployment_id", false]], "deployment_id (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.deployment_id", false]], "deployment_id (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.deployment_id", false]], "deployment_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.deployment_id", false]], "deployment_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.deployment_id", false]], "deployment_id (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.realtime_monitor.realtimemonitor attribute)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.deployment_id", false]], "deployment_id (abacusai.realtimemonitor attribute)": [[146, "abacusai.RealtimeMonitor.deployment_id", false]], "deployment_id (abacusai.webhook attribute)": [[146, "abacusai.Webhook.deployment_id", false]], "deployment_id (abacusai.webhook.webhook attribute)": [[256, "abacusai.webhook.Webhook.deployment_id", false]], "deployment_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.deployment_ids", false]], "deployment_ids (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.deployment_ids", false]], "deployment_status (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.deployment_status", false]], "deployment_status (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.deployment_status", false]], "deployment_token (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[83, "abacusai.deployment_auth_token.DeploymentAuthToken.deployment_token", false]], "deployment_token (abacusai.deploymentauthtoken attribute)": [[146, "abacusai.DeploymentAuthToken.deployment_token", false]], "deployment_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.deployment_version", false]], "deployment_version (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.deployment_version", false]], "deployment_versions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.deployment_versions", false]], "deployment_versions (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.deployment_versions", false]], "deploymentauthtoken (class in abacusai)": [[146, "abacusai.DeploymentAuthToken", false]], "deploymentauthtoken (class in abacusai.deployment_auth_token)": [[83, "abacusai.deployment_auth_token.DeploymentAuthToken", false]], "deploymentconversation (class in abacusai)": [[146, "abacusai.DeploymentConversation", false]], "deploymentconversation (class in abacusai.deployment_conversation)": [[84, "abacusai.deployment_conversation.DeploymentConversation", false]], "deploymentconversationevent (class in abacusai)": [[146, "abacusai.DeploymentConversationEvent", false]], "deploymentconversationevent (class in abacusai.deployment_conversation_event)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent", false]], "deploymentconversationexport (class in abacusai)": [[146, "abacusai.DeploymentConversationExport", false]], "deploymentconversationexport (class in abacusai.deployment_conversation_export)": [[86, "abacusai.deployment_conversation_export.DeploymentConversationExport", false]], "deploymentconversationtype (class in abacusai)": [[146, "abacusai.DeploymentConversationType", false]], "deploymentconversationtype (class in abacusai.api_class)": [[27, "abacusai.api_class.DeploymentConversationType", false]], "deploymentconversationtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DeploymentConversationType", false]], "deploymentstatistics (class in abacusai)": [[146, "abacusai.DeploymentStatistics", false]], "deploymentstatistics (class in abacusai.deployment_statistics)": [[87, "abacusai.deployment_statistics.DeploymentStatistics", false]], "deprecated_enums() (in module abacusai)": [[146, "abacusai.deprecated_enums", false]], "deprecated_enums() (in module abacusai.api_class)": [[27, "abacusai.api_class.deprecated_enums", false]], "deprecated_enums() (in module abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.deprecated_enums", false]], "deprecated_keys (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.deprecated_keys", false]], "deprecated_keys (abacusai.abacusapi attribute)": [[146, "abacusai.AbacusApi.deprecated_keys", false]], "deprecated_keys (abacusai.address attribute)": [[146, "abacusai.Address.deprecated_keys", false]], "deprecated_keys (abacusai.address.address attribute)": [[1, "abacusai.address.Address.deprecated_keys", false]], "deprecated_keys (abacusai.agent attribute)": [[146, "abacusai.Agent.deprecated_keys", false]], "deprecated_keys (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.deprecated_keys", false]], "deprecated_keys (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.agent_conversation.agentconversation attribute)": [[4, "abacusai.agent_conversation.AgentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.deprecated_keys", false]], "deprecated_keys (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.deprecated_keys", false]], "deprecated_keys (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.agentconversation attribute)": [[146, "abacusai.AgentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.agentdatadocumentinfo attribute)": [[146, "abacusai.AgentDataDocumentInfo.deprecated_keys", false]], "deprecated_keys (abacusai.agentdataexecutionresult attribute)": [[146, "abacusai.AgentDataExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.deprecated_keys", false]], "deprecated_keys (abacusai.ai_building_task.aibuildingtask attribute)": [[8, "abacusai.ai_building_task.AiBuildingTask.deprecated_keys", false]], "deprecated_keys (abacusai.aibuildingtask attribute)": [[146, "abacusai.AiBuildingTask.deprecated_keys", false]], "deprecated_keys (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.deprecated_keys", false]], "deprecated_keys (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.deprecated_keys", false]], "deprecated_keys (abacusai.annotation attribute)": [[146, "abacusai.Annotation.deprecated_keys", false]], "deprecated_keys (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.deprecated_keys", false]], "deprecated_keys (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.deprecated_keys", false]], "deprecated_keys (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.deprecated_keys", false]], "deprecated_keys (abacusai.annotationconfig attribute)": [[146, "abacusai.AnnotationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.annotationdocument attribute)": [[146, "abacusai.AnnotationDocument.deprecated_keys", false]], "deprecated_keys (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.deprecated_keys", false]], "deprecated_keys (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.deprecated_keys", false]], "deprecated_keys (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.deprecated_keys", false]], "deprecated_keys (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.deprecated_keys", false]], "deprecated_keys (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.deprecated_keys", false]], "deprecated_keys (abacusai.apiendpoint attribute)": [[146, "abacusai.ApiEndpoint.deprecated_keys", false]], "deprecated_keys (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.deprecated_keys", false]], "deprecated_keys (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.deprecated_keys", false]], "deprecated_keys (abacusai.app_user_group_sign_in_token.appusergroupsignintoken attribute)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.deprecated_keys", false]], "deprecated_keys (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.deprecated_keys", false]], "deprecated_keys (abacusai.applicationconnector attribute)": [[146, "abacusai.ApplicationConnector.deprecated_keys", false]], "deprecated_keys (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.deprecated_keys", false]], "deprecated_keys (abacusai.appusergroupsignintoken attribute)": [[146, "abacusai.AppUserGroupSignInToken.deprecated_keys", false]], "deprecated_keys (abacusai.audio_gen_settings.audiogensettings attribute)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.audiogensettings attribute)": [[146, "abacusai.AudioGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.deprecated_keys", false]], "deprecated_keys (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.deprecated_keys", false]], "deprecated_keys (abacusai.batch_prediction_version_logs.batchpredictionversionlogs attribute)": [[44, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.deprecated_keys", false]], "deprecated_keys (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.deprecated_keys", false]], "deprecated_keys (abacusai.batchpredictionversionlogs attribute)": [[146, "abacusai.BatchPredictionVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.bot_info.botinfo attribute)": [[45, "abacusai.bot_info.BotInfo.deprecated_keys", false]], "deprecated_keys (abacusai.botinfo attribute)": [[146, "abacusai.BotInfo.deprecated_keys", false]], "deprecated_keys (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[46, "abacusai.categorical_range_violation.CategoricalRangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.categoricalrangeviolation attribute)": [[146, "abacusai.CategoricalRangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_computer.chatllmcomputer attribute)": [[49, "abacusai.chatllm_computer.ChatllmComputer.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_referral_invite.chatllmreferralinvite attribute)": [[50, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmcomputer attribute)": [[146, "abacusai.ChatllmComputer.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmreferralinvite attribute)": [[146, "abacusai.ChatllmReferralInvite.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.deprecated_keys", false]], "deprecated_keys (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.deprecated_keys", false]], "deprecated_keys (abacusai.code_agent_response.codeagentresponse attribute)": [[53, "abacusai.code_agent_response.CodeAgentResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[54, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_bot.codebot attribute)": [[55, "abacusai.code_bot.CodeBot.deprecated_keys", false]], "deprecated_keys (abacusai.code_edit.codeedit attribute)": [[56, "abacusai.code_edit.CodeEdit.deprecated_keys", false]], "deprecated_keys (abacusai.code_edit_response.codeeditresponse attribute)": [[57, "abacusai.code_edit_response.CodeEditResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_edits.codeedits attribute)": [[58, "abacusai.code_edits.CodeEdits.deprecated_keys", false]], "deprecated_keys (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.deprecated_keys", false]], "deprecated_keys (abacusai.codeagentresponse attribute)": [[146, "abacusai.CodeAgentResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codeautocompleteresponse attribute)": [[146, "abacusai.CodeAutocompleteResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codebot attribute)": [[146, "abacusai.CodeBot.deprecated_keys", false]], "deprecated_keys (abacusai.codeedit attribute)": [[146, "abacusai.CodeEdit.deprecated_keys", false]], "deprecated_keys (abacusai.codeeditresponse attribute)": [[146, "abacusai.CodeEditResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codeedits attribute)": [[146, "abacusai.CodeEdits.deprecated_keys", false]], "deprecated_keys (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.deprecated_keys", false]], "deprecated_keys (abacusai.compute_point_info.computepointinfo attribute)": [[60, "abacusai.compute_point_info.ComputePointInfo.deprecated_keys", false]], "deprecated_keys (abacusai.computepointinfo attribute)": [[146, "abacusai.ComputePointInfo.deprecated_keys", false]], "deprecated_keys (abacusai.concatenation_config.concatenationconfig attribute)": [[61, "abacusai.concatenation_config.ConcatenationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.concatenationconfig attribute)": [[146, "abacusai.ConcatenationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs attribute)": [[62, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.deprecated_keys", false]], "deprecated_keys (abacusai.cpugpumemoryspecs attribute)": [[146, "abacusai.CpuGpuMemorySpecs.deprecated_keys", false]], "deprecated_keys (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.custom_loss_function.customlossfunction attribute)": [[65, "abacusai.custom_loss_function.CustomLossFunction.deprecated_keys", false]], "deprecated_keys (abacusai.custom_metric.custommetric attribute)": [[66, "abacusai.custom_metric.CustomMetric.deprecated_keys", false]], "deprecated_keys (abacusai.custom_metric_version.custommetricversion attribute)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.deprecated_keys", false]], "deprecated_keys (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.deprecated_keys", false]], "deprecated_keys (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.customlossfunction attribute)": [[146, "abacusai.CustomLossFunction.deprecated_keys", false]], "deprecated_keys (abacusai.custommetric attribute)": [[146, "abacusai.CustomMetric.deprecated_keys", false]], "deprecated_keys (abacusai.custommetricversion attribute)": [[146, "abacusai.CustomMetricVersion.deprecated_keys", false]], "deprecated_keys (abacusai.customtrainfunctioninfo attribute)": [[146, "abacusai.CustomTrainFunctionInfo.deprecated_keys", false]], "deprecated_keys (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[69, "abacusai.data_consistency_duplication.DataConsistencyDuplication.deprecated_keys", false]], "deprecated_keys (abacusai.data_metrics.datametrics attribute)": [[70, "abacusai.data_metrics.DataMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.data_prep_logs.datapreplogs attribute)": [[71, "abacusai.data_prep_logs.DataPrepLogs.deprecated_keys", false]], "deprecated_keys (abacusai.data_quality_results.dataqualityresults attribute)": [[72, "abacusai.data_quality_results.DataQualityResults.deprecated_keys", false]], "deprecated_keys (abacusai.data_upload_result.datauploadresult attribute)": [[73, "abacusai.data_upload_result.DataUploadResult.deprecated_keys", false]], "deprecated_keys (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping attribute)": [[74, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.database_connector.databaseconnector attribute)": [[75, "abacusai.database_connector.DatabaseConnector.deprecated_keys", false]], "deprecated_keys (abacusai.database_connector_column.databaseconnectorcolumn attribute)": [[76, "abacusai.database_connector_column.DatabaseConnectorColumn.deprecated_keys", false]], "deprecated_keys (abacusai.database_connector_schema.databaseconnectorschema attribute)": [[77, "abacusai.database_connector_schema.DatabaseConnectorSchema.deprecated_keys", false]], "deprecated_keys (abacusai.databasecolumnfeaturemapping attribute)": [[146, "abacusai.DatabaseColumnFeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.databaseconnector attribute)": [[146, "abacusai.DatabaseConnector.deprecated_keys", false]], "deprecated_keys (abacusai.databaseconnectorcolumn attribute)": [[146, "abacusai.DatabaseConnectorColumn.deprecated_keys", false]], "deprecated_keys (abacusai.databaseconnectorschema attribute)": [[146, "abacusai.DatabaseConnectorSchema.deprecated_keys", false]], "deprecated_keys (abacusai.dataconsistencyduplication attribute)": [[146, "abacusai.DataConsistencyDuplication.deprecated_keys", false]], "deprecated_keys (abacusai.datametrics attribute)": [[146, "abacusai.DataMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.datapreplogs attribute)": [[146, "abacusai.DataPrepLogs.deprecated_keys", false]], "deprecated_keys (abacusai.dataqualityresults attribute)": [[146, "abacusai.DataQualityResults.deprecated_keys", false]], "deprecated_keys (abacusai.dataset attribute)": [[146, "abacusai.Dataset.deprecated_keys", false]], "deprecated_keys (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.deprecated_keys", false]], "deprecated_keys (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.deprecated_keys", false]], "deprecated_keys (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.deprecated_keys", false]], "deprecated_keys (abacusai.dataset_version_logs.datasetversionlogs attribute)": [[81, "abacusai.dataset_version_logs.DatasetVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.deprecated_keys", false]], "deprecated_keys (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.deprecated_keys", false]], "deprecated_keys (abacusai.datasetversionlogs attribute)": [[146, "abacusai.DatasetVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.datauploadresult attribute)": [[146, "abacusai.DataUploadResult.deprecated_keys", false]], "deprecated_keys (abacusai.deployment attribute)": [[146, "abacusai.Deployment.deprecated_keys", false]], "deprecated_keys (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[83, "abacusai.deployment_auth_token.DeploymentAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_conversation_export.deploymentconversationexport attribute)": [[86, "abacusai.deployment_conversation_export.DeploymentConversationExport.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_statistics.deploymentstatistics attribute)": [[87, "abacusai.deployment_statistics.DeploymentStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentauthtoken attribute)": [[146, "abacusai.DeploymentAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentconversationexport attribute)": [[146, "abacusai.DeploymentConversationExport.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentstatistics attribute)": [[146, "abacusai.DeploymentStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.deprecated_keys", false]], "deprecated_keys (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.deprecated_keys", false]], "deprecated_keys (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.deprecated_keys", false]], "deprecated_keys (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.deprecated_keys", false]], "deprecated_keys (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.deprecated_keys", false]], "deprecated_keys (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.deprecated_keys", false]], "deprecated_keys (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.deprecated_keys", false]], "deprecated_keys (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.deprecated_keys", false]], "deprecated_keys (abacusai.drift_distribution.driftdistribution attribute)": [[92, "abacusai.drift_distribution.DriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.drift_distributions.driftdistributions attribute)": [[93, "abacusai.drift_distributions.DriftDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.driftdistribution attribute)": [[146, "abacusai.DriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.driftdistributions attribute)": [[146, "abacusai.DriftDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.eda attribute)": [[146, "abacusai.Eda.deprecated_keys", false]], "deprecated_keys (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.deprecated_keys", false]], "deprecated_keys (abacusai.eda_chart_description.edachartdescription attribute)": [[95, "abacusai.eda_chart_description.EdaChartDescription.deprecated_keys", false]], "deprecated_keys (abacusai.eda_collinearity.edacollinearity attribute)": [[96, "abacusai.eda_collinearity.EdaCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.deprecated_keys", false]], "deprecated_keys (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.deprecated_keys", false]], "deprecated_keys (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[99, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.edachartdescription attribute)": [[146, "abacusai.EdaChartDescription.deprecated_keys", false]], "deprecated_keys (abacusai.edacollinearity attribute)": [[146, "abacusai.EdaCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.deprecated_keys", false]], "deprecated_keys (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.deprecated_keys", false]], "deprecated_keys (abacusai.edafeaturecollinearity attribute)": [[146, "abacusai.EdaFeatureCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.deprecated_keys", false]], "deprecated_keys (abacusai.executefeaturegroupoperation attribute)": [[146, "abacusai.ExecuteFeatureGroupOperation.deprecated_keys", false]], "deprecated_keys (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.external_invite.externalinvite attribute)": [[105, "abacusai.external_invite.ExternalInvite.deprecated_keys", false]], "deprecated_keys (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.externalinvite attribute)": [[146, "abacusai.ExternalInvite.deprecated_keys", false]], "deprecated_keys (abacusai.extracted_fields.extractedfields attribute)": [[106, "abacusai.extracted_fields.ExtractedFields.deprecated_keys", false]], "deprecated_keys (abacusai.extractedfields attribute)": [[146, "abacusai.ExtractedFields.deprecated_keys", false]], "deprecated_keys (abacusai.feature attribute)": [[146, "abacusai.Feature.deprecated_keys", false]], "deprecated_keys (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.deprecated_keys", false]], "deprecated_keys (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.deprecated_keys", false]], "deprecated_keys (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_document.featuregroupdocument attribute)": [[112, "abacusai.feature_group_document.FeatureGroupDocument.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl attribute)": [[115, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_lineage.featuregrouplineage attribute)": [[116, "abacusai.feature_group_lineage.FeatureGroupLineage.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row.featuregrouprow attribute)": [[118, "abacusai.feature_group_row.FeatureGroupRow.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions attribute)": [[123, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_version_logs.featuregroupversionlogs attribute)": [[125, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.feature_importance.featureimportance attribute)": [[126, "abacusai.feature_importance.FeatureImportance.deprecated_keys", false]], "deprecated_keys (abacusai.feature_mapping.featuremapping attribute)": [[127, "abacusai.feature_mapping.FeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[128, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.feature_record.featurerecord attribute)": [[129, "abacusai.feature_record.FeatureRecord.deprecated_keys", false]], "deprecated_keys (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.deprecated_keys", false]], "deprecated_keys (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupdocument attribute)": [[146, "abacusai.FeatureGroupDocument.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupexportdownloadurl attribute)": [[146, "abacusai.FeatureGroupExportDownloadUrl.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouplineage attribute)": [[146, "abacusai.FeatureGroupLineage.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprow attribute)": [[146, "abacusai.FeatureGroupRow.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprowprocesslogs attribute)": [[146, "abacusai.FeatureGroupRowProcessLogs.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprowprocesssummary attribute)": [[146, "abacusai.FeatureGroupRowProcessSummary.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouptemplatevariableoptions attribute)": [[146, "abacusai.FeatureGroupTemplateVariableOptions.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupversionlogs attribute)": [[146, "abacusai.FeatureGroupVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.featureimportance attribute)": [[146, "abacusai.FeatureImportance.deprecated_keys", false]], "deprecated_keys (abacusai.featuremapping attribute)": [[146, "abacusai.FeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.featureperformanceanalysis attribute)": [[146, "abacusai.FeaturePerformanceAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.featurerecord attribute)": [[146, "abacusai.FeatureRecord.deprecated_keys", false]], "deprecated_keys (abacusai.file_connector.fileconnector attribute)": [[130, "abacusai.file_connector.FileConnector.deprecated_keys", false]], "deprecated_keys (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[131, "abacusai.file_connector_instructions.FileConnectorInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.file_connector_verification.fileconnectorverification attribute)": [[132, "abacusai.file_connector_verification.FileConnectorVerification.deprecated_keys", false]], "deprecated_keys (abacusai.fileconnector attribute)": [[146, "abacusai.FileConnector.deprecated_keys", false]], "deprecated_keys (abacusai.fileconnectorinstructions attribute)": [[146, "abacusai.FileConnectorInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.fileconnectorverification attribute)": [[146, "abacusai.FileConnectorVerification.deprecated_keys", false]], "deprecated_keys (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.deprecated_keys", false]], "deprecated_keys (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.deprecated_keys", false]], "deprecated_keys (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.deprecated_keys", false]], "deprecated_keys (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis attribute)": [[135, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.deprecated_keys", false]], "deprecated_keys (abacusai.forecastingmonitoritemanalysis attribute)": [[146, "abacusai.ForecastingMonitorItemAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.function_logs.functionlogs attribute)": [[137, "abacusai.function_logs.FunctionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.functionlogs attribute)": [[146, "abacusai.FunctionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.deprecated_keys", false]], "deprecated_keys (abacusai.generatedpitfeatureconfigoption attribute)": [[146, "abacusai.GeneratedPitFeatureConfigOption.deprecated_keys", false]], "deprecated_keys (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.deprecated_keys", false]], "deprecated_keys (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.deprecated_keys", false]], "deprecated_keys (abacusai.holdout_analysis.holdoutanalysis attribute)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.deprecated_keys", false]], "deprecated_keys (abacusai.holdoutanalysis attribute)": [[146, "abacusai.HoldoutAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[143, "abacusai.hosted_model_token.HostedModelToken.deprecated_keys", false]], "deprecated_keys (abacusai.hostedmodeltoken attribute)": [[146, "abacusai.HostedModelToken.deprecated_keys", false]], "deprecated_keys (abacusai.hume_voice.humevoice attribute)": [[144, "abacusai.hume_voice.HumeVoice.deprecated_keys", false]], "deprecated_keys (abacusai.humevoice attribute)": [[146, "abacusai.HumeVoice.deprecated_keys", false]], "deprecated_keys (abacusai.image_gen_settings.imagegensettings attribute)": [[145, "abacusai.image_gen_settings.ImageGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.imagegensettings attribute)": [[146, "abacusai.ImageGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.indexing_config.indexingconfig attribute)": [[147, "abacusai.indexing_config.IndexingConfig.deprecated_keys", false]], "deprecated_keys (abacusai.indexingconfig attribute)": [[146, "abacusai.IndexingConfig.deprecated_keys", false]], "deprecated_keys (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings attribute)": [[148, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.inferred_feature_mappings.inferredfeaturemappings attribute)": [[149, "abacusai.inferred_feature_mappings.InferredFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.inferreddatabasecolumntofeaturemappings attribute)": [[146, "abacusai.InferredDatabaseColumnToFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.inferredfeaturemappings attribute)": [[146, "abacusai.InferredFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.deprecated_keys", false]], "deprecated_keys (abacusai.llm_code_block.llmcodeblock attribute)": [[152, "abacusai.llm_code_block.LlmCodeBlock.deprecated_keys", false]], "deprecated_keys (abacusai.llm_execution_preview.llmexecutionpreview attribute)": [[153, "abacusai.llm_execution_preview.LlmExecutionPreview.deprecated_keys", false]], "deprecated_keys (abacusai.llm_execution_result.llmexecutionresult attribute)": [[154, "abacusai.llm_execution_result.LlmExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.llm_generated_code.llmgeneratedcode attribute)": [[155, "abacusai.llm_generated_code.LlmGeneratedCode.deprecated_keys", false]], "deprecated_keys (abacusai.llm_input.llminput attribute)": [[156, "abacusai.llm_input.LlmInput.deprecated_keys", false]], "deprecated_keys (abacusai.llm_parameters.llmparameters attribute)": [[157, "abacusai.llm_parameters.LlmParameters.deprecated_keys", false]], "deprecated_keys (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.deprecated_keys", false]], "deprecated_keys (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.deprecated_keys", false]], "deprecated_keys (abacusai.llmcodeblock attribute)": [[146, "abacusai.LlmCodeBlock.deprecated_keys", false]], "deprecated_keys (abacusai.llmexecutionpreview attribute)": [[146, "abacusai.LlmExecutionPreview.deprecated_keys", false]], "deprecated_keys (abacusai.llmexecutionresult attribute)": [[146, "abacusai.LlmExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.llmgeneratedcode attribute)": [[146, "abacusai.LlmGeneratedCode.deprecated_keys", false]], "deprecated_keys (abacusai.llminput attribute)": [[146, "abacusai.LlmInput.deprecated_keys", false]], "deprecated_keys (abacusai.llmparameters attribute)": [[146, "abacusai.LlmParameters.deprecated_keys", false]], "deprecated_keys (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.deprecated_keys", false]], "deprecated_keys (abacusai.memory_options.memoryoptions attribute)": [[159, "abacusai.memory_options.MemoryOptions.deprecated_keys", false]], "deprecated_keys (abacusai.memoryoptions attribute)": [[146, "abacusai.MemoryOptions.deprecated_keys", false]], "deprecated_keys (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.deprecated_keys", false]], "deprecated_keys (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.deprecated_keys", false]], "deprecated_keys (abacusai.model attribute)": [[146, "abacusai.Model.deprecated_keys", false]], "deprecated_keys (abacusai.model.model attribute)": [[161, "abacusai.model.Model.deprecated_keys", false]], "deprecated_keys (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.deprecated_keys", false]], "deprecated_keys (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[163, "abacusai.model_blueprint_export.ModelBlueprintExport.deprecated_keys", false]], "deprecated_keys (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.deprecated_keys", false]], "deprecated_keys (abacusai.model_location.modellocation attribute)": [[165, "abacusai.model_location.ModelLocation.deprecated_keys", false]], "deprecated_keys (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg attribute)": [[170, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.deprecated_keys", false]], "deprecated_keys (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment attribute)": [[173, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.deprecated_keys", false]], "deprecated_keys (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.deprecated_keys", false]], "deprecated_keys (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.deprecated_keys", false]], "deprecated_keys (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[176, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.deprecated_keys", false]], "deprecated_keys (abacusai.modelblueprintexport attribute)": [[146, "abacusai.ModelBlueprintExport.deprecated_keys", false]], "deprecated_keys (abacusai.modelblueprintstage attribute)": [[146, "abacusai.ModelBlueprintStage.deprecated_keys", false]], "deprecated_keys (abacusai.modellocation attribute)": [[146, "abacusai.ModelLocation.deprecated_keys", false]], "deprecated_keys (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorsummary attribute)": [[146, "abacusai.ModelMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorsummaryfromorg attribute)": [[146, "abacusai.ModelMonitorSummaryFromOrg.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.deprecated_keys", false]], "deprecated_keys (abacusai.modeltrainingtypefordeployment attribute)": [[146, "abacusai.ModelTrainingTypeForDeployment.deprecated_keys", false]], "deprecated_keys (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.deprecated_keys", false]], "deprecated_keys (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.deprecated_keys", false]], "deprecated_keys (abacusai.modelversionfeaturegroupschema attribute)": [[146, "abacusai.ModelVersionFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.modification_lock_info.modificationlockinfo attribute)": [[177, "abacusai.modification_lock_info.ModificationLockInfo.deprecated_keys", false]], "deprecated_keys (abacusai.modificationlockinfo attribute)": [[146, "abacusai.ModificationLockInfo.deprecated_keys", false]], "deprecated_keys (abacusai.module attribute)": [[146, "abacusai.Module.deprecated_keys", false]], "deprecated_keys (abacusai.module.module attribute)": [[178, "abacusai.module.Module.deprecated_keys", false]], "deprecated_keys (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.deprecated_keys", false]], "deprecated_keys (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.deprecated_keys", false]], "deprecated_keys (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.deprecated_keys", false]], "deprecated_keys (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.deprecated_keys", false]], "deprecated_keys (abacusai.monitordriftanddistributions attribute)": [[146, "abacusai.MonitorDriftAndDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation.deprecated_keys", false]], "deprecated_keys (abacusai.naturallanguageexplanation attribute)": [[146, "abacusai.NaturalLanguageExplanation.deprecated_keys", false]], "deprecated_keys (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.deprecated_keys", false]], "deprecated_keys (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.deprecated_keys", false]], "deprecated_keys (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.deprecated_keys", false]], "deprecated_keys (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.deprecated_keys", false]], "deprecated_keys (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.nlp_chat_response.nlpchatresponse attribute)": [[186, "abacusai.nlp_chat_response.NlpChatResponse.deprecated_keys", false]], "deprecated_keys (abacusai.nlpchatresponse attribute)": [[146, "abacusai.NlpChatResponse.deprecated_keys", false]], "deprecated_keys (abacusai.null_violation.nullviolation attribute)": [[187, "abacusai.null_violation.NullViolation.deprecated_keys", false]], "deprecated_keys (abacusai.nullviolation attribute)": [[146, "abacusai.NullViolation.deprecated_keys", false]], "deprecated_keys (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.deprecated_keys", false]], "deprecated_keys (abacusai.organization_group.organizationgroup attribute)": [[189, "abacusai.organization_group.OrganizationGroup.deprecated_keys", false]], "deprecated_keys (abacusai.organization_search_result.organizationsearchresult attribute)": [[190, "abacusai.organization_search_result.OrganizationSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.organization_secret.organizationsecret attribute)": [[191, "abacusai.organization_secret.OrganizationSecret.deprecated_keys", false]], "deprecated_keys (abacusai.organizationexternalapplicationsettings attribute)": [[146, "abacusai.OrganizationExternalApplicationSettings.deprecated_keys", false]], "deprecated_keys (abacusai.organizationgroup attribute)": [[146, "abacusai.OrganizationGroup.deprecated_keys", false]], "deprecated_keys (abacusai.organizationsearchresult attribute)": [[146, "abacusai.OrganizationSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.organizationsecret attribute)": [[146, "abacusai.OrganizationSecret.deprecated_keys", false]], "deprecated_keys (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.deprecated_keys", false]], "deprecated_keys (abacusai.pagedata attribute)": [[146, "abacusai.PageData.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_version_logs.pipelineversionlogs attribute)": [[200, "abacusai.pipeline_version_logs.PipelineVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestepversionlogs attribute)": [[146, "abacusai.PipelineStepVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipelineversionlogs attribute)": [[146, "abacusai.PipelineVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.playground_text.playgroundtext attribute)": [[201, "abacusai.playground_text.PlaygroundText.deprecated_keys", false]], "deprecated_keys (abacusai.playgroundtext attribute)": [[146, "abacusai.PlaygroundText.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_feature_info.pointintimefeatureinfo attribute)": [[203, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimefeatureinfo attribute)": [[146, "abacusai.PointInTimeFeatureInfo.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimegroupfeature attribute)": [[146, "abacusai.PointInTimeGroupFeature.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_dataset.predictiondataset attribute)": [[207, "abacusai.prediction_dataset.PredictionDataset.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_input.predictioninput attribute)": [[209, "abacusai.prediction_input.PredictionInput.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_log_record.predictionlogrecord attribute)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.predictiondataset attribute)": [[146, "abacusai.PredictionDataset.deprecated_keys", false]], "deprecated_keys (abacusai.predictionfeaturegroup attribute)": [[146, "abacusai.PredictionFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.predictioninput attribute)": [[146, "abacusai.PredictionInput.deprecated_keys", false]], "deprecated_keys (abacusai.predictionlogrecord attribute)": [[146, "abacusai.PredictionLogRecord.deprecated_keys", false]], "deprecated_keys (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.deprecated_keys", false]], "deprecated_keys (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.problem_type.problemtype attribute)": [[213, "abacusai.problem_type.ProblemType.deprecated_keys", false]], "deprecated_keys (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.deprecated_keys", false]], "deprecated_keys (abacusai.project attribute)": [[146, "abacusai.Project.deprecated_keys", false]], "deprecated_keys (abacusai.project.project attribute)": [[214, "abacusai.project.Project.deprecated_keys", false]], "deprecated_keys (abacusai.project_config.projectconfig attribute)": [[215, "abacusai.project_config.ProjectConfig.deprecated_keys", false]], "deprecated_keys (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion attribute)": [[218, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.project_validation.projectvalidation attribute)": [[219, "abacusai.project_validation.ProjectValidation.deprecated_keys", false]], "deprecated_keys (abacusai.projectconfig attribute)": [[146, "abacusai.ProjectConfig.deprecated_keys", false]], "deprecated_keys (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.projectfeaturegroupschema attribute)": [[146, "abacusai.ProjectFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.projectfeaturegroupschemaversion attribute)": [[146, "abacusai.ProjectFeatureGroupSchemaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.projectvalidation attribute)": [[146, "abacusai.ProjectValidation.deprecated_keys", false]], "deprecated_keys (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.deprecated_keys", false]], "deprecated_keys (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.deprecated_keys", false]], "deprecated_keys (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.deprecated_keys", false]], "deprecated_keys (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.deprecated_keys", false]], "deprecated_keys (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.realtime_monitor.realtimemonitor attribute)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.realtimemonitor attribute)": [[146, "abacusai.RealtimeMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.deprecated_keys", false]], "deprecated_keys (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.deprecated_keys", false]], "deprecated_keys (abacusai.refresh_schedule.refreshschedule attribute)": [[227, "abacusai.refresh_schedule.RefreshSchedule.deprecated_keys", false]], "deprecated_keys (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.deprecated_keys", false]], "deprecated_keys (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.deprecated_keys", false]], "deprecated_keys (abacusai.refreshschedule attribute)": [[146, "abacusai.RefreshSchedule.deprecated_keys", false]], "deprecated_keys (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication attribute)": [[228, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.regeneratellmexternalapplication attribute)": [[146, "abacusai.RegenerateLlmExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.resolvedfeaturegrouptemplate attribute)": [[146, "abacusai.ResolvedFeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.deprecated_keys", false]], "deprecated_keys (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.deprecated_keys", false]], "deprecated_keys (abacusai.schema attribute)": [[146, "abacusai.Schema.deprecated_keys", false]], "deprecated_keys (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.deprecated_keys", false]], "deprecated_keys (abacusai.sftp_key.sftpkey attribute)": [[233, "abacusai.sftp_key.SftpKey.deprecated_keys", false]], "deprecated_keys (abacusai.sftpkey attribute)": [[146, "abacusai.SftpKey.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_auth_token.streamingauthtoken attribute)": [[234, "abacusai.streaming_auth_token.StreamingAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_connector.streamingconnector attribute)": [[236, "abacusai.streaming_connector.StreamingConnector.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_row_count.streamingrowcount attribute)": [[237, "abacusai.streaming_row_count.StreamingRowCount.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[238, "abacusai.streaming_sample_code.StreamingSampleCode.deprecated_keys", false]], "deprecated_keys (abacusai.streamingauthtoken attribute)": [[146, "abacusai.StreamingAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.streamingconnector attribute)": [[146, "abacusai.StreamingConnector.deprecated_keys", false]], "deprecated_keys (abacusai.streamingrowcount attribute)": [[146, "abacusai.StreamingRowCount.deprecated_keys", false]], "deprecated_keys (abacusai.streamingsamplecode attribute)": [[146, "abacusai.StreamingSampleCode.deprecated_keys", false]], "deprecated_keys (abacusai.template_node_details.templatenodedetails attribute)": [[239, "abacusai.template_node_details.TemplateNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.templatenodedetails attribute)": [[146, "abacusai.TemplateNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.test_point_predictions.testpointpredictions attribute)": [[240, "abacusai.test_point_predictions.TestPointPredictions.deprecated_keys", false]], "deprecated_keys (abacusai.testpointpredictions attribute)": [[146, "abacusai.TestPointPredictions.deprecated_keys", false]], "deprecated_keys (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.deprecated_keys", false]], "deprecated_keys (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.deprecated_keys", false]], "deprecated_keys (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.deprecated_keys", false]], "deprecated_keys (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.deprecated_keys", false]], "deprecated_keys (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.upload attribute)": [[146, "abacusai.Upload.deprecated_keys", false]], "deprecated_keys (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.deprecated_keys", false]], "deprecated_keys (abacusai.upload_part.uploadpart attribute)": [[245, "abacusai.upload_part.UploadPart.deprecated_keys", false]], "deprecated_keys (abacusai.uploadpart attribute)": [[146, "abacusai.UploadPart.deprecated_keys", false]], "deprecated_keys (abacusai.use_case.usecase attribute)": [[246, "abacusai.use_case.UseCase.deprecated_keys", false]], "deprecated_keys (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.deprecated_keys", false]], "deprecated_keys (abacusai.usecase attribute)": [[146, "abacusai.UseCase.deprecated_keys", false]], "deprecated_keys (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.deprecated_keys", false]], "deprecated_keys (abacusai.user attribute)": [[146, "abacusai.User.deprecated_keys", false]], "deprecated_keys (abacusai.user.user attribute)": [[248, "abacusai.user.User.deprecated_keys", false]], "deprecated_keys (abacusai.user_exception.userexception attribute)": [[249, "abacusai.user_exception.UserException.deprecated_keys", false]], "deprecated_keys (abacusai.userexception attribute)": [[146, "abacusai.UserException.deprecated_keys", false]], "deprecated_keys (abacusai.video_gen_settings.videogensettings attribute)": [[250, "abacusai.video_gen_settings.VideoGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.video_search_result.videosearchresult attribute)": [[251, "abacusai.video_search_result.VideoSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.videogensettings attribute)": [[146, "abacusai.VideoGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.videosearchresult attribute)": [[146, "abacusai.VideoSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.voice_gen_details.voicegendetails attribute)": [[252, "abacusai.voice_gen_details.VoiceGenDetails.deprecated_keys", false]], "deprecated_keys (abacusai.voicegendetails attribute)": [[146, "abacusai.VoiceGenDetails.deprecated_keys", false]], "deprecated_keys (abacusai.web_page_response.webpageresponse attribute)": [[253, "abacusai.web_page_response.WebPageResponse.deprecated_keys", false]], "deprecated_keys (abacusai.web_search_response.websearchresponse attribute)": [[254, "abacusai.web_search_response.WebSearchResponse.deprecated_keys", false]], "deprecated_keys (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.webhook attribute)": [[146, "abacusai.Webhook.deprecated_keys", false]], "deprecated_keys (abacusai.webhook.webhook attribute)": [[256, "abacusai.webhook.Webhook.deprecated_keys", false]], "deprecated_keys (abacusai.webpageresponse attribute)": [[146, "abacusai.WebPageResponse.deprecated_keys", false]], "deprecated_keys (abacusai.websearchresponse attribute)": [[146, "abacusai.WebSearchResponse.deprecated_keys", false]], "deprecated_keys (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.workflow_graph_node_details.workflowgraphnodedetails attribute)": [[257, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.workflowgraphnodedetails attribute)": [[146, "abacusai.WorkflowGraphNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.deprecated_keys", false]], "depth_column (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.depth_column", false]], "depth_column (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.depth_column", false]], "depth_column (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.depth_column", false]], "describe() (abacusai.agent method)": [[146, "abacusai.Agent.describe", false]], "describe() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.describe", false]], "describe() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.describe", false]], "describe() (abacusai.agentversion method)": [[146, "abacusai.AgentVersion.describe", false]], "describe() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.describe", false]], "describe() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.describe", false]], "describe() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.describe", false]], "describe() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.describe", false]], "describe() (abacusai.custom_metric_version.custommetricversion method)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.describe", false]], "describe() (abacusai.custommetricversion method)": [[146, "abacusai.CustomMetricVersion.describe", false]], "describe() (abacusai.dataset method)": [[146, "abacusai.Dataset.describe", false]], "describe() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.describe", false]], "describe() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.describe", false]], "describe() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.describe", false]], "describe() (abacusai.deployment method)": [[146, "abacusai.Deployment.describe", false]], "describe() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.describe", false]], "describe() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.describe", false]], "describe() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.describe", false]], "describe() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.describe", false]], "describe() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.describe", false]], "describe() (abacusai.eda method)": [[146, "abacusai.Eda.describe", false]], "describe() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.describe", false]], "describe() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.describe", false]], "describe() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.describe", false]], "describe() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.describe", false]], "describe() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.describe", false]], "describe() (abacusai.external_application.externalapplication method)": [[104, "abacusai.external_application.ExternalApplication.describe", false]], "describe() (abacusai.externalapplication method)": [[146, "abacusai.ExternalApplication.describe", false]], "describe() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.describe", false]], "describe() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.describe", false]], "describe() (abacusai.feature_group_template.featuregrouptemplate method)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.describe", false]], "describe() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.describe", false]], "describe() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.describe", false]], "describe() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.describe", false]], "describe() (abacusai.featuregrouptemplate method)": [[146, "abacusai.FeatureGroupTemplate.describe", false]], "describe() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.describe", false]], "describe() (abacusai.graph_dashboard.graphdashboard method)": [[140, "abacusai.graph_dashboard.GraphDashboard.describe", false]], "describe() (abacusai.graphdashboard method)": [[146, "abacusai.GraphDashboard.describe", false]], "describe() (abacusai.holdout_analysis.holdoutanalysis method)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.describe", false]], "describe() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.describe", false]], "describe() (abacusai.holdoutanalysis method)": [[146, "abacusai.HoldoutAnalysis.describe", false]], "describe() (abacusai.holdoutanalysisversion method)": [[146, "abacusai.HoldoutAnalysisVersion.describe", false]], "describe() (abacusai.model method)": [[146, "abacusai.Model.describe", false]], "describe() (abacusai.model.model method)": [[161, "abacusai.model.Model.describe", false]], "describe() (abacusai.model_artifacts_export.modelartifactsexport method)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.describe", false]], "describe() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.describe", false]], "describe() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.describe", false]], "describe() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.describe", false]], "describe() (abacusai.modelartifactsexport method)": [[146, "abacusai.ModelArtifactsExport.describe", false]], "describe() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.describe", false]], "describe() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.describe", false]], "describe() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.describe", false]], "describe() (abacusai.monitor_alert.monitoralert method)": [[179, "abacusai.monitor_alert.MonitorAlert.describe", false]], "describe() (abacusai.monitor_alert_version.monitoralertversion method)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.describe", false]], "describe() (abacusai.monitoralert method)": [[146, "abacusai.MonitorAlert.describe", false]], "describe() (abacusai.monitoralertversion method)": [[146, "abacusai.MonitorAlertVersion.describe", false]], "describe() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.describe", false]], "describe() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.describe", false]], "describe() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.describe", false]], "describe() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.describe", false]], "describe() (abacusai.pipeline_step.pipelinestep method)": [[195, "abacusai.pipeline_step.PipelineStep.describe", false]], "describe() (abacusai.pipeline_step_version.pipelinestepversion method)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.describe", false]], "describe() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.describe", false]], "describe() (abacusai.pipelinestep method)": [[146, "abacusai.PipelineStep.describe", false]], "describe() (abacusai.pipelinestepversion method)": [[146, "abacusai.PipelineStepVersion.describe", false]], "describe() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.describe", false]], "describe() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.describe", false]], "describe() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.describe", false]], "describe() (abacusai.project method)": [[146, "abacusai.Project.describe", false]], "describe() (abacusai.project.project method)": [[214, "abacusai.project.Project.describe", false]], "describe() (abacusai.realtime_monitor.realtimemonitor method)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.describe", false]], "describe() (abacusai.realtimemonitor method)": [[146, "abacusai.RealtimeMonitor.describe", false]], "describe() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.describe", false]], "describe() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.describe", false]], "describe() (abacusai.refreshpipelinerun method)": [[146, "abacusai.RefreshPipelineRun.describe", false]], "describe() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.describe", false]], "describe() (abacusai.upload method)": [[146, "abacusai.Upload.describe", false]], "describe() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.describe", false]], "describe() (abacusai.webhook method)": [[146, "abacusai.Webhook.describe", false]], "describe() (abacusai.webhook.webhook method)": [[256, "abacusai.webhook.Webhook.describe", false]], "describe_agent() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_agent", false]], "describe_agent() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_agent", false]], "describe_agent_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_agent_version", false]], "describe_agent_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_agent_version", false]], "describe_algorithm() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_algorithm", false]], "describe_algorithm() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_algorithm", false]], "describe_annotation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.describe_annotation", false]], "describe_annotation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.describe_annotation", false]], "describe_annotation() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.describe_annotation", false]], "describe_annotation() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.describe_annotation", false]], "describe_async_feature_group_operation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.describe_async_feature_group_operation", false]], "describe_async_feature_group_operation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.describe_async_feature_group_operation", false]], "describe_batch_prediction() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_batch_prediction", false]], "describe_batch_prediction() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_batch_prediction", false]], "describe_batch_prediction_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_batch_prediction_version", false]], "describe_batch_prediction_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_batch_prediction_version", false]], "describe_custom_loss_function() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_custom_loss_function", false]], "describe_custom_loss_function() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_custom_loss_function", false]], "describe_custom_metric() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_custom_metric", false]], "describe_custom_metric() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_custom_metric", false]], "describe_custom_metric_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_custom_metric_version", false]], "describe_custom_metric_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_custom_metric_version", false]], "describe_dataset() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_dataset", false]], "describe_dataset() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.describe_dataset", false]], "describe_dataset() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.describe_dataset", false]], "describe_dataset() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_dataset", false]], "describe_dataset_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_dataset_version", false]], "describe_dataset_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_dataset_version", false]], "describe_deployment() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_deployment", false]], "describe_deployment() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_deployment", false]], "describe_document_retriever() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_document_retriever", false]], "describe_document_retriever() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_document_retriever", false]], "describe_document_retriever_by_name() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_document_retriever_by_name", false]], "describe_document_retriever_by_name() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_document_retriever_by_name", false]], "describe_document_retriever_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_document_retriever_version", false]], "describe_document_retriever_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_document_retriever_version", false]], "describe_eda() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_eda", false]], "describe_eda() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_eda", false]], "describe_eda_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_eda_version", false]], "describe_eda_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_eda_version", false]], "describe_external_application() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_external_application", false]], "describe_external_application() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_external_application", false]], "describe_feature_group() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_feature_group", false]], "describe_feature_group() (abacusai.dataset method)": [[146, "abacusai.Dataset.describe_feature_group", false]], "describe_feature_group() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.describe_feature_group", false]], "describe_feature_group() (abacusai.project method)": [[146, "abacusai.Project.describe_feature_group", false]], "describe_feature_group() (abacusai.project.project method)": [[214, "abacusai.project.Project.describe_feature_group", false]], "describe_feature_group() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_feature_group", false]], "describe_feature_group_by_table_name() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_feature_group_by_table_name", false]], "describe_feature_group_by_table_name() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_feature_group_by_table_name", false]], "describe_feature_group_export() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_feature_group_export", false]], "describe_feature_group_export() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_feature_group_export", false]], "describe_feature_group_row_process_by_key() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.describe_feature_group_row_process_by_key", false]], "describe_feature_group_row_process_by_key() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.describe_feature_group_row_process_by_key", false]], "describe_feature_group_row_process_by_key() (abacusai.deployment method)": [[146, "abacusai.Deployment.describe_feature_group_row_process_by_key", false]], "describe_feature_group_row_process_by_key() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.describe_feature_group_row_process_by_key", false]], "describe_feature_group_template() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_feature_group_template", false]], "describe_feature_group_template() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_feature_group_template", false]], "describe_feature_group_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_feature_group_version", false]], "describe_feature_group_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_feature_group_version", false]], "describe_graph_dashboard() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_graph_dashboard", false]], "describe_graph_dashboard() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_graph_dashboard", false]], "describe_graph_for_dashboard() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_graph_for_dashboard", false]], "describe_graph_for_dashboard() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_graph_for_dashboard", false]], "describe_holdout_analysis() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_holdout_analysis", false]], "describe_holdout_analysis() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_holdout_analysis", false]], "describe_holdout_analysis_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_holdout_analysis_version", false]], "describe_holdout_analysis_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_holdout_analysis_version", false]], "describe_image() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.describe_image", false]], "describe_image() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.describe_image", false]], "describe_image() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.describe_image", false]], "describe_image() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.describe_image", false]], "describe_model() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_model", false]], "describe_model() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_model", false]], "describe_model_artifacts_export() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_model_artifacts_export", false]], "describe_model_artifacts_export() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_model_artifacts_export", false]], "describe_model_monitor() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_model_monitor", false]], "describe_model_monitor() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_model_monitor", false]], "describe_model_monitor_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_model_monitor_version", false]], "describe_model_monitor_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_model_monitor_version", false]], "describe_model_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_model_version", false]], "describe_model_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_model_version", false]], "describe_module() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_module", false]], "describe_module() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_module", false]], "describe_monitor_alert() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_monitor_alert", false]], "describe_monitor_alert() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_monitor_alert", false]], "describe_monitor_alert_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_monitor_alert_version", false]], "describe_monitor_alert_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_monitor_alert_version", false]], "describe_organization_group() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_organization_group", false]], "describe_organization_group() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_organization_group", false]], "describe_output_feature_group() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.describe_output_feature_group", false]], "describe_output_feature_group() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.describe_output_feature_group", false]], "describe_pipeline() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.describe_pipeline", false]], "describe_pipeline() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.describe_pipeline", false]], "describe_pipeline_by_name() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.describe_pipeline_by_name", false]], "describe_pipeline_by_name() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.describe_pipeline_by_name", false]], "describe_pipeline_step() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_pipeline_step", false]], "describe_pipeline_step() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_pipeline_step", false]], "describe_pipeline_step_by_name() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_pipeline_step_by_name", false]], "describe_pipeline_step_by_name() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_pipeline_step_by_name", false]], "describe_pipeline_step_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_pipeline_step_version", false]], "describe_pipeline_step_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_pipeline_step_version", false]], "describe_pipeline_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_pipeline_version", false]], "describe_pipeline_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_pipeline_version", false]], "describe_prediction_operator() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_prediction_operator", false]], "describe_prediction_operator() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_prediction_operator", false]], "describe_problem_type() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_problem_type", false]], "describe_problem_type() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_problem_type", false]], "describe_project() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_project", false]], "describe_project() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_project", false]], "describe_project_feature_group() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_project_feature_group", false]], "describe_project_feature_group() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_project_feature_group", false]], "describe_python_function() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_python_function", false]], "describe_python_function() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_python_function", false]], "describe_realtime_monitor() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_realtime_monitor", false]], "describe_realtime_monitor() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_realtime_monitor", false]], "describe_refresh_pipeline_run() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_refresh_pipeline_run", false]], "describe_refresh_pipeline_run() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_refresh_pipeline_run", false]], "describe_refresh_policy() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_refresh_policy", false]], "describe_refresh_policy() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_refresh_policy", false]], "describe_step_by_name() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.describe_step_by_name", false]], "describe_step_by_name() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.describe_step_by_name", false]], "describe_train_test_data_split_feature_group() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group() (abacusai.model method)": [[146, "abacusai.Model.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group() (abacusai.model.model method)": [[161, "abacusai.model.Model.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_train_test_data_split_feature_group_version", false]], "describe_train_test_data_split_feature_group_version() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.describe_train_test_data_split_feature_group_version", false]], "describe_train_test_data_split_feature_group_version() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.describe_train_test_data_split_feature_group_version", false]], "describe_train_test_data_split_feature_group_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_train_test_data_split_feature_group_version", false]], "describe_upload() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_upload", false]], "describe_upload() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_upload", false]], "describe_use_case_requirements() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_use_case_requirements", false]], "describe_use_case_requirements() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_use_case_requirements", false]], "describe_user() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_user", false]], "describe_user() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_user", false]], "describe_webhook() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.describe_webhook", false]], "describe_webhook() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.describe_webhook", false]], "description (abacusai.agent property)": [[146, "abacusai.Agent.description", false]], "description (abacusai.agent.agent property)": [[2, "abacusai.agent.Agent.description", false]], "description (abacusai.aiagenttrainingconfig attribute)": [[146, "abacusai.AIAgentTrainingConfig.description", false]], "description (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.description", false]], "description (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.description", false]], "description (abacusai.api_class.ai_agents.workflownodeoutputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.description", false]], "description (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.description", false]], "description (abacusai.api_class.ai_agents.workflownodetemplateinput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.description", false]], "description (abacusai.api_class.ai_agents.workflownodetemplateoutput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.description", false]], "description (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.description", false]], "description (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.description", false]], "description (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.description", false]], "description (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.description", false]], "description (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.description", false]], "description (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.description", false]], "description (abacusai.api_class.workflownodeoutputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.description", false]], "description (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.description", false]], "description (abacusai.api_class.workflownodetemplateinput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.description", false]], "description (abacusai.api_class.workflownodetemplateoutput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.description", false]], "description (abacusai.deployment attribute)": [[146, "abacusai.Deployment.description", false]], "description (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.description", false]], "description (abacusai.eda_chart_description.edachartdescription attribute)": [[95, "abacusai.eda_chart_description.EdaChartDescription.description", false]], "description (abacusai.edachartdescription attribute)": [[146, "abacusai.EdaChartDescription.description", false]], "description (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.description", false]], "description (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.description", false]], "description (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.description", false]], "description (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.description", false]], "description (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.description", false]], "description (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.description", false]], "description (abacusai.fielddescriptor attribute)": [[146, "abacusai.FieldDescriptor.description", false]], "description (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.description", false]], "description (abacusai.generatedpitfeatureconfigoption attribute)": [[146, "abacusai.GeneratedPitFeatureConfigOption.description", false]], "description (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.description", false]], "description (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.description", false]], "description (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.description", false]], "description (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.description", false]], "description (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.description", false]], "description (abacusai.modelblueprintstage attribute)": [[146, "abacusai.ModelBlueprintStage.description", false]], "description (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.description", false]], "description (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.description", false]], "description (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.description", false]], "description (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.description", false]], "description (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.description", false]], "description (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.description", false]], "description (abacusai.pythonfunctionargument attribute)": [[146, "abacusai.PythonFunctionArgument.description", false]], "description (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.description", false]], "description (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.description", false]], "description (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.description", false]], "description (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.description", false]], "description (abacusai.use_case.usecase attribute)": [[246, "abacusai.use_case.UseCase.description", false]], "description (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.description", false]], "description (abacusai.usecase attribute)": [[146, "abacusai.UseCase.description", false]], "description (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.description", false]], "description (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.description", false]], "description (abacusai.workflownodeinputmapping attribute)": [[146, "abacusai.WorkflowNodeInputMapping.description", false]], "description (abacusai.workflownodeoutputmapping attribute)": [[146, "abacusai.WorkflowNodeOutputMapping.description", false]], "description (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.description", false]], "description (abacusai.workflownodetemplateconfig attribute)": [[146, "abacusai.WorkflowNodeTemplateConfig.description", false]], "description (abacusai.workflownodetemplateinput attribute)": [[146, "abacusai.WorkflowNodeTemplateInput.description", false]], "description (abacusai.workflownodetemplateoutput attribute)": [[146, "abacusai.WorkflowNodeTemplateOutput.description", false]], "description_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.description_col", false]], "description_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.description_col", false]], "description_col (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.description_col", false]], "detach_feature_group_from_template() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.detach_feature_group_from_template", false]], "detach_feature_group_from_template() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.detach_feature_group_from_template", false]], "detach_from_template() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.detach_from_template", false]], "detach_from_template() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.detach_from_template", false]], "details (abacusai.api_class.ai_agents.workflowgraphedge attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.details", false]], "details (abacusai.api_class.workflowgraphedge attribute)": [[27, "abacusai.api_class.WorkflowGraphEdge.details", false]], "details (abacusai.workflowgraphedge attribute)": [[146, "abacusai.WorkflowGraphEdge.details", false]], "detected_data_type (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.detected_data_type", false]], "detected_data_type (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.detected_data_type", false]], "detected_data_type (abacusai.feature attribute)": [[146, "abacusai.Feature.detected_data_type", false]], "detected_data_type (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.detected_data_type", false]], "detected_data_type (abacusai.schema attribute)": [[146, "abacusai.Schema.detected_data_type", false]], "detected_data_type (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.detected_data_type", false]], "detected_feature_mapping (abacusai.schema attribute)": [[146, "abacusai.Schema.detected_feature_mapping", false]], "detected_feature_mapping (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.detected_feature_mapping", false]], "detected_feature_type (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.detected_feature_type", false]], "detected_feature_type (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.detected_feature_type", false]], "detected_feature_type (abacusai.feature attribute)": [[146, "abacusai.Feature.detected_feature_type", false]], "detected_feature_type (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.detected_feature_type", false]], "detected_feature_type (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.detected_feature_type", false]], "detected_feature_type (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.detected_feature_type", false]], "detected_feature_type (abacusai.schema attribute)": [[146, "abacusai.Schema.detected_feature_type", false]], "detected_feature_type (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.detected_feature_type", false]], "df (abacusai.api_class.dataframeresponsesection attribute)": [[27, "abacusai.api_class.DataframeResponseSection.df", false]], "df (abacusai.api_class.segments.dataframeresponsesection attribute)": [[34, "abacusai.api_class.segments.DataframeResponseSection.df", false]], "df (abacusai.dataframeresponsesection attribute)": [[146, "abacusai.DataframeResponseSection.df", false]], "dict (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.DICT", false]], "dict (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.DICT", false]], "dict (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.DICT", false]], "direct (abacusai.api_class.enums.forecastingquanitlesextensionmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod.DIRECT", false]], "direct (abacusai.api_class.forecastingquanitlesextensionmethod attribute)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod.DIRECT", false]], "direct (abacusai.forecastingquanitlesextensionmethod attribute)": [[146, "abacusai.ForecastingQuanitlesExtensionMethod.DIRECT", false]], "disable (abacusai.api_class.enums.timeseriesanomalyuseheuristic attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic.DISABLE", false]], "disable (abacusai.api_class.timeseriesanomalyuseheuristic attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic.DISABLE", false]], "disable (abacusai.timeseriesanomalyuseheuristic attribute)": [[146, "abacusai.TimeseriesAnomalyUseHeuristic.DISABLE", false]], "disable_data_summarization (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.disable_data_summarization", false]], "disable_data_summarization (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.disable_data_summarization", false]], "disable_data_summarization (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.disable_data_summarization", false]], "disable_gpu (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.disable_gpu", false]], "disable_gpu (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.disable_gpu", false]], "disable_gpu (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.disable_gpu", false]], "disable_host_restriction (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.disable_host_restriction", false]], "disable_host_restriction (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.disable_host_restriction", false]], "disable_host_restriction (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.disable_host_restriction", false]], "disable_networks_without_analytic_quantiles (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.disable_networks_without_analytic_quantiles", false]], "disable_networks_without_analytic_quantiles (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.disable_networks_without_analytic_quantiles", false]], "disable_networks_without_analytic_quantiles (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.disable_networks_without_analytic_quantiles", false]], "disable_problem_type_context (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.disable_problem_type_context", false]], "disable_problem_type_context (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.disable_problem_type_context", false]], "disable_problem_type_context (abacusai.hotkeyprompt attribute)": [[146, "abacusai.HotkeyPrompt.disable_problem_type_context", false]], "disable_test_val_fold (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.disable_test_val_fold", false]], "disable_test_val_fold (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.disable_test_val_fold", false]], "disable_test_val_fold (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.disable_test_val_fold", false]], "disable_timestamp_scalar_features (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.disable_timestamp_scalar_features", false]], "disable_timestamp_scalar_features (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.disable_timestamp_scalar_features", false]], "disable_timestamp_scalar_features (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.disable_timestamp_scalar_features", false]], "disable_transformer (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.disable_transformer", false]], "disable_transformer (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.disable_transformer", false]], "disable_transformer (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.disable_transformer", false]], "disclaimer (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.disclaimer", false]], "disclaimer (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.disclaimer", false]], "display_name (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.display_name", false]], "display_name (abacusai.generatedpitfeatureconfigoption attribute)": [[146, "abacusai.GeneratedPitFeatureConfigOption.display_name", false]], "display_name (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.display_name", false]], "display_name (abacusai.modelblueprintstage attribute)": [[146, "abacusai.ModelBlueprintStage.display_name", false]], "display_name (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.display_name", false]], "display_name (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.display_name", false]], "distance (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.distance", false]], "distance (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.distance", false]], "distance (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.distance", false]], "distance (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.distance", false]], "distance (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.distance", false]], "distance (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.distance", false]], "distribution (abacusai.drift_distribution.driftdistribution attribute)": [[92, "abacusai.drift_distribution.DriftDistribution.distribution", false]], "distribution (abacusai.driftdistribution attribute)": [[146, "abacusai.DriftDistribution.distribution", false]], "do_masked_language_model_pretraining (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.do_masked_language_model_pretraining", false]], "do_masked_language_model_pretraining (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.do_masked_language_model_pretraining", false]], "do_masked_language_model_pretraining (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.do_masked_language_model_pretraining", false]], "doc (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.DOC", false]], "doc (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.DOC", false]], "doc (abacusai.nlpdocumentformat attribute)": [[146, "abacusai.NLPDocumentFormat.DOC", false]], "doc_id (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.doc_id", false]], "doc_id (abacusai.agentdatadocumentinfo attribute)": [[146, "abacusai.AgentDataDocumentInfo.doc_id", false]], "doc_id (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.doc_id", false]], "doc_id (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.doc_id", false]], "doc_id (abacusai.annotationdocument attribute)": [[146, "abacusai.AnnotationDocument.doc_id", false]], "doc_id (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.doc_id", false]], "doc_id (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.DOC_ID", false]], "doc_id (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.doc_id", false]], "doc_id (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.doc_id", false]], "doc_id (abacusai.feature_group_document.featuregroupdocument attribute)": [[112, "abacusai.feature_group_document.FeatureGroupDocument.doc_id", false]], "doc_id (abacusai.featuregroupdocument attribute)": [[146, "abacusai.FeatureGroupDocument.doc_id", false]], "doc_id (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.doc_id", false]], "doc_id (abacusai.pagedata attribute)": [[146, "abacusai.PageData.doc_id", false]], "doc_id_column (abacusai.api_class.extractdocumentdataconfig attribute)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.doc_id_column", false]], "doc_id_column (abacusai.api_class.feature_group.extractdocumentdataconfig attribute)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.doc_id_column", false]], "doc_id_column (abacusai.extractdocumentdataconfig attribute)": [[146, "abacusai.ExtractDocumentDataConfig.doc_id_column", false]], "doc_ids (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.doc_ids", false]], "doc_ids (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.doc_ids", false]], "doc_ids (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.doc_ids", false]], "doc_ids (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.doc_ids", false]], "doc_infos (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.doc_infos", false]], "doc_infos (abacusai.agentdataexecutionresult attribute)": [[146, "abacusai.AgentDataExecutionResult.doc_infos", false]], "doc_infos (abacusai.data_upload_result.datauploadresult attribute)": [[73, "abacusai.data_upload_result.DataUploadResult.doc_infos", false]], "doc_infos (abacusai.datauploadresult attribute)": [[146, "abacusai.DataUploadResult.doc_infos", false]], "doc_infos (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.doc_infos", false]], "doc_infos (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.doc_infos", false]], "docker_image_uri (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.docker_image_uri", false]], "docker_image_uri (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.docker_image_uri", false]], "docker_image_uri (abacusai.customtrainedmodeltrainingconfig attribute)": [[146, "abacusai.CustomTrainedModelTrainingConfig.docker_image_uri", false]], "docstoreutils (class in abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.DocstoreUtils", false]], "docstring (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.docstring", false]], "docstring (abacusai.abacusapi attribute)": [[146, "abacusai.AbacusApi.docstring", false]], "document (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.document", false]], "document (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.document", false]], "document_classification (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.DOCUMENT_CLASSIFICATION", false]], "document_classification (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.DOCUMENT_CLASSIFICATION", false]], "document_classification (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.DOCUMENT_CLASSIFICATION", false]], "document_column (abacusai.api_class.extractdocumentdataconfig attribute)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.document_column", false]], "document_column (abacusai.api_class.feature_group.extractdocumentdataconfig attribute)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.document_column", false]], "document_column (abacusai.extractdocumentdataconfig attribute)": [[146, "abacusai.ExtractDocumentDataConfig.document_column", false]], "document_contents (abacusai.agentconversationmessage attribute)": [[146, "abacusai.AgentConversationMessage.document_contents", false]], "document_contents (abacusai.api_class.agentconversationmessage attribute)": [[27, "abacusai.api_class.AgentConversationMessage.document_contents", false]], "document_contents (abacusai.api_class.ai_agents.agentconversationmessage attribute)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.document_contents", false]], "document_format (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.document_format", false]], "document_format (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.document_format", false]], "document_format (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.document_format", false]], "document_processing_config (abacusai.api_class.applicationconnectordatasetconfig attribute)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig.document_processing_config", false]], "document_processing_config (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig.document_processing_config", false]], "document_processing_config (abacusai.api_class.extractdocumentdataconfig attribute)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.document_processing_config", false]], "document_processing_config (abacusai.api_class.feature_group.extractdocumentdataconfig attribute)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.document_processing_config", false]], "document_processing_config (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.DOCUMENT_PROCESSING_CONFIG", false]], "document_processing_config (abacusai.applicationconnectordatasetconfig attribute)": [[146, "abacusai.ApplicationConnectorDatasetConfig.document_processing_config", false]], "document_processing_config (abacusai.dataset attribute)": [[146, "abacusai.Dataset.document_processing_config", false]], "document_processing_config (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.document_processing_config", false]], "document_processing_config (abacusai.extractdocumentdataconfig attribute)": [[146, "abacusai.ExtractDocumentDataConfig.document_processing_config", false]], "document_processing_version (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.DOCUMENT_PROCESSING_VERSION", false]], "document_retriever_config (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.document_retriever_config", false]], "document_retriever_config (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.document_retriever_config", false]], "document_retriever_config (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.document_retriever_config", false]], "document_retriever_config (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.document_retriever_config", false]], "document_retriever_id (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.document_retriever_id", false]], "document_retriever_id (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.document_retriever_id", false]], "document_retriever_id (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.document_retriever_id", false]], "document_retriever_id (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.document_retriever_id", false]], "document_retriever_ids (abacusai.model attribute)": [[146, "abacusai.Model.document_retriever_ids", false]], "document_retriever_ids (abacusai.model.model attribute)": [[161, "abacusai.model.Model.document_retriever_ids", false]], "document_retriever_mappings (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.document_retriever_mappings", false]], "document_retriever_mappings (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.document_retriever_mappings", false]], "document_retriever_version (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.document_retriever_version", false]], "document_retriever_version (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.document_retriever_version", false]], "document_retrievers (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.document_retrievers", false]], "document_retrievers (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.document_retrievers", false]], "document_retrievers (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.document_retrievers", false]], "document_retrievers (abacusai.model attribute)": [[146, "abacusai.Model.document_retrievers", false]], "document_retrievers (abacusai.model.model attribute)": [[161, "abacusai.model.Model.document_retrievers", false]], "document_source (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.document_source", false]], "document_source (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.document_source", false]], "document_summarization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.DOCUMENT_SUMMARIZATION", false]], "document_summarization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.DOCUMENT_SUMMARIZATION", false]], "document_summarization (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.DOCUMENT_SUMMARIZATION", false]], "document_type (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.document_type", false]], "document_type (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.document_type", false], [27, "id154", false]], "document_type (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.document_type", false]], "document_visualization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.DOCUMENT_VISUALIZATION", false]], "document_visualization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.DOCUMENT_VISUALIZATION", false]], "document_visualization (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.DOCUMENT_VISUALIZATION", false]], "documentation_char_limit (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.documentation_char_limit", false]], "documentation_char_limit (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.documentation_char_limit", false]], "documentation_char_limit (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.documentation_char_limit", false]], "documentclassificationtrainingconfig (class in abacusai)": [[146, "abacusai.DocumentClassificationTrainingConfig", false]], "documentclassificationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig", false]], "documentclassificationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig", false]], "documentdata (class in abacusai)": [[146, "abacusai.DocumentData", false]], "documentdata (class in abacusai.document_data)": [[88, "abacusai.document_data.DocumentData", false]], "documentprocessingconfig (class in abacusai)": [[146, "abacusai.DocumentProcessingConfig", false]], "documentprocessingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentProcessingConfig", false], [27, "id153", false]], "documentprocessingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig", false]], "documentretriever (class in abacusai)": [[146, "abacusai.DocumentRetriever", false]], "documentretriever (class in abacusai.document_retriever)": [[89, "abacusai.document_retriever.DocumentRetriever", false]], "documentretrieverconfig (in module abacusai)": [[146, "abacusai.DocumentRetrieverConfig", false]], "documentretrieverconfig (in module abacusai.api_class)": [[27, "abacusai.api_class.DocumentRetrieverConfig", false]], "documentretrieverconfig (in module abacusai.api_class.document_retriever)": [[24, "abacusai.api_class.document_retriever.DocumentRetrieverConfig", false]], "documentretrieverlookupresult (class in abacusai)": [[146, "abacusai.DocumentRetrieverLookupResult", false]], "documentretrieverlookupresult (class in abacusai.document_retriever_lookup_result)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult", false]], "documentretrieverversion (class in abacusai)": [[146, "abacusai.DocumentRetrieverVersion", false]], "documentretrieverversion (class in abacusai.document_retriever_version)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion", false]], "documentsummarizationtrainingconfig (class in abacusai)": [[146, "abacusai.DocumentSummarizationTrainingConfig", false]], "documentsummarizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig", false]], "documentsummarizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig", false]], "documenttype (class in abacusai)": [[146, "abacusai.DocumentType", false]], "documenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentType", false], [27, "id127", false]], "documenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DocumentType", false]], "documentvisualizationtrainingconfig (class in abacusai)": [[146, "abacusai.DocumentVisualizationTrainingConfig", false]], "documentvisualizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig", false]], "documentvisualizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig", false]], "docx (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.DOCX", false]], "docx (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.DOCX", false]], "docx (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.DOCX", false]], "done (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.done", false]], "done (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.done", false]], "download_agent_attachment() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.download_agent_attachment", false]], "download_agent_attachment() (abacusai.deployment method)": [[146, "abacusai.Deployment.download_agent_attachment", false]], "download_agent_attachment() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.download_agent_attachment", false]], "download_agent_attachment() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.download_agent_attachment", false]], "download_batch_prediction_result_chunk() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.download_batch_prediction_result_chunk", false]], "download_batch_prediction_result_chunk() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.download_batch_prediction_result_chunk", false]], "download_batch_prediction_result_chunk() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.download_batch_prediction_result_chunk", false]], "download_batch_prediction_result_chunk() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.download_batch_prediction_result_chunk", false]], "download_execute_feature_group_operation_result_part_chunk() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.download_execute_feature_group_operation_result_part_chunk", false]], "download_execute_feature_group_operation_result_part_chunk() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.download_execute_feature_group_operation_result_part_chunk", false]], "download_result_to_file() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.download_result_to_file", false]], "download_result_to_file() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.download_result_to_file", false]], "download_url (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl attribute)": [[115, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.download_url", false]], "download_url (abacusai.featuregroupexportdownloadurl attribute)": [[146, "abacusai.FeatureGroupExportDownloadUrl.download_url", false]], "downsample_item_popularity_percentile (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.downsample_item_popularity_percentile", false]], "downsample_item_popularity_percentile (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.downsample_item_popularity_percentile", false]], "downsample_item_popularity_percentile (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.downsample_item_popularity_percentile", false]], "draft_workflow_graph (abacusai.agent attribute)": [[146, "abacusai.Agent.draft_workflow_graph", false]], "draft_workflow_graph (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.draft_workflow_graph", false]], "drift_monitor_error (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.drift_monitor_error", false]], "drift_monitor_error (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.drift_monitor_error", false]], "drift_monitor_status (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.drift_monitor_status", false]], "drift_monitor_status (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.drift_monitor_status", false]], "drift_type (abacusai.api_class.monitor_alert.monitorthresholdconfig attribute)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.drift_type", false]], "drift_type (abacusai.api_class.monitorthresholdconfig attribute)": [[27, "abacusai.api_class.MonitorThresholdConfig.drift_type", false]], "drift_type (abacusai.monitorthresholdconfig attribute)": [[146, "abacusai.MonitorThresholdConfig.drift_type", false]], "driftdistribution (class in abacusai)": [[146, "abacusai.DriftDistribution", false]], "driftdistribution (class in abacusai.drift_distribution)": [[92, "abacusai.drift_distribution.DriftDistribution", false]], "driftdistributions (class in abacusai)": [[146, "abacusai.DriftDistributions", false]], "driftdistributions (class in abacusai.drift_distributions)": [[93, "abacusai.drift_distributions.DriftDistributions", false]], "drop_non_intersecting_columns (abacusai.api_class.feature_group.uniontransformconfig attribute)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig.drop_non_intersecting_columns", false]], "drop_non_intersecting_columns (abacusai.api_class.uniontransformconfig attribute)": [[27, "abacusai.api_class.UnionTransformConfig.drop_non_intersecting_columns", false]], "drop_non_intersecting_columns (abacusai.uniontransformconfig attribute)": [[146, "abacusai.UnionTransformConfig.drop_non_intersecting_columns", false]], "drop_original_categoricals (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.drop_original_categoricals", false]], "drop_original_categoricals (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.drop_original_categoricals", false]], "drop_original_categoricals (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.drop_original_categoricals", false]], "dropout_rate (abacusai.api_class.documentsummarizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.documentvisualizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.documentsummarizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.documentvisualizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.sentenceboundarydetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.documentsummarizationtrainingconfig attribute)": [[146, "abacusai.DocumentSummarizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.documentvisualizationtrainingconfig attribute)": [[146, "abacusai.DocumentVisualizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.sentenceboundarydetectiontrainingconfig attribute)": [[146, "abacusai.SentenceBoundaryDetectionTrainingConfig.dropout_rate", false]], "duplicate_features (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.duplicate_features", false]], "duplicate_features (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.projectfeaturegroupschema attribute)": [[146, "abacusai.ProjectFeatureGroupSchema.duplicate_features", false]], "e5 (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.E5", false]], "e5 (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.E5", false], [27, "id106", false]], "e5 (abacusai.vectorstoretextencoder attribute)": [[146, "abacusai.VectorStoreTextEncoder.E5", false]], "e5_small (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.E5_SMALL", false]], "e5_small (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.E5_SMALL", false], [27, "id111", false]], "e5_small (abacusai.vectorstoretextencoder attribute)": [[146, "abacusai.VectorStoreTextEncoder.E5_SMALL", false]], "ebm_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.EBM_EXPLAINER", false]], "ebm_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.EBM_EXPLAINER", false]], "ebm_explainer (abacusai.explainertype attribute)": [[146, "abacusai.ExplainerType.EBM_EXPLAINER", false]], "ebm_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[126, "abacusai.feature_importance.FeatureImportance.ebm_feature_importance", false]], "ebm_feature_importance (abacusai.featureimportance attribute)": [[146, "abacusai.FeatureImportance.ebm_feature_importance", false]], "eda (class in abacusai)": [[146, "abacusai.Eda", false]], "eda (class in abacusai.eda)": [[94, "abacusai.eda.Eda", false]], "eda_completed_at (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.eda_completed_at", false]], "eda_completed_at (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.eda_completed_at", false]], "eda_configs (abacusai.eda attribute)": [[146, "abacusai.Eda.eda_configs", false]], "eda_configs (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.eda_configs", false]], "eda_configs (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.eda_configs", false]], "eda_configs (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.eda_configs", false]], "eda_configs (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.eda_configs", false]], "eda_configs (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.eda_configs", false]], "eda_id (abacusai.eda attribute)": [[146, "abacusai.Eda.eda_id", false]], "eda_id (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.eda_id", false]], "eda_id (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.eda_id", false]], "eda_id (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.eda_id", false]], "eda_started_at (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.eda_started_at", false]], "eda_started_at (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.eda_started_at", false]], "eda_version (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.eda_version", false]], "eda_version (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.eda_version", false]], "edachartdescription (class in abacusai)": [[146, "abacusai.EdaChartDescription", false]], "edachartdescription (class in abacusai.eda_chart_description)": [[95, "abacusai.eda_chart_description.EdaChartDescription", false]], "edacollinearity (class in abacusai)": [[146, "abacusai.EdaCollinearity", false]], "edacollinearity (class in abacusai.eda_collinearity)": [[96, "abacusai.eda_collinearity.EdaCollinearity", false]], "edadataconsistency (class in abacusai)": [[146, "abacusai.EdaDataConsistency", false]], "edadataconsistency (class in abacusai.eda_data_consistency)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency", false]], "edafeatureassociation (class in abacusai)": [[146, "abacusai.EdaFeatureAssociation", false]], "edafeatureassociation (class in abacusai.eda_feature_association)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation", false]], "edafeaturecollinearity (class in abacusai)": [[146, "abacusai.EdaFeatureCollinearity", false]], "edafeaturecollinearity (class in abacusai.eda_feature_collinearity)": [[99, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity", false]], "edaforecastinganalysis (class in abacusai)": [[146, "abacusai.EdaForecastingAnalysis", false]], "edaforecastinganalysis (class in abacusai.eda_forecasting_analysis)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis", false]], "edaversion (class in abacusai)": [[146, "abacusai.EdaVersion", false]], "edaversion (class in abacusai.eda_version)": [[101, "abacusai.eda_version.EdaVersion", false]], "edges (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.edges", false]], "edges (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.edges", false]], "edges (abacusai.workflowgraph attribute)": [[146, "abacusai.WorkflowGraph.edges", false]], "email (abacusai.alertactiontype attribute)": [[146, "abacusai.AlertActionType.EMAIL", false]], "email (abacusai.api_class.alertactiontype attribute)": [[27, "abacusai.api_class.AlertActionType.EMAIL", false]], "email (abacusai.api_class.enums.alertactiontype attribute)": [[25, "abacusai.api_class.enums.AlertActionType.EMAIL", false]], "email (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.email", false]], "email (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.email", false]], "email (abacusai.user attribute)": [[146, "abacusai.User.email", false]], "email (abacusai.user.user attribute)": [[248, "abacusai.user.User.email", false]], "email_body (abacusai.api_class.emailactionconfig attribute)": [[27, "abacusai.api_class.EmailActionConfig.email_body", false]], "email_body (abacusai.api_class.monitor_alert.emailactionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig.email_body", false]], "email_body (abacusai.emailactionconfig attribute)": [[146, "abacusai.EmailActionConfig.email_body", false]], "email_recipients (abacusai.api_class.emailactionconfig attribute)": [[27, "abacusai.api_class.EmailActionConfig.email_recipients", false]], "email_recipients (abacusai.api_class.monitor_alert.emailactionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig.email_recipients", false]], "email_recipients (abacusai.emailactionconfig attribute)": [[146, "abacusai.EmailActionConfig.email_recipients", false]], "emailactionconfig (class in abacusai)": [[146, "abacusai.EmailActionConfig", false]], "emailactionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.EmailActionConfig", false]], "emailactionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig", false]], "embed_url (abacusai.video_search_result.videosearchresult attribute)": [[251, "abacusai.video_search_result.VideoSearchResult.embed_url", false]], "embed_url (abacusai.videosearchresult attribute)": [[146, "abacusai.VideoSearchResult.embed_url", false]], "embedded_images (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.EMBEDDED_IMAGES", false], [27, "id131", false]], "embedded_images (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.EMBEDDED_IMAGES", false]], "embedded_images (abacusai.documenttype attribute)": [[146, "abacusai.DocumentType.EMBEDDED_IMAGES", false]], "embedded_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.EMBEDDED_TEXT", false]], "embedded_text (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.embedded_text", false]], "embedded_text (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.embedded_text", false]], "embedded_text (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.embedded_text", false]], "embedded_text (abacusai.pagedata attribute)": [[146, "abacusai.PageData.embedded_text", false]], "embedding_file_size (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.embedding_file_size", false]], "embedding_file_size (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.embedding_file_size", false]], "embeddingfeaturedriftdistribution (class in abacusai)": [[146, "abacusai.EmbeddingFeatureDriftDistribution", false]], "embeddingfeaturedriftdistribution (class in abacusai.embedding_feature_drift_distribution)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution", false]], "embeddings_distribution (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.embeddings_distribution", false]], "embeddings_distribution (abacusai.monitordriftanddistributions attribute)": [[146, "abacusai.MonitorDriftAndDistributions.embeddings_distribution", false]], "embeddings_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.embeddings_upload_id", false]], "embeddings_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.embeddings_upload_id", false]], "eml (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.EML", false]], "eml (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.EML", false]], "eml (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.EML", false]], "emotion (abacusai.api_class.enums.sentimenttype attribute)": [[25, "abacusai.api_class.enums.SentimentType.EMOTION", false]], "emotion (abacusai.api_class.sentimenttype attribute)": [[27, "abacusai.api_class.SentimentType.EMOTION", false]], "emotion (abacusai.sentimenttype attribute)": [[146, "abacusai.SentimentType.EMOTION", false]], "enable (abacusai.api_class.enums.timeseriesanomalyuseheuristic attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic.ENABLE", false]], "enable (abacusai.api_class.timeseriesanomalyuseheuristic attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic.ENABLE", false]], "enable (abacusai.timeseriesanomalyuseheuristic attribute)": [[146, "abacusai.TimeseriesAnomalyUseHeuristic.ENABLE", false]], "enable_binary_input (abacusai.aiagenttrainingconfig attribute)": [[146, "abacusai.AIAgentTrainingConfig.enable_binary_input", false]], "enable_binary_input (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.enable_binary_input", false]], "enable_binary_input (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.enable_binary_input", false]], "enable_clustering (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_clustering", false]], "enable_clustering (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_clustering", false]], "enable_clustering (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.enable_clustering", false]], "enable_code_execution (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_code_execution", false]], "enable_code_execution (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_code_execution", false]], "enable_code_execution (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.enable_code_execution", false]], "enable_code_execution (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_code_execution", false]], "enable_code_execution (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.enable_code_execution", false]], "enable_cold_start (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_cold_start", false]], "enable_cold_start (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_cold_start", false]], "enable_cold_start (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.enable_cold_start", false]], "enable_email_alerts (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.enable_email_alerts", false]], "enable_email_alerts (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.enable_email_alerts", false]], "enable_feature_selection (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_feature_selection", false]], "enable_feature_selection (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_feature_selection", false]], "enable_feature_selection (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.enable_feature_selection", false]], "enable_image_generation (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_image_generation", false]], "enable_image_generation (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.enable_image_generation", false]], "enable_inline_source_citations (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_inline_source_citations", false]], "enable_inline_source_citations (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_inline_source_citations", false]], "enable_inline_source_citations (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.enable_inline_source_citations", false]], "enable_llm_rewrite (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_llm_rewrite", false]], "enable_llm_rewrite (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_llm_rewrite", false]], "enable_llm_rewrite (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.enable_llm_rewrite", false]], "enable_multiple_backtests (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_multiple_backtests", false]], "enable_multiple_backtests (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_multiple_backtests", false]], "enable_multiple_backtests (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.enable_multiple_backtests", false]], "enable_padding (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_padding", false]], "enable_padding (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_padding", false]], "enable_padding (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.enable_padding", false]], "enable_playground (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_playground", false]], "enable_playground (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.enable_playground", false]], "enable_response_caching (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_response_caching", false]], "enable_response_caching (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_response_caching", false]], "enable_response_caching (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.enable_response_caching", false]], "enable_tool_bar (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_tool_bar", false]], "enable_tool_bar (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_tool_bar", false]], "enable_tool_bar (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.enable_tool_bar", false]], "enable_web_search (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_web_search", false]], "enable_web_search (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_web_search", false]], "enable_web_search (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.enable_web_search", false]], "enable_web_search (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_web_search", false]], "enable_web_search (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.enable_web_search", false]], "enabled_external_links (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.enabled_external_links", false]], "enabled_external_links (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.enabled_external_links", false]], "end (abacusai.llm_code_block.llmcodeblock attribute)": [[152, "abacusai.llm_code_block.LlmCodeBlock.end", false]], "end (abacusai.llmcodeblock attribute)": [[146, "abacusai.LlmCodeBlock.end", false]], "end_line (abacusai.code_edit.codeedit attribute)": [[56, "abacusai.code_edit.CodeEdit.end_line", false]], "end_line (abacusai.codeedit attribute)": [[146, "abacusai.CodeEdit.end_line", false]], "end_time (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.end_time", false]], "end_time (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.end_time", false]], "end_time (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.end_time", false]], "end_time (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.end_time", false]], "end_time (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.end_time", false]], "end_time (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.end_time", false]], "end_time (abacusai.forecastingmonitorconfig attribute)": [[146, "abacusai.ForecastingMonitorConfig.end_time", false]], "end_time (abacusai.monitorfilteringconfig attribute)": [[146, "abacusai.MonitorFilteringConfig.end_time", false]], "end_time (abacusai.restrictfeaturemappings attribute)": [[146, "abacusai.RestrictFeatureMappings.end_time", false]], "end_timestamp (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.end_timestamp", false]], "end_timestamp (abacusai.api_class.deployment.timeseriesanomalypredictionarguments attribute)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.end_timestamp", false]], "end_timestamp (abacusai.api_class.googleanalyticsdatasetconfig attribute)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.end_timestamp", false]], "end_timestamp (abacusai.api_class.timeseriesanomalypredictionarguments attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.end_timestamp", false]], "end_timestamp (abacusai.googleanalyticsdatasetconfig attribute)": [[146, "abacusai.GoogleAnalyticsDatasetConfig.end_timestamp", false]], "end_timestamp (abacusai.timeseriesanomalypredictionarguments attribute)": [[146, "abacusai.TimeseriesAnomalyPredictionArguments.end_timestamp", false]], "endpoint (abacusai.webhook attribute)": [[146, "abacusai.Webhook.endpoint", false]], "endpoint (abacusai.webhook.webhook attribute)": [[256, "abacusai.webhook.Webhook.endpoint", false]], "enforcement (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.enforcement", false]], "enforcement (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.enforcement", false]], "enforcement (abacusai.constraintconfig attribute)": [[146, "abacusai.ConstraintConfig.enforcement", false]], "enhanced_ocr (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.enhanced_ocr", false]], "enhanced_ocr (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.enhanced_ocr", false]], "enhanced_ocr (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.enhanced_ocr", false]], "entity (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.entity", false]], "entity (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.entity", false]], "ephemeral (abacusai.dataset attribute)": [[146, "abacusai.Dataset.ephemeral", false]], "ephemeral (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.ephemeral", false]], "equal_opportunity (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.EQUAL_OPPORTUNITY", false]], "equal_opportunity (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.EQUAL_OPPORTUNITY", false]], "equal_opportunity (abacusai.biastype attribute)": [[146, "abacusai.BiasType.EQUAL_OPPORTUNITY", false]], "error (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.error", false]], "error (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.error", false]], "error (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.error", false]], "error (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.error", false]], "error (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.error", false]], "error (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.error", false]], "error (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.error", false]], "error (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.error", false]], "error (abacusai.deployment attribute)": [[146, "abacusai.Deployment.error", false]], "error (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.error", false]], "error (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.error", false]], "error (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.error", false]], "error (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.error", false]], "error (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.error", false]], "error (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.error", false]], "error (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.error", false]], "error (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.error", false]], "error (abacusai.executefeaturegroupoperation attribute)": [[146, "abacusai.ExecuteFeatureGroupOperation.error", false]], "error (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.error", false]], "error (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.error", false]], "error (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.error", false]], "error (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.error", false]], "error (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.error", false]], "error (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.error", false]], "error (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.error", false]], "error (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.error", false]], "error (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.error", false]], "error (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.error", false]], "error (abacusai.inferred_feature_mappings.inferredfeaturemappings attribute)": [[149, "abacusai.inferred_feature_mappings.InferredFeatureMappings.error", false]], "error (abacusai.inferredfeaturemappings attribute)": [[146, "abacusai.InferredFeatureMappings.error", false]], "error (abacusai.llm_execution_preview.llmexecutionpreview attribute)": [[153, "abacusai.llm_execution_preview.LlmExecutionPreview.error", false]], "error (abacusai.llm_execution_result.llmexecutionresult attribute)": [[154, "abacusai.llm_execution_result.LlmExecutionResult.error", false]], "error (abacusai.llmexecutionpreview attribute)": [[146, "abacusai.LlmExecutionPreview.error", false]], "error (abacusai.llmexecutionresult attribute)": [[146, "abacusai.LlmExecutionResult.error", false]], "error (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.error", false]], "error (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.error", false]], "error (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.error", false]], "error (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.error", false]], "error (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.error", false]], "error (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.error", false]], "error (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.error", false]], "error (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.error", false]], "error (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.error", false]], "error (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.error", false]], "error (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.error", false]], "error (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.error", false]], "error (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.error", false]], "error (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.error", false]], "error (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.error", false]], "error (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.error", false]], "error (abacusai.refresh_schedule.refreshschedule attribute)": [[227, "abacusai.refresh_schedule.RefreshSchedule.error", false]], "error (abacusai.refreshschedule attribute)": [[146, "abacusai.RefreshSchedule.error", false]], "error_description (abacusai.test_point_predictions.testpointpredictions attribute)": [[240, "abacusai.test_point_predictions.TestPointPredictions.error_description", false]], "error_description (abacusai.testpointpredictions attribute)": [[146, "abacusai.TestPointPredictions.error_description", false]], "escape (abacusai.api_class.dataset.parsingconfig attribute)": [[21, "abacusai.api_class.dataset.ParsingConfig.escape", false]], "escape (abacusai.api_class.parsingconfig attribute)": [[27, "abacusai.api_class.ParsingConfig.escape", false]], "escape (abacusai.parsingconfig attribute)": [[146, "abacusai.ParsingConfig.escape", false]], "etag (abacusai.upload_part.uploadpart attribute)": [[245, "abacusai.upload_part.UploadPart.etag", false]], "etag (abacusai.uploadpart attribute)": [[146, "abacusai.UploadPart.etag", false]], "evalartifacttype (class in abacusai)": [[146, "abacusai.EvalArtifactType", false]], "evalartifacttype (class in abacusai.api_class)": [[27, "abacusai.api_class.EvalArtifactType", false]], "evalartifacttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.EvalArtifactType", false]], "evaluate_edge_condition() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.evaluate_edge_condition", false]], "evaluate_prompt() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.evaluate_prompt", false]], "evaluate_prompt() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.evaluate_prompt", false]], "event_anomaly (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.EVENT_ANOMALY", false]], "event_anomaly (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.EVENT_ANOMALY", false]], "event_anomaly (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.EVENT_ANOMALY", false]], "eventanomalytrainingconfig (class in abacusai)": [[146, "abacusai.EventAnomalyTrainingConfig", false]], "eventanomalytrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.EventAnomalyTrainingConfig", false]], "eventanomalytrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.EventAnomalyTrainingConfig", false]], "example_extraction (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.example_extraction", false]], "example_extraction (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.example_extraction", false]], "example_extraction (abacusai.fielddescriptor attribute)": [[146, "abacusai.FieldDescriptor.example_extraction", false]], "examples (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.examples", false]], "examples (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.examples", false]], "examples_per_target (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.examples_per_target", false]], "examples_per_target (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.examples_per_target", false]], "examples_per_target (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.examples_per_target", false]], "exception (abacusai.apiexception attribute)": [[146, "abacusai.ApiException.exception", false]], "exception (abacusai.client.apiexception attribute)": [[52, "abacusai.client.ApiException.exception", false]], "exception (abacusai.function_logs.functionlogs attribute)": [[137, "abacusai.function_logs.FunctionLogs.exception", false]], "exception (abacusai.functionlogs attribute)": [[146, "abacusai.FunctionLogs.exception", false]], "exception_on_404 (abacusai.client.clientoptions attribute)": [[52, "abacusai.client.ClientOptions.exception_on_404", false]], "exception_on_404 (abacusai.clientoptions attribute)": [[146, "abacusai.ClientOptions.exception_on_404", false]], "exclude (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.exclude", false]], "exclude (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.exclude", false]], "exclude (abacusai.unpivotconfig attribute)": [[146, "abacusai.UnpivotConfig.exclude", false]], "execute_agent() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_agent", false]], "execute_agent() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_agent", false]], "execute_agent() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.execute_agent", false]], "execute_agent() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.execute_agent", false]], "execute_agent_with_binary_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_agent_with_binary_data", false]], "execute_agent_with_binary_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_agent_with_binary_data", false]], "execute_agent_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.execute_agent_with_binary_data", false]], "execute_agent_with_binary_data() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.execute_agent_with_binary_data", false]], "execute_async_feature_group_operation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_async_feature_group_operation", false]], "execute_async_feature_group_operation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_async_feature_group_operation", false]], "execute_chatllm_computer_streaming() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_chatllm_computer_streaming", false]], "execute_chatllm_computer_streaming() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_chatllm_computer_streaming", false]], "execute_conversation_agent() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_conversation_agent", false]], "execute_conversation_agent() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_conversation_agent", false]], "execute_conversation_agent() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.execute_conversation_agent", false]], "execute_conversation_agent() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.execute_conversation_agent", false]], "execute_conversation_agent_streaming() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_conversation_agent_streaming", false]], "execute_conversation_agent_streaming() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_conversation_agent_streaming", false]], "execute_data_query_using_llm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_data_query_using_llm", false]], "execute_data_query_using_llm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_data_query_using_llm", false]], "execute_feature_group_sql() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_feature_group_sql", false]], "execute_feature_group_sql() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_feature_group_sql", false]], "execute_python() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_python", false]], "execute_python() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_python", false]], "execute_python_source() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.execute_python_source", false]], "execute_workflow_node() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.execute_workflow_node", false]], "execute_workflow_node() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.execute_workflow_node", false]], "executefeaturegroupoperation (class in abacusai)": [[146, "abacusai.ExecuteFeatureGroupOperation", false]], "executefeaturegroupoperation (class in abacusai.execute_feature_group_operation)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation", false]], "execution (abacusai.llm_execution_result.llmexecutionresult attribute)": [[154, "abacusai.llm_execution_result.LlmExecutionResult.execution", false]], "execution (abacusai.llmexecutionresult attribute)": [[146, "abacusai.LlmExecutionResult.execution", false]], "experimental (abacusai.api_class.enums.personalizationtrainingmode attribute)": [[25, "abacusai.api_class.enums.PersonalizationTrainingMode.EXPERIMENTAL", false]], "experimental (abacusai.api_class.personalizationtrainingmode attribute)": [[27, "abacusai.api_class.PersonalizationTrainingMode.EXPERIMENTAL", false]], "experimental (abacusai.personalizationtrainingmode attribute)": [[146, "abacusai.PersonalizationTrainingMode.EXPERIMENTAL", false]], "experimental_features (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.experimental_features", false]], "experimental_features (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.experimental_features", false]], "experimentation_mode (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.experimentation_mode", false]], "experimentation_mode (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.experimentation_mode", false]], "experimentation_mode (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.experimentation_mode", false]], "experimentationmode (class in abacusai)": [[146, "abacusai.ExperimentationMode", false]], "experimentationmode (class in abacusai.api_class)": [[27, "abacusai.api_class.ExperimentationMode", false]], "experimentationmode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ExperimentationMode", false]], "expires_at (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.expires_at", false]], "expires_at (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.expires_at", false]], "expires_at (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl attribute)": [[115, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.expires_at", false]], "expires_at (abacusai.featuregroupexportdownloadurl attribute)": [[146, "abacusai.FeatureGroupExportDownloadUrl.expires_at", false]], "explain_predictions (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.deployment.regressionpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.regressionpredictionarguments attribute)": [[27, "abacusai.api_class.RegressionPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.cumulativeforecastingpredictionarguments attribute)": [[146, "abacusai.CumulativeForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.forecastingpredictionarguments attribute)": [[146, "abacusai.ForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.regressionpredictionarguments attribute)": [[146, "abacusai.RegressionPredictionArguments.explain_predictions", false]], "explainer_type (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explainer_type", false]], "explainer_type (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.deployment.regressionpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explainer_type", false]], "explainer_type (abacusai.api_class.regressionpredictionarguments attribute)": [[27, "abacusai.api_class.RegressionPredictionArguments.explainer_type", false]], "explainer_type (abacusai.cumulativeforecastingpredictionarguments attribute)": [[146, "abacusai.CumulativeForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.forecastingpredictionarguments attribute)": [[146, "abacusai.ForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.explainer_type", false]], "explainer_type (abacusai.regressionpredictionarguments attribute)": [[146, "abacusai.RegressionPredictionArguments.explainer_type", false]], "explainertype (class in abacusai)": [[146, "abacusai.ExplainerType", false]], "explainertype (class in abacusai.api_class)": [[27, "abacusai.api_class.ExplainerType", false]], "explainertype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ExplainerType", false]], "explanation (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.explanation", false]], "explanation (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.explanation", false]], "explanation (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.explanation", false]], "explanation (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.explanation", false]], "explanation_filter_label (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explanation_filter_label", false]], "explanation_filter_label (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explanation_filter_label", false]], "explanation_filter_label (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.explanation_filter_label", false]], "explanation_filter_lower_bound (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explanation_filter_lower_bound", false]], "explanation_filter_lower_bound (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explanation_filter_lower_bound", false]], "explanation_filter_lower_bound (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.explanation_filter_lower_bound", false]], "explanation_filter_upper_bound (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explanation_filter_upper_bound", false]], "explanation_filter_upper_bound (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explanation_filter_upper_bound", false]], "explanation_filter_upper_bound (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.explanation_filter_upper_bound", false]], "explicit_time_split (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.explicit_time_split", false]], "explicit_time_split (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.explicit_time_split", false]], "explicit_time_split (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.explicit_time_split", false]], "explode_output (abacusai.api_class.batch_prediction.sentenceboundarydetectionbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs.explode_output", false]], "explode_output (abacusai.api_class.sentenceboundarydetectionbatchpredictionargs attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs.explode_output", false]], "explode_output (abacusai.sentenceboundarydetectionbatchpredictionargs attribute)": [[146, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs.explode_output", false]], "export() (abacusai.chat_session.chatsession method)": [[48, "abacusai.chat_session.ChatSession.export", false]], "export() (abacusai.chatsession method)": [[146, "abacusai.ChatSession.export", false]], "export() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.export", false]], "export() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.export", false]], "export_chat_session() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.export_chat_session", false]], "export_chat_session() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.export_chat_session", false]], "export_completed_at (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.export_completed_at", false]], "export_completed_at (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.export_completed_at", false]], "export_completed_at (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.export_completed_at", false]], "export_completed_at (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.export_completed_at", false]], "export_connector_config (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.export_connector_config", false]], "export_connector_config (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.export_connector_config", false]], "export_connector_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.export_connector_config", false]], "export_connector_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.export_connector_config", false]], "export_custom() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.export_custom", false]], "export_custom() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.export_custom", false]], "export_custom_model_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.export_custom_model_version", false]], "export_custom_model_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.export_custom_model_version", false]], "export_deployment_conversation() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.export_deployment_conversation", false]], "export_deployment_conversation() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.export_deployment_conversation", false]], "export_feature_group_version_to_console() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.export_feature_group_version_to_console", false]], "export_feature_group_version_to_console() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.export_feature_group_version_to_console", false]], "export_feature_group_version_to_database_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.export_feature_group_version_to_database_connector", false]], "export_feature_group_version_to_database_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.export_feature_group_version_to_database_connector", false]], "export_feature_group_version_to_file_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.export_feature_group_version_to_file_connector", false]], "export_feature_group_version_to_file_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.export_feature_group_version_to_file_connector", false]], "export_file_format (abacusai.api_class.fileconnectorexportconfig attribute)": [[27, "abacusai.api_class.FileConnectorExportConfig.export_file_format", false]], "export_file_format (abacusai.api_class.refresh.fileconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.export_file_format", false]], "export_file_format (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.export_file_format", false]], "export_file_format (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.export_file_format", false]], "export_file_format (abacusai.fileconnectorexportconfig attribute)": [[146, "abacusai.FileConnectorExportConfig.export_file_format", false]], "export_model_artifact_as_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.export_model_artifact_as_feature_group", false]], "export_model_artifact_as_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.export_model_artifact_as_feature_group", false]], "export_model_artifact_as_feature_group() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.export_model_artifact_as_feature_group", false]], "export_model_artifact_as_feature_group() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.export_model_artifact_as_feature_group", false]], "export_on_materialization (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.export_on_materialization", false]], "export_on_materialization (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.export_on_materialization", false]], "export_on_materialization (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.export_on_materialization", false]], "export_on_materialization (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.export_on_materialization", false]], "export_to_console() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.export_to_console", false]], "export_to_console() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.export_to_console", false]], "export_to_database_connector() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.export_to_database_connector", false]], "export_to_database_connector() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.export_to_database_connector", false]], "export_to_file_connector() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.export_to_file_connector", false]], "export_to_file_connector() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.export_to_file_connector", false]], "expression (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.expression", false]], "expression (abacusai.point_in_time_feature_info.pointintimefeatureinfo attribute)": [[203, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.expression", false]], "expression (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.expression", false]], "expression (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.expression", false]], "expression (abacusai.pointintimefeatureinfo attribute)": [[146, "abacusai.PointInTimeFeatureInfo.expression", false]], "expression (abacusai.pointintimegroupfeature attribute)": [[146, "abacusai.PointInTimeGroupFeature.expression", false]], "external_application_id (abacusai.bot_info.botinfo attribute)": [[45, "abacusai.bot_info.BotInfo.external_application_id", false]], "external_application_id (abacusai.botinfo attribute)": [[146, "abacusai.BotInfo.external_application_id", false]], "external_application_id (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.external_application_id", false]], "external_application_id (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.external_application_id", false]], "external_application_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.external_application_id", false]], "external_application_id (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.external_application_id", false]], "external_application_id (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.external_application_id", false]], "external_application_id (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.external_application_id", false]], "external_application_id (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication attribute)": [[228, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.external_application_id", false]], "external_application_id (abacusai.regeneratellmexternalapplication attribute)": [[146, "abacusai.RegenerateLlmExternalApplication.external_application_id", false]], "external_application_ids (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.external_application_ids", false]], "external_application_ids (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.external_application_ids", false]], "external_chat_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.external_chat_endpoint", false]], "external_chat_endpoint (abacusai.apiendpoint attribute)": [[146, "abacusai.ApiEndpoint.external_chat_endpoint", false]], "external_connection_id (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.external_connection_id", false]], "external_connection_id (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.external_connection_id", false]], "external_data_type (abacusai.database_connector_column.databaseconnectorcolumn attribute)": [[76, "abacusai.database_connector_column.DatabaseConnectorColumn.external_data_type", false]], "external_data_type (abacusai.databaseconnectorcolumn attribute)": [[146, "abacusai.DatabaseConnectorColumn.external_data_type", false]], "external_service_group_id (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.external_service_group_id", false]], "external_service_group_id (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.external_service_group_id", false]], "external_session_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.external_session_id", false]], "external_session_id (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.external_session_id", false]], "externalapplication (class in abacusai)": [[146, "abacusai.ExternalApplication", false]], "externalapplication (class in abacusai.external_application)": [[104, "abacusai.external_application.ExternalApplication", false]], "externalinvite (class in abacusai)": [[146, "abacusai.ExternalInvite", false]], "externalinvite (class in abacusai.external_invite)": [[105, "abacusai.external_invite.ExternalInvite", false]], "extract_agent_workflow_information() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.extract_agent_workflow_information", false]], "extract_agent_workflow_information() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.extract_agent_workflow_information", false]], "extract_bounding_boxes (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.extract_bounding_boxes", false], [27, "id156", false]], "extract_bounding_boxes (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.confluencedatasetconfig attribute)": [[146, "abacusai.ConfluenceDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.dataset attribute)": [[146, "abacusai.Dataset.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.googledrivedatasetconfig attribute)": [[146, "abacusai.GoogleDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.onedrivedatasetconfig attribute)": [[146, "abacusai.OneDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.sharepointdatasetconfig attribute)": [[146, "abacusai.SharepointDatasetConfig.extract_bounding_boxes", false]], "extract_data_using_llm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.extract_data_using_llm", false]], "extract_data_using_llm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.extract_data_using_llm", false]], "extract_document_data (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.EXTRACT_DOCUMENT_DATA", false]], "extract_document_data (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.EXTRACT_DOCUMENT_DATA", false]], "extract_document_data (abacusai.operatortype attribute)": [[146, "abacusai.OperatorType.EXTRACT_DOCUMENT_DATA", false]], "extract_document_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.extract_document_data", false]], "extract_document_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.extract_document_data", false]], "extract_images (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.extract_images", false]], "extract_images (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.extract_images", false], [27, "id163", false]], "extract_images (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.extract_images", false]], "extractdocumentdataconfig (class in abacusai)": [[146, "abacusai.ExtractDocumentDataConfig", false]], "extractdocumentdataconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ExtractDocumentDataConfig", false]], "extractdocumentdataconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig", false]], "extracted_page_text (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.extracted_page_text", false]], "extracted_page_text (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.extracted_page_text", false]], "extracted_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.EXTRACTED_TEXT", false]], "extracted_text (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.extracted_text", false]], "extracted_text (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.extracted_text", false]], "extracted_text (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.extracted_text", false]], "extracted_text (abacusai.pagedata attribute)": [[146, "abacusai.PageData.extracted_text", false]], "extractedfields (class in abacusai)": [[146, "abacusai.ExtractedFields", false]], "extractedfields (class in abacusai.extracted_fields)": [[106, "abacusai.extracted_fields.ExtractedFields", false]], "f1_score (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.F1_SCORE", false]], "f1_score (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.F1_SCORE", false]], "f1_score (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.F1_SCORE", false]], "failed_deployment_ids (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.failed_deployment_ids", false]], "failed_predictions (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.failed_predictions", false]], "failed_predictions (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.failed_predictions", false]], "failed_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.failed_processes", false]], "failed_processes (abacusai.featuregrouprowprocesssummary attribute)": [[146, "abacusai.FeatureGroupRowProcessSummary.failed_processes", false]], "failed_writes (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.failed_writes", false]], "failed_writes (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.failed_writes", false]], "faileddependencyerror": [[52, "abacusai.client.FailedDependencyError", false]], "favicon_url (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.favicon_url", false]], "favicon_url (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.favicon_url", false]], "feature (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping attribute)": [[74, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.feature", false]], "feature (abacusai.databasecolumnfeaturemapping attribute)": [[146, "abacusai.DatabaseColumnFeatureMapping.feature", false]], "feature (class in abacusai)": [[146, "abacusai.Feature", false]], "feature (class in abacusai.feature)": [[107, "abacusai.feature.Feature", false]], "feature_analysis_status (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.feature_analysis_status", false]], "feature_analysis_status (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.feature_analysis_status", false]], "feature_annotation_configs (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.feature_annotation_configs", false]], "feature_annotation_configs (abacusai.annotationconfig attribute)": [[146, "abacusai.AnnotationConfig.feature_annotation_configs", false]], "feature_collinearity (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[99, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.feature_collinearity", false]], "feature_collinearity (abacusai.edafeaturecollinearity attribute)": [[146, "abacusai.EdaFeatureCollinearity.feature_collinearity", false]], "feature_distributions (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.feature_distributions", false]], "feature_distributions (abacusai.monitordriftanddistributions attribute)": [[146, "abacusai.MonitorDriftAndDistributions.feature_distributions", false]], "feature_drift (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.FEATURE_DRIFT", false]], "feature_drift (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.FEATURE_DRIFT", false]], "feature_drift (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.feature_drift", false]], "feature_drift (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.feature_drift", false]], "feature_drift (abacusai.monitoralerttype attribute)": [[146, "abacusai.MonitorAlertType.FEATURE_DRIFT", false]], "feature_drift_type (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.historylengthdriftconditionconfig attribute)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.monitor_alert.historylengthdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.monitor_alert.targetdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.targetdriftconditionconfig attribute)": [[27, "abacusai.api_class.TargetDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.featuredriftconditionconfig attribute)": [[146, "abacusai.FeatureDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.historylengthdriftconditionconfig attribute)": [[146, "abacusai.HistoryLengthDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.targetdriftconditionconfig attribute)": [[146, "abacusai.TargetDriftConditionConfig.feature_drift_type", false]], "feature_drifts (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.feature_drifts", false]], "feature_drifts (abacusai.monitordriftanddistributions attribute)": [[146, "abacusai.MonitorDriftAndDistributions.feature_drifts", false]], "feature_expression (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.feature_expression", false]], "feature_expression (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.feature_expression", false]], "feature_expression (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.feature_expression", false]], "feature_expression (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.feature_expression", false]], "feature_group (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.FEATURE_GROUP", false]], "feature_group (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.FEATURE_GROUP", false]], "feature_group (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.FEATURE_GROUP", false]], "feature_group (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.FEATURE_GROUP", false]], "feature_group (abacusai.organization_search_result.organizationsearchresult attribute)": [[190, "abacusai.organization_search_result.OrganizationSearchResult.feature_group", false]], "feature_group (abacusai.organizationsearchresult attribute)": [[146, "abacusai.OrganizationSearchResult.feature_group", false]], "feature_group (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.FEATURE_GROUP", false]], "feature_group (abacusai.pythonfunctiontype attribute)": [[146, "abacusai.PythonFunctionType.FEATURE_GROUP", false]], "feature_group_context (abacusai.organization_search_result.organizationsearchresult attribute)": [[190, "abacusai.organization_search_result.OrganizationSearchResult.feature_group_context", false]], "feature_group_context (abacusai.organizationsearchresult attribute)": [[146, "abacusai.OrganizationSearchResult.feature_group_context", false]], "feature_group_dataset_ids (abacusai.prediction_input.predictioninput attribute)": [[209, "abacusai.prediction_input.PredictionInput.feature_group_dataset_ids", false]], "feature_group_dataset_ids (abacusai.predictioninput attribute)": [[146, "abacusai.PredictionInput.feature_group_dataset_ids", false]], "feature_group_export_config (abacusai.deployment attribute)": [[146, "abacusai.Deployment.feature_group_export_config", false]], "feature_group_export_config (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.feature_group_export_config", false]], "feature_group_export_config (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.feature_group_export_config", false]], "feature_group_export_config (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.feature_group_export_config", false]], "feature_group_export_id (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.feature_group_export_id", false]], "feature_group_export_id (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.feature_group_export_id", false]], "feature_group_id (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.feature_group_id", false]], "feature_group_id (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.feature_group_id", false]], "feature_group_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.feature_group_id", false]], "feature_group_id (abacusai.api_class.projectfeaturegrouptypemappingsconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.feature_group_id", false]], "feature_group_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.feature_group_id", false]], "feature_group_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.feature_group_id", false]], "feature_group_id (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.feature_group_id", false]], "feature_group_id (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.feature_group_id", false]], "feature_group_id (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.feature_group_id", false]], "feature_group_id (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.feature_group_id", false]], "feature_group_id (abacusai.eda attribute)": [[146, "abacusai.Eda.feature_group_id", false]], "feature_group_id (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.feature_group_id", false]], "feature_group_id (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.feature_group_document.featuregroupdocument attribute)": [[112, "abacusai.feature_group_document.FeatureGroupDocument.feature_group_id", false]], "feature_group_id (abacusai.feature_group_row.featuregrouprow attribute)": [[118, "abacusai.feature_group_row.FeatureGroupRow.feature_group_id", false]], "feature_group_id (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.feature_group_id", false]], "feature_group_id (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.feature_group_id", false]], "feature_group_id (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.feature_group_id", false]], "feature_group_id (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.feature_group_id", false]], "feature_group_id (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.featuregroupdocument attribute)": [[146, "abacusai.FeatureGroupDocument.feature_group_id", false]], "feature_group_id (abacusai.featuregrouprow attribute)": [[146, "abacusai.FeatureGroupRow.feature_group_id", false]], "feature_group_id (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.feature_group_id", false]], "feature_group_id (abacusai.featuregrouprowprocesslogs attribute)": [[146, "abacusai.FeatureGroupRowProcessLogs.feature_group_id", false]], "feature_group_id (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.feature_group_id", false]], "feature_group_id (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.feature_group_id", false]], "feature_group_id (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[176, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.feature_group_id", false]], "feature_group_id (abacusai.modelversionfeaturegroupschema attribute)": [[146, "abacusai.ModelVersionFeatureGroupSchema.feature_group_id", false]], "feature_group_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.feature_group_id", false]], "feature_group_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.feature_group_id", false]], "feature_group_id (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.predictionfeaturegroup attribute)": [[146, "abacusai.PredictionFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.projectfeaturegrouptypemappingsconfig attribute)": [[146, "abacusai.ProjectFeatureGroupTypeMappingsConfig.feature_group_id", false]], "feature_group_id (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.feature_group_id", false]], "feature_group_id (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.feature_group_id", false]], "feature_group_ids (abacusai.api_class.feature_group.uniontransformconfig attribute)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig.feature_group_ids", false]], "feature_group_ids (abacusai.api_class.uniontransformconfig attribute)": [[27, "abacusai.api_class.UnionTransformConfig.feature_group_ids", false]], "feature_group_ids (abacusai.holdout_analysis.holdoutanalysis attribute)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.feature_group_ids", false]], "feature_group_ids (abacusai.holdoutanalysis attribute)": [[146, "abacusai.HoldoutAnalysis.feature_group_ids", false]], "feature_group_ids (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.feature_group_ids", false]], "feature_group_ids (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.feature_group_ids", false]], "feature_group_ids (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.feature_group_ids", false]], "feature_group_ids (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.feature_group_ids", false]], "feature_group_ids (abacusai.uniontransformconfig attribute)": [[146, "abacusai.UnionTransformConfig.feature_group_ids", false]], "feature_group_monitor_configs (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.feature_group_monitor_configs", false]], "feature_group_monitor_configs (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.feature_group_monitor_configs", false]], "feature_group_monitor_configs (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.feature_group_monitor_configs", false]], "feature_group_monitor_configs (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.feature_group_monitor_configs", false]], "feature_group_name (abacusai.api_class.attachmentparsingconfig attribute)": [[27, "abacusai.api_class.AttachmentParsingConfig.feature_group_name", false]], "feature_group_name (abacusai.api_class.dataset.attachmentparsingconfig attribute)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig.feature_group_name", false]], "feature_group_name (abacusai.attachmentparsingconfig attribute)": [[146, "abacusai.AttachmentParsingConfig.feature_group_name", false]], "feature_group_name (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.feature_group_name", false]], "feature_group_name (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.feature_group_name", false]], "feature_group_name (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[176, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.feature_group_name", false]], "feature_group_name (abacusai.modelversionfeaturegroupschema attribute)": [[146, "abacusai.ModelVersionFeatureGroupSchema.feature_group_name", false]], "feature_group_operation_run_id (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.feature_group_operation_run_id", false]], "feature_group_operation_run_id (abacusai.executefeaturegroupoperation attribute)": [[146, "abacusai.ExecuteFeatureGroupOperation.feature_group_operation_run_id", false]], "feature_group_row_identifier (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.feature_group_row_identifier", false]], "feature_group_row_identifier (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.feature_group_row_identifier", false]], "feature_group_row_identifier (abacusai.annotationdocument attribute)": [[146, "abacusai.AnnotationDocument.feature_group_row_identifier", false]], "feature_group_row_identifier (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.feature_group_row_identifier", false]], "feature_group_row_index (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.feature_group_row_index", false]], "feature_group_row_index (abacusai.annotationdocument attribute)": [[146, "abacusai.AnnotationDocument.feature_group_row_index", false]], "feature_group_row_process_id (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.feature_group_row_process_id", false]], "feature_group_row_process_id (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.feature_group_row_process_id", false]], "feature_group_row_process_id (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.feature_group_row_process_id", false]], "feature_group_row_process_id (abacusai.featuregrouprowprocesslogs attribute)": [[146, "abacusai.FeatureGroupRowProcessLogs.feature_group_row_process_id", false]], "feature_group_source_type (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.feature_group_source_type", false]], "feature_group_source_type (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.feature_group_source_type", false]], "feature_group_source_type (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_source_type", false]], "feature_group_source_type (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.feature_group_source_type", false]], "feature_group_table_name (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.feature_group_table_name", false]], "feature_group_table_name (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.feature_group_table_name", false]], "feature_group_table_name (abacusai.dataset attribute)": [[146, "abacusai.Dataset.feature_group_table_name", false]], "feature_group_table_name (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.feature_group_table_name", false]], "feature_group_table_names (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.feature_group_table_names", false]], "feature_group_table_names (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.feature_group_table_names", false]], "feature_group_template (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.feature_group_template", false]], "feature_group_template (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.feature_group_template", false]], "feature_group_template (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_template", false]], "feature_group_template (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.feature_group_template", false]], "feature_group_template_id (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.feature_group_template_id", false]], "feature_group_template_id (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.feature_group_template_id", false]], "feature_group_template_id (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.feature_group_template_id", false]], "feature_group_template_id (abacusai.resolvedfeaturegrouptemplate attribute)": [[146, "abacusai.ResolvedFeatureGroupTemplate.feature_group_template_id", false]], "feature_group_type (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.feature_group_type", false]], "feature_group_type (abacusai.api_class.projectfeaturegrouptypemappingsconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.feature_group_type", false]], "feature_group_type (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_type", false]], "feature_group_type (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.feature_group_type", false]], "feature_group_type (abacusai.projectfeaturegrouptypemappingsconfig attribute)": [[146, "abacusai.ProjectFeatureGroupTypeMappingsConfig.feature_group_type", false]], "feature_group_version (abacusai.deployment attribute)": [[146, "abacusai.Deployment.feature_group_version", false]], "feature_group_version (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.feature_group_version", false]], "feature_group_version (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.feature_group_version", false]], "feature_group_version (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.feature_group_version", false]], "feature_group_version (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.feature_group_version", false]], "feature_group_version (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.feature_group_version", false]], "feature_group_version (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.feature_group_version", false]], "feature_group_version (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.feature_group_version", false]], "feature_group_version (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.feature_group_version", false]], "feature_group_version (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.feature_group_version", false]], "feature_group_version (abacusai.organization_search_result.organizationsearchresult attribute)": [[190, "abacusai.organization_search_result.OrganizationSearchResult.feature_group_version", false]], "feature_group_version (abacusai.organizationsearchresult attribute)": [[146, "abacusai.OrganizationSearchResult.feature_group_version", false]], "feature_group_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.feature_group_version", false]], "feature_group_version (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.feature_group_version", false]], "feature_group_version (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.feature_group_version", false]], "feature_group_version (abacusai.predictionfeaturegroup attribute)": [[146, "abacusai.PredictionFeatureGroup.feature_group_version", false]], "feature_group_version (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.feature_group_version", false]], "feature_group_version (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.feature_group_version", false]], "feature_group_versions (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.feature_group_versions", false]], "feature_group_versions (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.feature_group_versions", false]], "feature_group_versions (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.feature_group_versions", false]], "feature_group_versions (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.feature_group_versions", false]], "feature_groups (abacusai.prediction_input.predictioninput attribute)": [[209, "abacusai.prediction_input.PredictionInput.feature_groups", false]], "feature_groups (abacusai.predictioninput attribute)": [[146, "abacusai.PredictionInput.feature_groups", false]], "feature_index (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.feature_index", false]], "feature_index (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.feature_index", false]], "feature_mapping (abacusai.api_class.featuremappingconfig attribute)": [[27, "abacusai.api_class.FeatureMappingConfig.feature_mapping", false]], "feature_mapping (abacusai.api_class.project.featuremappingconfig attribute)": [[31, "abacusai.api_class.project.FeatureMappingConfig.feature_mapping", false]], "feature_mapping (abacusai.feature attribute)": [[146, "abacusai.Feature.feature_mapping", false]], "feature_mapping (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.feature_mapping", false]], "feature_mapping (abacusai.feature_mapping.featuremapping attribute)": [[127, "abacusai.feature_mapping.FeatureMapping.feature_mapping", false]], "feature_mapping (abacusai.featuremapping attribute)": [[146, "abacusai.FeatureMapping.feature_mapping", false]], "feature_mapping (abacusai.featuremappingconfig attribute)": [[146, "abacusai.FeatureMappingConfig.feature_mapping", false]], "feature_mapping (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.feature_mapping", false]], "feature_mapping (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.feature_mapping", false]], "feature_mapping (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.feature_mapping", false]], "feature_mapping (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.feature_mapping", false]], "feature_mapping (abacusai.schema attribute)": [[146, "abacusai.Schema.feature_mapping", false]], "feature_mapping (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.feature_mapping", false]], "feature_mappings (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.feature_mappings", false]], "feature_mappings (abacusai.api_class.projectfeaturegrouptypemappingsconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.feature_mappings", false]], "feature_mappings (abacusai.inferred_feature_mappings.inferredfeaturemappings attribute)": [[149, "abacusai.inferred_feature_mappings.InferredFeatureMappings.feature_mappings", false]], "feature_mappings (abacusai.inferredfeaturemappings attribute)": [[146, "abacusai.InferredFeatureMappings.feature_mappings", false]], "feature_mappings (abacusai.projectfeaturegrouptypemappingsconfig attribute)": [[146, "abacusai.ProjectFeatureGroupTypeMappingsConfig.feature_mappings", false]], "feature_metrics (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[128, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.feature_metrics", false]], "feature_metrics (abacusai.featureperformanceanalysis attribute)": [[146, "abacusai.FeaturePerformanceAnalysis.feature_metrics", false]], "feature_name (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.feature_name", false]], "feature_name (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.feature_name", false]], "feature_name (abacusai.api_class.feature_group.timewindowmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.feature_name", false]], "feature_name (abacusai.api_class.featuremappingconfig attribute)": [[27, "abacusai.api_class.FeatureMappingConfig.feature_name", false]], "feature_name (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.feature_name", false]], "feature_name (abacusai.api_class.project.featuremappingconfig attribute)": [[31, "abacusai.api_class.project.FeatureMappingConfig.feature_name", false]], "feature_name (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.feature_name", false]], "feature_name (abacusai.api_class.timewindowmergeconfig attribute)": [[27, "abacusai.api_class.TimeWindowMergeConfig.feature_name", false]], "feature_name (abacusai.feature_mapping.featuremapping attribute)": [[127, "abacusai.feature_mapping.FeatureMapping.feature_name", false]], "feature_name (abacusai.featuremapping attribute)": [[146, "abacusai.FeatureMapping.feature_name", false]], "feature_name (abacusai.featuremappingconfig attribute)": [[146, "abacusai.FeatureMappingConfig.feature_name", false]], "feature_name (abacusai.restrictfeaturemappings attribute)": [[146, "abacusai.RestrictFeatureMappings.feature_name", false]], "feature_name (abacusai.timewindowmergeconfig attribute)": [[146, "abacusai.TimeWindowMergeConfig.feature_name", false]], "feature_names (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.feature_names", false]], "feature_names (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.feature_names", false]], "feature_names (abacusai.featuredriftconditionconfig attribute)": [[146, "abacusai.FeatureDriftConditionConfig.feature_names", false]], "feature_selection_intensity (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.feature_selection_intensity", false]], "feature_selection_intensity (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.feature_selection_intensity", false]], "feature_selection_intensity (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.feature_selection_intensity", false]], "feature_store (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.FEATURE_STORE", false]], "feature_store (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.FEATURE_STORE", false]], "feature_store (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.FEATURE_STORE", false]], "feature_tags (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.feature_tags", false]], "feature_tags (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.feature_tags", false]], "feature_tags (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.feature_tags", false]], "feature_tags (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.feature_tags", false]], "feature_type (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.feature_type", false]], "feature_type (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.feature_type", false]], "feature_type (abacusai.feature attribute)": [[146, "abacusai.Feature.feature_type", false]], "feature_type (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.feature_type", false]], "feature_type (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.feature_type", false]], "feature_type (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.feature_type", false]], "feature_type (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.feature_type", false]], "feature_type (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.feature_type", false]], "feature_type (abacusai.schema attribute)": [[146, "abacusai.Schema.feature_type", false]], "feature_type (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.feature_type", false]], "featuredistribution (class in abacusai)": [[146, "abacusai.FeatureDistribution", false]], "featuredistribution (class in abacusai.feature_distribution)": [[108, "abacusai.feature_distribution.FeatureDistribution", false]], "featuredriftconditionconfig (class in abacusai)": [[146, "abacusai.FeatureDriftConditionConfig", false]], "featuredriftconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureDriftConditionConfig", false]], "featuredriftconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig", false]], "featuredriftrecord (class in abacusai)": [[146, "abacusai.FeatureDriftRecord", false]], "featuredriftrecord (class in abacusai.feature_drift_record)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord", false]], "featuredriftsummary (class in abacusai)": [[146, "abacusai.FeatureDriftSummary", false]], "featuredriftsummary (class in abacusai.feature_drift_summary)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary", false]], "featuredrifttype (class in abacusai)": [[146, "abacusai.FeatureDriftType", false]], "featuredrifttype (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureDriftType", false]], "featuredrifttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FeatureDriftType", false]], "featuregroup (class in abacusai)": [[146, "abacusai.FeatureGroup", false]], "featuregroup (class in abacusai.feature_group)": [[111, "abacusai.feature_group.FeatureGroup", false]], "featuregroupdocument (class in abacusai)": [[146, "abacusai.FeatureGroupDocument", false]], "featuregroupdocument (class in abacusai.feature_group_document)": [[112, "abacusai.feature_group_document.FeatureGroupDocument", false]], "featuregroupexport (class in abacusai)": [[146, "abacusai.FeatureGroupExport", false]], "featuregroupexport (class in abacusai.feature_group_export)": [[113, "abacusai.feature_group_export.FeatureGroupExport", false]], "featuregroupexportconfig (class in abacusai)": [[146, "abacusai.FeatureGroupExportConfig", false], [146, "id0", false]], "featuregroupexportconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureGroupExportConfig", false]], "featuregroupexportconfig (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh.FeatureGroupExportConfig", false]], "featuregroupexportconfig (class in abacusai.feature_group_export_config)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig", false]], "featuregroupexportdownloadurl (class in abacusai)": [[146, "abacusai.FeatureGroupExportDownloadUrl", false]], "featuregroupexportdownloadurl (class in abacusai.feature_group_export_download_url)": [[115, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl", false]], "featuregrouplineage (class in abacusai)": [[146, "abacusai.FeatureGroupLineage", false]], "featuregrouplineage (class in abacusai.feature_group_lineage)": [[116, "abacusai.feature_group_lineage.FeatureGroupLineage", false]], "featuregrouprefreshexportconfig (class in abacusai)": [[146, "abacusai.FeatureGroupRefreshExportConfig", false]], "featuregrouprefreshexportconfig (class in abacusai.feature_group_refresh_export_config)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig", false]], "featuregrouprow (class in abacusai)": [[146, "abacusai.FeatureGroupRow", false]], "featuregrouprow (class in abacusai.feature_group_row)": [[118, "abacusai.feature_group_row.FeatureGroupRow", false]], "featuregrouprowprocess (class in abacusai)": [[146, "abacusai.FeatureGroupRowProcess", false]], "featuregrouprowprocess (class in abacusai.feature_group_row_process)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess", false]], "featuregrouprowprocesslogs (class in abacusai)": [[146, "abacusai.FeatureGroupRowProcessLogs", false]], "featuregrouprowprocesslogs (class in abacusai.feature_group_row_process_logs)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs", false]], "featuregrouprowprocesssummary (class in abacusai)": [[146, "abacusai.FeatureGroupRowProcessSummary", false]], "featuregrouprowprocesssummary (class in abacusai.feature_group_row_process_summary)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary", false]], "featuregrouptemplate (class in abacusai)": [[146, "abacusai.FeatureGroupTemplate", false]], "featuregrouptemplate (class in abacusai.feature_group_template)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate", false]], "featuregrouptemplatevariableoptions (class in abacusai)": [[146, "abacusai.FeatureGroupTemplateVariableOptions", false]], "featuregrouptemplatevariableoptions (class in abacusai.feature_group_template_variable_options)": [[123, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions", false]], "featuregroupversion (class in abacusai)": [[146, "abacusai.FeatureGroupVersion", false]], "featuregroupversion (class in abacusai.feature_group_version)": [[124, "abacusai.feature_group_version.FeatureGroupVersion", false]], "featuregroupversionlogs (class in abacusai)": [[146, "abacusai.FeatureGroupVersionLogs", false]], "featuregroupversionlogs (class in abacusai.feature_group_version_logs)": [[125, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs", false]], "featureimportance (class in abacusai)": [[146, "abacusai.FeatureImportance", false]], "featureimportance (class in abacusai.feature_importance)": [[126, "abacusai.feature_importance.FeatureImportance", false]], "featuremapping (class in abacusai)": [[146, "abacusai.FeatureMapping", false]], "featuremapping (class in abacusai.feature_mapping)": [[127, "abacusai.feature_mapping.FeatureMapping", false]], "featuremappingconfig (class in abacusai)": [[146, "abacusai.FeatureMappingConfig", false]], "featuremappingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureMappingConfig", false]], "featuremappingconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.FeatureMappingConfig", false]], "featureperformanceanalysis (class in abacusai)": [[146, "abacusai.FeaturePerformanceAnalysis", false]], "featureperformanceanalysis (class in abacusai.feature_performance_analysis)": [[128, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis", false]], "featurerecord (class in abacusai)": [[146, "abacusai.FeatureRecord", false]], "featurerecord (class in abacusai.feature_record)": [[129, "abacusai.feature_record.FeatureRecord", false]], "features (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.features", false]], "features (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.features", false]], "features (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[128, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.features", false]], "features (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.features", false]], "features (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.features", false]], "features (abacusai.featureperformanceanalysis attribute)": [[146, "abacusai.FeaturePerformanceAnalysis.features", false]], "features (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.features", false]], "features (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.features", false]], "features (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.features", false]], "features (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.features", false]], "features_considered_constant_for_explanations (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.features_considered_constant_for_explanations", false]], "features_considered_constant_for_explanations (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.features_considered_constant_for_explanations", false]], "features_considered_constant_for_explanations (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.features_considered_constant_for_explanations", false]], "featurestorepredictionarguments (class in abacusai)": [[146, "abacusai.FeatureStorePredictionArguments", false]], "featurestorepredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureStorePredictionArguments", false]], "featurestorepredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.FeatureStorePredictionArguments", false]], "feedback (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.feedback", false]], "feedback (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.feedback", false]], "feedback (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.feedback", false]], "feedback (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.feedback", false]], "feedback_type (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.feedback_type", false]], "feedback_type (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.feedback_type", false]], "fetch_web_page() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.fetch_web_page", false]], "fetch_web_page() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.fetch_web_page", false]], "fewshot_examples (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.fewshot_examples", false]], "fewshot_examples (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.fewshot_examples", false]], "fewshot_examples (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.fewshot_examples", false]], "field (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.field", false]], "field (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.field", false]], "field (abacusai.fielddescriptor attribute)": [[146, "abacusai.FieldDescriptor.field", false]], "fielddescriptor (class in abacusai)": [[146, "abacusai.FieldDescriptor", false]], "fielddescriptor (class in abacusai.api_class)": [[27, "abacusai.api_class.FieldDescriptor", false]], "fielddescriptor (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor", false]], "fielddescriptortype (class in abacusai)": [[146, "abacusai.FieldDescriptorType", false]], "fielddescriptortype (class in abacusai.api_class)": [[27, "abacusai.api_class.FieldDescriptorType", false]], "fielddescriptortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FieldDescriptorType", false]], "file (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.FILE", false]], "file (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.FILE", false]], "file (abacusai.connectortype attribute)": [[146, "abacusai.ConnectorType.FILE", false]], "file_connector_output_location (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.file_connector_output_location", false]], "file_connector_output_location (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.file_connector_output_location", false]], "file_connector_output_location (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.file_connector_output_location", false]], "file_connector_output_location (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.file_connector_output_location", false]], "file_format (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.file_format", false]], "file_format (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.file_format", false]], "file_format (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.file_format", false]], "file_format (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.file_format", false]], "file_inspect_metadata (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.file_inspect_metadata", false]], "file_inspect_metadata (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.file_inspect_metadata", false]], "file_output_format (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.file_output_format", false]], "file_output_format (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.file_output_format", false]], "file_output_format (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.file_output_format", false]], "file_output_format (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.file_output_format", false]], "file_path (abacusai.code_edit.codeedit attribute)": [[56, "abacusai.code_edit.CodeEdit.file_path", false]], "file_path (abacusai.codeedit attribute)": [[146, "abacusai.CodeEdit.file_path", false]], "file_path_with_schema (abacusai.api_class.dataset.parsingconfig attribute)": [[21, "abacusai.api_class.dataset.ParsingConfig.file_path_with_schema", false]], "file_path_with_schema (abacusai.api_class.parsingconfig attribute)": [[27, "abacusai.api_class.ParsingConfig.file_path_with_schema", false]], "file_path_with_schema (abacusai.parsingconfig attribute)": [[146, "abacusai.ParsingConfig.file_path_with_schema", false]], "fileconnector (class in abacusai)": [[146, "abacusai.FileConnector", false]], "fileconnector (class in abacusai.file_connector)": [[130, "abacusai.file_connector.FileConnector", false]], "fileconnectorexportconfig (class in abacusai)": [[146, "abacusai.FileConnectorExportConfig", false]], "fileconnectorexportconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FileConnectorExportConfig", false]], "fileconnectorexportconfig (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig", false]], "fileconnectorinstructions (class in abacusai)": [[146, "abacusai.FileConnectorInstructions", false]], "fileconnectorinstructions (class in abacusai.file_connector_instructions)": [[131, "abacusai.file_connector_instructions.FileConnectorInstructions", false]], "fileconnectorverification (class in abacusai)": [[146, "abacusai.FileConnectorVerification", false]], "fileconnectorverification (class in abacusai.file_connector_verification)": [[132, "abacusai.file_connector_verification.FileConnectorVerification", false]], "fileformat (class in abacusai)": [[146, "abacusai.FileFormat", false]], "fileformat (class in abacusai.api_class)": [[27, "abacusai.api_class.FileFormat", false]], "fileformat (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FileFormat", false]], "filename (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.filename", false]], "filename (abacusai.agentdatadocumentinfo attribute)": [[146, "abacusai.AgentDataDocumentInfo.filename", false]], "filename (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.filename", false]], "filename (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.filename", false]], "filename (abacusai.blob attribute)": [[146, "abacusai.Blob.filename", false]], "files_output_location_prefix (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.files_output_location_prefix", false]], "files_output_location_prefix (abacusai.api_class.pretrainedmodelsbatchpredictionargs attribute)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.files_output_location_prefix", false]], "files_output_location_prefix (abacusai.pretrainedmodelsbatchpredictionargs attribute)": [[146, "abacusai.PretrainedModelsBatchPredictionArgs.files_output_location_prefix", false]], "fill_missing_values (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.fill_missing_values", false]], "filllogic (class in abacusai)": [[146, "abacusai.FillLogic", false]], "filllogic (class in abacusai.api_class)": [[27, "abacusai.api_class.FillLogic", false]], "filllogic (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FillLogic", false]], "filter_columns (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.filter_columns", false]], "filter_columns (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.filter_columns", false]], "filter_columns (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.filter_columns", false]], "filter_history (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.filter_history", false]], "filter_history (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.filter_history", false]], "filter_history (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.filter_history", false]], "filter_items (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.filter_items", false]], "filter_items (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.filter_items", false]], "filter_items (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.filter_items", false]], "finetuned_llm (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.FINETUNED_LLM", false]], "finetuned_llm (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.FINETUNED_LLM", false]], "finetuned_llm (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.FINETUNED_LLM", false]], "finetuned_pretrained_model_id (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.finetuned_pretrained_model_id", false]], "finetuned_pretrained_model_id (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.finetuned_pretrained_model_id", false]], "finetuned_pretrained_model_version (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.finetuned_pretrained_model_version", false]], "finetuned_pretrained_model_version (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.finetuned_pretrained_model_version", false]], "finetunedpretrainedmodel (class in abacusai)": [[146, "abacusai.FinetunedPretrainedModel", false]], "finetunedpretrainedmodel (class in abacusai.finetuned_pretrained_model)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel", false]], "finetuning_dataset_version (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.finetuning_dataset_version", false]], "finetuning_dataset_version (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.finetuning_dataset_version", false]], "first_cap_re (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.FIRST_CAP_RE", false]], "first_page (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.FIRST_PAGE", false]], "float (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.FLOAT", false]], "float (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.FLOAT", false]], "float (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.FLOAT", false]], "float (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.FLOAT", false]], "float (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.FLOAT", false]], "float (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.FLOAT", false]], "float (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.FLOAT", false]], "float (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.FLOAT", false]], "float (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.FLOAT", false]], "float (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.FLOAT", false]], "float (abacusai.datatype attribute)": [[146, "abacusai.DataType.FLOAT", false]], "float (abacusai.fielddescriptortype attribute)": [[146, "abacusai.FieldDescriptorType.FLOAT", false]], "float (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.FLOAT", false]], "float (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.FLOAT", false]], "float (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.FLOAT", false]], "flv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.FLV", false]], "flv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.FLV", false]], "flv (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.FLV", false]], "focal_cross_entropy (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.FOCAL_CROSS_ENTROPY", false]], "focal_cross_entropy (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.FOCAL_CROSS_ENTROPY", false]], "focal_cross_entropy (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.FOCAL_CROSS_ENTROPY", false]], "for_eval (abacusai.api_class.batch_prediction.chatllmbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.namedentityextractionbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.sentenceboundarydetectionbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.trainableplugandplaybatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.chatllmbatchpredictionargs attribute)": [[27, "abacusai.api_class.ChatLLMBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.namedentityextractionbatchpredictionargs attribute)": [[27, "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.pretrainedmodelsbatchpredictionargs attribute)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.sentenceboundarydetectionbatchpredictionargs attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.trainableplugandplaybatchpredictionargs attribute)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.chatllmbatchpredictionargs attribute)": [[146, "abacusai.ChatLLMBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.namedentityextractionbatchpredictionargs attribute)": [[146, "abacusai.NamedEntityExtractionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.personalizationbatchpredictionargs attribute)": [[146, "abacusai.PersonalizationBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.pretrainedmodelsbatchpredictionargs attribute)": [[146, "abacusai.PretrainedModelsBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.sentenceboundarydetectionbatchpredictionargs attribute)": [[146, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.themeanalysisbatchpredictionargs attribute)": [[146, "abacusai.ThemeAnalysisBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.trainableplugandplaybatchpredictionargs attribute)": [[146, "abacusai.TrainablePlugAndPlayBatchPredictionArgs.for_eval", false]], "force_prediction_length (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.force_prediction_length", false]], "force_prediction_length (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.force_prediction_length", false]], "force_prediction_length (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.force_prediction_length", false]], "forced_assignments (abacusai.api_class.deployment.optimizationpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.forced_assignments", false]], "forced_assignments (abacusai.api_class.optimizationpredictionarguments attribute)": [[27, "abacusai.api_class.OptimizationPredictionArguments.forced_assignments", false]], "forced_assignments (abacusai.optimizationpredictionarguments attribute)": [[146, "abacusai.OptimizationPredictionArguments.forced_assignments", false]], "forecast_frequency (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.forecast_frequency", false]], "forecast_frequency (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.forecast_frequency", false]], "forecast_frequency (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.forecast_frequency", false]], "forecast_frequency (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.forecast_frequency", false]], "forecast_frequency (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.forecast_frequency", false]], "forecast_frequency (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.forecast_frequency", false]], "forecast_frequency (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.forecast_frequency", false]], "forecast_frequency (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.forecast_frequency", false]], "forecast_frequency (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.forecast_frequency", false]], "forecast_frequency (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.forecast_frequency", false]], "forecast_frequency (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.forecast_frequency", false]], "forecasting (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.FORECASTING", false]], "forecasting (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.FORECASTING", false]], "forecasting (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.FORECASTING", false]], "forecasting_accuracy (abacusai.api_class.enums.evalartifacttype attribute)": [[25, "abacusai.api_class.enums.EvalArtifactType.FORECASTING_ACCURACY", false]], "forecasting_accuracy (abacusai.api_class.evalartifacttype attribute)": [[27, "abacusai.api_class.EvalArtifactType.FORECASTING_ACCURACY", false]], "forecasting_accuracy (abacusai.evalartifacttype attribute)": [[146, "abacusai.EvalArtifactType.FORECASTING_ACCURACY", false]], "forecasting_history_length_accuracy (abacusai.api_class.enums.evalartifacttype attribute)": [[25, "abacusai.api_class.enums.EvalArtifactType.FORECASTING_HISTORY_LENGTH_ACCURACY", false]], "forecasting_history_length_accuracy (abacusai.api_class.evalartifacttype attribute)": [[27, "abacusai.api_class.EvalArtifactType.FORECASTING_HISTORY_LENGTH_ACCURACY", false]], "forecasting_history_length_accuracy (abacusai.evalartifacttype attribute)": [[146, "abacusai.EvalArtifactType.FORECASTING_HISTORY_LENGTH_ACCURACY", false]], "forecasting_horizon (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.forecasting_horizon", false]], "forecasting_horizon (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.forecasting_horizon", false]], "forecasting_horizon (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.forecasting_horizon", false]], "forecasting_monitor_summary (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.forecasting_monitor_summary", false]], "forecasting_monitor_summary (abacusai.monitordriftanddistributions attribute)": [[146, "abacusai.MonitorDriftAndDistributions.forecasting_monitor_summary", false]], "forecasting_target_feature (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.forecasting_target_feature", false]], "forecasting_target_feature (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.forecasting_target_feature", false]], "forecasting_volume (abacusai.api_class.enums.evalartifacttype attribute)": [[25, "abacusai.api_class.enums.EvalArtifactType.FORECASTING_VOLUME", false]], "forecasting_volume (abacusai.api_class.evalartifacttype attribute)": [[27, "abacusai.api_class.EvalArtifactType.FORECASTING_VOLUME", false]], "forecasting_volume (abacusai.evalartifacttype attribute)": [[146, "abacusai.EvalArtifactType.FORECASTING_VOLUME", false]], "forecastinganalysisgraphdata (class in abacusai)": [[146, "abacusai.ForecastingAnalysisGraphData", false]], "forecastinganalysisgraphdata (class in abacusai.forecasting_analysis_graph_data)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData", false]], "forecastingbatchpredictionargs (class in abacusai)": [[146, "abacusai.ForecastingBatchPredictionArgs", false]], "forecastingbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs", false]], "forecastingbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs", false]], "forecastingdatasplittype (class in abacusai)": [[146, "abacusai.ForecastingDataSplitType", false]], "forecastingdatasplittype (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingDataSplitType", false]], "forecastingdatasplittype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType", false]], "forecastingfillmethod (class in abacusai)": [[146, "abacusai.ForecastingFillMethod", false]], "forecastingfillmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingFillMethod", false]], "forecastingfillmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingFillMethod", false]], "forecastingfrequency (class in abacusai)": [[146, "abacusai.ForecastingFrequency", false]], "forecastingfrequency (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingFrequency", false]], "forecastingfrequency (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingFrequency", false]], "forecastinglocalscaling (class in abacusai)": [[146, "abacusai.ForecastingLocalScaling", false]], "forecastinglocalscaling (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingLocalScaling", false]], "forecastinglocalscaling (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling", false]], "forecastinglossfunction (class in abacusai)": [[146, "abacusai.ForecastingLossFunction", false]], "forecastinglossfunction (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingLossFunction", false]], "forecastinglossfunction (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingLossFunction", false]], "forecastingmonitorconfig (class in abacusai)": [[146, "abacusai.ForecastingMonitorConfig", false]], "forecastingmonitorconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingMonitorConfig", false]], "forecastingmonitorconfig (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig", false]], "forecastingmonitoritemanalysis (class in abacusai)": [[146, "abacusai.ForecastingMonitorItemAnalysis", false]], "forecastingmonitoritemanalysis (class in abacusai.forecasting_monitor_item_analysis)": [[135, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis", false]], "forecastingmonitorsummary (class in abacusai)": [[146, "abacusai.ForecastingMonitorSummary", false]], "forecastingmonitorsummary (class in abacusai.forecasting_monitor_summary)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary", false]], "forecastingobjective (class in abacusai)": [[146, "abacusai.ForecastingObjective", false]], "forecastingobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingObjective", false]], "forecastingobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingObjective", false]], "forecastingpredictionarguments (class in abacusai)": [[146, "abacusai.ForecastingPredictionArguments", false]], "forecastingpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingPredictionArguments", false]], "forecastingpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments", false]], "forecastingquanitlesextensionmethod (class in abacusai)": [[146, "abacusai.ForecastingQuanitlesExtensionMethod", false]], "forecastingquanitlesextensionmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod", false]], "forecastingquanitlesextensionmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod", false]], "forecastingtrainingconfig (class in abacusai)": [[146, "abacusai.ForecastingTrainingConfig", false]], "forecastingtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingTrainingConfig", false]], "forecastingtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig", false]], "form_response (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.form_response", false]], "form_response (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.form_response", false]], "forwardfill (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.FORWARDFILL", false]], "forwardfill (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.FORWARDFILL", false]], "forwardfill (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.FORWARDFILL", false]], "freq_above_training_range (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.freq_above_training_range", false]], "freq_above_training_range (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.freq_above_training_range", false]], "freq_below_training_range (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.freq_below_training_range", false]], "freq_below_training_range (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.freq_below_training_range", false]], "freq_outside_training_range (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[46, "abacusai.categorical_range_violation.CategoricalRangeViolation.freq_outside_training_range", false]], "freq_outside_training_range (abacusai.categoricalrangeviolation attribute)": [[146, "abacusai.CategoricalRangeViolation.freq_outside_training_range", false]], "frequency_penalty (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.frequency_penalty", false]], "frequency_penalty (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.frequency_penalty", false]], "frequency_penalty (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.frequency_penalty", false]], "freshservice (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.FRESHSERVICE", false]], "freshservice (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.FRESHSERVICE", false]], "freshservice (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.FRESHSERVICE", false]], "freshservicedatasetconfig (class in abacusai)": [[146, "abacusai.FreshserviceDatasetConfig", false]], "freshservicedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FreshserviceDatasetConfig", false]], "freshservicedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig", false]], "from_contents() (abacusai.api_class.blob class method)": [[27, "abacusai.api_class.Blob.from_contents", false]], "from_contents() (abacusai.api_class.blob_input.blob class method)": [[19, "abacusai.api_class.blob_input.Blob.from_contents", false]], "from_contents() (abacusai.blob class method)": [[146, "abacusai.Blob.from_contents", false]], "from_dict() (abacusai._apiclassfactory class method)": [[146, "abacusai._ApiClassFactory.from_dict", false]], "from_dict() (abacusai.api_class._apiclassfactory class method)": [[27, "abacusai.api_class._ApiClassFactory.from_dict", false], [27, "id152", false], [27, "id185", false], [27, "id222", false], [27, "id241", false], [27, "id274", false], [27, "id46", false], [27, "id67", false], [27, "id90", false]], "from_dict() (abacusai.api_class.abstract._apiclassfactory class method)": [[15, "abacusai.api_class.abstract._ApiClassFactory.from_dict", false]], "from_dict() (abacusai.api_class.abstract.apiclass class method)": [[15, "abacusai.api_class.abstract.ApiClass.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.triggerconfig class method)": [[16, "abacusai.api_class.ai_agents.TriggerConfig.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflowgraph class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeinputmapping class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeinputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeoutputmapping class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeoutputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodetemplateconfig class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodetemplateinput class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodetemplateoutput class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.from_dict", false]], "from_dict() (abacusai.api_class.apiclass class method)": [[27, "abacusai.api_class.ApiClass.from_dict", false], [27, "id104", false], [27, "id13", false], [27, "id147", false], [27, "id180", false], [27, "id199", false], [27, "id217", false], [27, "id236", false], [27, "id255", false], [27, "id269", false], [27, "id27", false], [27, "id288", false], [27, "id41", false], [27, "id60", false], [27, "id85", false]], "from_dict() (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig class method)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.from_dict", false]], "from_dict() (abacusai.api_class.projectfeaturegrouptypemappingsconfig class method)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.from_dict", false]], "from_dict() (abacusai.api_class.triggerconfig class method)": [[27, "abacusai.api_class.TriggerConfig.from_dict", false]], "from_dict() (abacusai.api_class.workflowgraph class method)": [[27, "abacusai.api_class.WorkflowGraph.from_dict", false]], "from_dict() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeinputmapping class method)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeinputschema class method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeoutputmapping class method)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeoutputschema class method)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema.from_dict", false]], "from_dict() (abacusai.api_class.workflownodetemplateconfig class method)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.from_dict", false]], "from_dict() (abacusai.api_class.workflownodetemplateinput class method)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.from_dict", false]], "from_dict() (abacusai.api_class.workflownodetemplateoutput class method)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.from_dict", false]], "from_dict() (abacusai.apiclass class method)": [[146, "abacusai.ApiClass.from_dict", false]], "from_dict() (abacusai.projectfeaturegrouptypemappingsconfig class method)": [[146, "abacusai.ProjectFeatureGroupTypeMappingsConfig.from_dict", false]], "from_dict() (abacusai.triggerconfig class method)": [[146, "abacusai.TriggerConfig.from_dict", false]], "from_dict() (abacusai.workflowgraph class method)": [[146, "abacusai.WorkflowGraph.from_dict", false]], "from_dict() (abacusai.workflowgraphnode class method)": [[146, "abacusai.WorkflowGraphNode.from_dict", false]], "from_dict() (abacusai.workflownodeinputmapping class method)": [[146, "abacusai.WorkflowNodeInputMapping.from_dict", false]], "from_dict() (abacusai.workflownodeinputschema class method)": [[146, "abacusai.WorkflowNodeInputSchema.from_dict", false]], "from_dict() (abacusai.workflownodeoutputmapping class method)": [[146, "abacusai.WorkflowNodeOutputMapping.from_dict", false]], "from_dict() (abacusai.workflownodeoutputschema class method)": [[146, "abacusai.WorkflowNodeOutputSchema.from_dict", false]], "from_dict() (abacusai.workflownodetemplateconfig class method)": [[146, "abacusai.WorkflowNodeTemplateConfig.from_dict", false]], "from_dict() (abacusai.workflownodetemplateinput class method)": [[146, "abacusai.WorkflowNodeTemplateInput.from_dict", false]], "from_dict() (abacusai.workflownodetemplateoutput class method)": [[146, "abacusai.WorkflowNodeTemplateOutput.from_dict", false]], "from_fields_list() (abacusai.api_class.ai_agents.jsonschema class method)": [[16, "abacusai.api_class.ai_agents.JSONSchema.from_fields_list", false]], "from_fields_list() (abacusai.api_class.jsonschema class method)": [[27, "abacusai.api_class.JSONSchema.from_fields_list", false]], "from_fields_list() (abacusai.jsonschema class method)": [[146, "abacusai.JSONSchema.from_fields_list", false]], "from_input_mappings() (abacusai.api_class.ai_agents.workflownodeinputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.from_input_mappings", false]], "from_input_mappings() (abacusai.api_class.workflownodeinputschema class method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.from_input_mappings", false]], "from_input_mappings() (abacusai.workflownodeinputschema class method)": [[146, "abacusai.WorkflowNodeInputSchema.from_input_mappings", false]], "from_local_file() (abacusai.api_class.blob class method)": [[27, "abacusai.api_class.Blob.from_local_file", false]], "from_local_file() (abacusai.api_class.blob_input.blob class method)": [[19, "abacusai.api_class.blob_input.Blob.from_local_file", false]], "from_local_file() (abacusai.blob class method)": [[146, "abacusai.Blob.from_local_file", false]], "from_response() (abacusai.client._apiexceptionfactory class method)": [[52, "abacusai.client._ApiExceptionFactory.from_response", false]], "from_template() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.from_template", false]], "from_template() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode.from_template", false]], "from_template() (abacusai.workflowgraphnode class method)": [[146, "abacusai.WorkflowGraphNode.from_template", false]], "from_value() (abacusai.api_class.enums.memorysize class method)": [[25, "abacusai.api_class.enums.MemorySize.from_value", false]], "from_value() (abacusai.api_class.memorysize class method)": [[27, "abacusai.api_class.MemorySize.from_value", false]], "from_value() (abacusai.memorysize class method)": [[146, "abacusai.MemorySize.from_value", false]], "from_workflow_node() (abacusai.api_class.ai_agents.workflownodeinputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.from_workflow_node", false]], "from_workflow_node() (abacusai.api_class.workflownodeinputschema class method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.from_workflow_node", false]], "from_workflow_node() (abacusai.workflownodeinputschema class method)": [[146, "abacusai.WorkflowNodeInputSchema.from_workflow_node", false]], "full_data_retraining (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.full_data_retraining", false]], "function (abacusai.function_logs.functionlogs attribute)": [[137, "abacusai.function_logs.FunctionLogs.function", false]], "function (abacusai.functionlogs attribute)": [[146, "abacusai.FunctionLogs.function", false]], "function_name (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.function_name", false]], "function_name (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.function_name", false]], "function_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.function_name", false]], "function_name (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.function_name", false]], "function_name (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.function_name", false]], "function_name (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.function_name", false]], "function_name (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.function_name", false]], "function_name (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.function_name", false]], "function_name (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.function_name", false]], "function_name (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.function_name", false]], "function_source_code (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.function_source_code", false]], "function_source_code (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.function_source_code", false]], "function_source_code (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.function_source_code", false]], "function_source_code (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.function_source_code", false]], "function_type (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.function_type", false]], "function_type (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.function_type", false]], "function_type (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.function_type", false]], "function_type (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.function_type", false]], "function_variable_mappings (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.function_variable_mappings", false]], "function_variable_mappings (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.function_variable_mappings", false]], "function_variable_mappings (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.function_variable_mappings", false]], "function_variable_mappings (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.function_variable_mappings", false]], "function_variable_mappings (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.function_variable_mappings", false]], "function_variable_mappings (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.function_variable_mappings", false]], "functionlogs (class in abacusai)": [[146, "abacusai.FunctionLogs", false]], "functionlogs (class in abacusai.function_logs)": [[137, "abacusai.function_logs.FunctionLogs", false]], "future (abacusai.api_class.enums.forecastingfillmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingFillMethod.FUTURE", false]], "future (abacusai.api_class.forecastingfillmethod attribute)": [[27, "abacusai.api_class.ForecastingFillMethod.FUTURE", false]], "future (abacusai.forecastingfillmethod attribute)": [[146, "abacusai.ForecastingFillMethod.FUTURE", false]], "gatewaytimeouterror": [[52, "abacusai.client.GatewayTimeoutError", false]], "gaussian (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.GAUSSIAN", false]], "gaussian (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.GAUSSIAN", false]], "gaussian (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.GAUSSIAN", false]], "gaussian_full_covariance (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.GAUSSIAN_FULL_COVARIANCE", false]], "gaussian_full_covariance (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.GAUSSIAN_FULL_COVARIANCE", false]], "gaussian_full_covariance (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.GAUSSIAN_FULL_COVARIANCE", false]], "gemini_1_5_flash (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_1_5_FLASH", false]], "gemini_1_5_flash (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_1_5_FLASH", false]], "gemini_1_5_flash (abacusai.llmname attribute)": [[146, "abacusai.LLMName.GEMINI_1_5_FLASH", false]], "gemini_1_5_pro (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_1_5_PRO", false]], "gemini_1_5_pro (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_1_5_PRO", false]], "gemini_1_5_pro (abacusai.llmname attribute)": [[146, "abacusai.LLMName.GEMINI_1_5_PRO", false]], "gemini_2_flash (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_2_FLASH", false]], "gemini_2_flash (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_2_FLASH", false]], "gemini_2_flash (abacusai.llmname attribute)": [[146, "abacusai.LLMName.GEMINI_2_FLASH", false]], "gemini_2_flash_thinking (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_2_FLASH_THINKING", false]], "gemini_2_flash_thinking (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_2_FLASH_THINKING", false]], "gemini_2_flash_thinking (abacusai.llmname attribute)": [[146, "abacusai.LLMName.GEMINI_2_FLASH_THINKING", false]], "gemini_2_pro (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_2_PRO", false]], "gemini_2_pro (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_2_PRO", false]], "gemini_2_pro (abacusai.llmname attribute)": [[146, "abacusai.LLMName.GEMINI_2_PRO", false]], "gender (abacusai.hume_voice.humevoice attribute)": [[144, "abacusai.hume_voice.HumeVoice.gender", false]], "gender (abacusai.humevoice attribute)": [[146, "abacusai.HumeVoice.gender", false]], "gender (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.gender", false]], "gender (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.gender", false]], "generate_agent_code() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.generate_agent_code", false]], "generate_agent_code() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.generate_agent_code", false]], "generate_agent_code() (abacusai.project method)": [[146, "abacusai.Project.generate_agent_code", false]], "generate_agent_code() (abacusai.project.project method)": [[214, "abacusai.project.Project.generate_agent_code", false]], "generate_code_for_data_query_using_llm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.generate_code_for_data_query_using_llm", false]], "generate_code_for_data_query_using_llm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.generate_code_for_data_query_using_llm", false]], "generate_image() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.generate_image", false]], "generate_image() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.generate_image", false]], "generate_image() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.generate_image", false]], "generate_image() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.generate_image", false]], "generate_natural_language_explanation() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.generate_natural_language_explanation", false]], "generate_natural_language_explanation() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.generate_natural_language_explanation", false]], "generate_natural_language_explanation() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.generate_natural_language_explanation", false]], "generate_natural_language_explanation() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.generate_natural_language_explanation", false]], "generate_point_in_time_features() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.generate_point_in_time_features", false]], "generate_point_in_time_features() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.generate_point_in_time_features", false]], "generate_point_in_time_features() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.generate_point_in_time_features", false]], "generate_point_in_time_features() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.generate_point_in_time_features", false]], "generatedpitfeatureconfigoption (class in abacusai)": [[146, "abacusai.GeneratedPitFeatureConfigOption", false]], "generatedpitfeatureconfigoption (class in abacusai.generated_pit_feature_config_option)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption", false]], "generation_instructions (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.generation_instructions", false]], "generation_instructions (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.generation_instructions", false]], "generation_instructions (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.generation_instructions", false]], "generic404error": [[52, "abacusai.client.Generic404Error", false]], "genericpermissiondeniederror": [[52, "abacusai.client.GenericPermissionDeniedError", false]], "get() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.get", false]], "get() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.get", false], [27, "id10", false], [27, "id101", false], [27, "id144", false], [27, "id177", false], [27, "id196", false], [27, "id214", false], [27, "id233", false], [27, "id24", false], [27, "id252", false], [27, "id266", false], [27, "id285", false], [27, "id38", false], [27, "id57", false], [27, "id82", false]], "get() (abacusai.apiclass method)": [[146, "abacusai.ApiClass.get", false]], "get() (abacusai.chat_session.chatsession method)": [[48, "abacusai.chat_session.ChatSession.get", false]], "get() (abacusai.chatsession method)": [[146, "abacusai.ChatSession.get", false]], "get() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.get", false]], "get() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.get", false]], "get() (in module abacusai.global_context)": [[139, "abacusai.global_context.get", false]], "get_agent_context_blob_inputs() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_blob_inputs", false]], "get_agent_context_blob_inputs() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_blob_inputs", false]], "get_agent_context_chat_history() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_chat_history", false]], "get_agent_context_chat_history() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_chat_history", false]], "get_agent_context_chat_history_for_llm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_chat_history_for_llm", false]], "get_agent_context_chat_history_for_llm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_chat_history_for_llm", false]], "get_agent_context_conversation_id() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_conversation_id", false]], "get_agent_context_conversation_id() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_conversation_id", false]], "get_agent_context_doc_ids() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_doc_ids", false]], "get_agent_context_doc_ids() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_doc_ids", false]], "get_agent_context_doc_infos() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_doc_infos", false]], "get_agent_context_doc_infos() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_doc_infos", false]], "get_agent_context_external_session_id() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_external_session_id", false]], "get_agent_context_external_session_id() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_external_session_id", false]], "get_agent_context_user_info() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_context_user_info", false]], "get_agent_context_user_info() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_context_user_info", false]], "get_agent_runtime_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_agent_runtime_config", false]], "get_agent_runtime_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_agent_runtime_config", false]], "get_all_item_data (abacusai.api_class.deployment.timeseriesanomalypredictionarguments attribute)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.get_all_item_data", false]], "get_all_item_data (abacusai.api_class.timeseriesanomalypredictionarguments attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.get_all_item_data", false]], "get_all_item_data (abacusai.timeseriesanomalypredictionarguments attribute)": [[146, "abacusai.TimeseriesAnomalyPredictionArguments.get_all_item_data", false]], "get_alternative_assignments() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_alternative_assignments", false]], "get_alternative_assignments() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_alternative_assignments", false]], "get_alternative_assignments() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_alternative_assignments", false]], "get_alternative_assignments() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_alternative_assignments", false]], "get_annotations_status() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_annotations_status", false]], "get_annotations_status() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_annotations_status", false]], "get_annotations_status() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_annotations_status", false]], "get_annotations_status() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_annotations_status", false]], "get_anomalies() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_anomalies", false]], "get_anomalies() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_anomalies", false]], "get_anomalies() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_anomalies", false]], "get_anomalies() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_anomalies", false]], "get_api_endpoint() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_api_endpoint", false]], "get_api_endpoint() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_api_endpoint", false]], "get_app_user_group() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_app_user_group", false]], "get_app_user_group() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_app_user_group", false]], "get_app_user_group_sign_in_token() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_app_user_group_sign_in_token", false]], "get_app_user_group_sign_in_token() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_app_user_group_sign_in_token", false]], "get_archive_id() (abacusai.api_client_utils.docstoreutils static method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_archive_id", false]], "get_assignments() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_assignments", false]], "get_assignments() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_assignments", false]], "get_assignments() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_assignments", false]], "get_assignments() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_assignments", false]], "get_batch_prediction_connector_errors() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.get_batch_prediction_connector_errors", false]], "get_batch_prediction_connector_errors() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.get_batch_prediction_connector_errors", false]], "get_batch_prediction_connector_errors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_batch_prediction_connector_errors", false]], "get_batch_prediction_connector_errors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_batch_prediction_connector_errors", false]], "get_batch_prediction_version_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_batch_prediction_version_logs", false]], "get_batch_prediction_version_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_batch_prediction_version_logs", false]], "get_chat_response() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_chat_response", false]], "get_chat_response() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_chat_response", false]], "get_chat_response() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_chat_response", false]], "get_chat_response() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_chat_response", false]], "get_chat_response_with_binary_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_chat_response_with_binary_data", false]], "get_chat_response_with_binary_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_chat_response_with_binary_data", false]], "get_chat_response_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_chat_response_with_binary_data", false]], "get_chat_response_with_binary_data() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_chat_response_with_binary_data", false]], "get_chat_session() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_chat_session", false]], "get_chat_session() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_chat_session", false]], "get_classification() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_classification", false]], "get_classification() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_classification", false]], "get_classification() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_classification", false]], "get_classification() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_classification", false]], "get_clean_function_source_code() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.get_clean_function_source_code", false]], "get_clean_function_source_code_for_agent() (in module abacusai)": [[146, "abacusai.get_clean_function_source_code_for_agent", false]], "get_clean_function_source_code_for_agent() (in module abacusai.api_class)": [[27, "abacusai.api_class.get_clean_function_source_code_for_agent", false]], "get_clean_function_source_code_for_agent() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.get_clean_function_source_code_for_agent", false]], "get_cluster() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_cluster", false]], "get_cluster() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_cluster", false]], "get_cluster() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_cluster", false]], "get_cluster() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_cluster", false]], "get_collinearity_for_feature() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_collinearity_for_feature", false]], "get_collinearity_for_feature() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.get_collinearity_for_feature", false]], "get_collinearity_for_feature() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.get_collinearity_for_feature", false]], "get_collinearity_for_feature() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_collinearity_for_feature", false]], "get_completion() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_completion", false]], "get_completion() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_completion", false]], "get_completion() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_completion", false]], "get_completion() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_completion", false]], "get_connector_auth() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_connector_auth", false]], "get_connector_auth() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_connector_auth", false]], "get_connector_errors() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.get_connector_errors", false]], "get_connector_errors() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.get_connector_errors", false]], "get_content_hash() (abacusai.api_client_utils.docstoreutils static method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_content_hash", false]], "get_conversation_response() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_conversation_response", false]], "get_conversation_response() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_conversation_response", false]], "get_conversation_response() (abacusai.deployment method)": [[146, "abacusai.Deployment.get_conversation_response", false]], "get_conversation_response() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.get_conversation_response", false]], "get_conversation_response() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_conversation_response", false]], "get_conversation_response() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_conversation_response", false]], "get_conversation_response_with_binary_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.deployment method)": [[146, "abacusai.Deployment.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_conversation_response_with_binary_data", false]], "get_custom_train_function_info() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_custom_train_function_info", false]], "get_custom_train_function_info() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_custom_train_function_info", false]], "get_custom_train_function_info() (abacusai.project method)": [[146, "abacusai.Project.get_custom_train_function_info", false]], "get_custom_train_function_info() (abacusai.project.project method)": [[214, "abacusai.project.Project.get_custom_train_function_info", false]], "get_data() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_data", false]], "get_data() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_data", false]], "get_data() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_data", false]], "get_data() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_data", false]], "get_database_connector_object_schema() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_database_connector_object_schema", false]], "get_database_connector_object_schema() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_database_connector_object_schema", false]], "get_dataset_schema() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_dataset_schema", false]], "get_dataset_schema() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_dataset_schema", false]], "get_dataset_version_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_dataset_version_logs", false]], "get_dataset_version_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_dataset_version_logs", false]], "get_dataset_version_metrics() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_dataset_version_metrics", false]], "get_dataset_version_metrics() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_dataset_version_metrics", false]], "get_deployment_conversation() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_deployment_conversation", false]], "get_deployment_conversation() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_deployment_conversation", false]], "get_deployment_statistics_over_time() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_deployment_statistics_over_time", false]], "get_deployment_statistics_over_time() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_deployment_statistics_over_time", false]], "get_deployment_status() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.get_deployment_status", false]], "get_deployment_status() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.get_deployment_status", false]], "get_deployment_status() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.get_deployment_status", false]], "get_deployment_status() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.get_deployment_status", false]], "get_docstore_document() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_docstore_document", false]], "get_docstore_document() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_docstore_document", false]], "get_docstore_document_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_docstore_document_data", false]], "get_docstore_document_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_docstore_document_data", false]], "get_docstore_image() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_docstore_image", false]], "get_docstore_image() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_docstore_image", false]], "get_docstore_page_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_docstore_page_data", false]], "get_docstore_page_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_docstore_page_data", false]], "get_document_snippet() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_document_snippet", false]], "get_document_snippet() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_document_snippet", false]], "get_document_snippet() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.get_document_snippet", false]], "get_document_snippet() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.get_document_snippet", false]], "get_document_to_annotate() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_document_to_annotate", false]], "get_document_to_annotate() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_document_to_annotate", false]], "get_document_to_annotate() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_document_to_annotate", false]], "get_document_to_annotate() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_document_to_annotate", false]], "get_drift_for_feature() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_drift_for_feature", false]], "get_drift_for_feature() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.get_drift_for_feature", false]], "get_drift_for_feature() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.get_drift_for_feature", false]], "get_drift_for_feature() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_drift_for_feature", false]], "get_eda_collinearity() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_eda_collinearity", false]], "get_eda_collinearity() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.get_eda_collinearity", false]], "get_eda_collinearity() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.get_eda_collinearity", false]], "get_eda_collinearity() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_eda_collinearity", false]], "get_eda_data_consistency() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_eda_data_consistency", false]], "get_eda_data_consistency() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.get_eda_data_consistency", false]], "get_eda_data_consistency() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.get_eda_data_consistency", false]], "get_eda_data_consistency() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_eda_data_consistency", false]], "get_eda_forecasting_analysis() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_eda_forecasting_analysis", false]], "get_eda_forecasting_analysis() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.get_eda_forecasting_analysis", false]], "get_eda_forecasting_analysis() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.get_eda_forecasting_analysis", false]], "get_eda_forecasting_analysis() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_eda_forecasting_analysis", false]], "get_entailment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_entailment", false]], "get_entailment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_entailment", false]], "get_entailment() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_entailment", false]], "get_entailment() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_entailment", false]], "get_entities_from_pdf() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_entities_from_pdf", false]], "get_entities_from_pdf() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_entities_from_pdf", false]], "get_entities_from_pdf() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_entities_from_pdf", false]], "get_entities_from_pdf() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_entities_from_pdf", false]], "get_event_anomaly_score() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_event_anomaly_score", false]], "get_event_anomaly_score() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_event_anomaly_score", false]], "get_event_anomaly_score() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_event_anomaly_score", false]], "get_event_anomaly_score() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_event_anomaly_score", false]], "get_execute_feature_group_operation_result_part_count() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_execute_feature_group_operation_result_part_count", false]], "get_execute_feature_group_operation_result_part_count() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_execute_feature_group_operation_result_part_count", false]], "get_feature_association() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_association", false]], "get_feature_association() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.get_feature_association", false]], "get_feature_association() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.get_feature_association", false]], "get_feature_association() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_association", false]], "get_feature_group_export_connector_errors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_group_export_connector_errors", false]], "get_feature_group_export_connector_errors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_group_export_connector_errors", false]], "get_feature_group_row_process_logs_by_key() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_logs_by_key() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_logs_by_key() (abacusai.deployment method)": [[146, "abacusai.Deployment.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_logs_by_key() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_summary() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_feature_group_row_process_summary", false]], "get_feature_group_row_process_summary() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_feature_group_row_process_summary", false]], "get_feature_group_row_process_summary() (abacusai.deployment method)": [[146, "abacusai.Deployment.get_feature_group_row_process_summary", false]], "get_feature_group_row_process_summary() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.get_feature_group_row_process_summary", false]], "get_feature_group_schema() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_group_schema", false]], "get_feature_group_schema() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_group_schema", false]], "get_feature_group_schemas_for() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.get_feature_group_schemas_for", false]], "get_feature_group_schemas_for() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.get_feature_group_schemas_for", false]], "get_feature_group_schemas_for_model_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_group_schemas_for_model_version", false]], "get_feature_group_schemas_for_model_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_group_schemas_for_model_version", false]], "get_feature_group_version_export_download_url() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_group_version_export_download_url", false]], "get_feature_group_version_export_download_url() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.get_feature_group_version_export_download_url", false]], "get_feature_group_version_export_download_url() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.get_feature_group_version_export_download_url", false]], "get_feature_group_version_export_download_url() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_group_version_export_download_url", false]], "get_feature_group_version_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_group_version_logs", false]], "get_feature_group_version_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_group_version_logs", false]], "get_feature_group_version_metrics() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_group_version_metrics", false]], "get_feature_group_version_metrics() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_group_version_metrics", false]], "get_feature_importance_by() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.get_feature_importance_by", false]], "get_feature_importance_by() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.get_feature_importance_by", false]], "get_feature_importance_by_model_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_feature_importance_by_model_version", false]], "get_feature_importance_by_model_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_feature_importance_by_model_version", false]], "get_file_connector_instructions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_file_connector_instructions", false]], "get_file_connector_instructions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_file_connector_instructions", false]], "get_forecast() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_forecast", false]], "get_forecast() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_forecast", false]], "get_forecast() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_forecast", false]], "get_forecast() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_forecast", false]], "get_initialized_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_initialized_data", false]], "get_initialized_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_initialized_data", false]], "get_item_data (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.cumulativeforecastingpredictionarguments attribute)": [[146, "abacusai.CumulativeForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.forecastingpredictionarguments attribute)": [[146, "abacusai.ForecastingPredictionArguments.get_item_data", false]], "get_k_nearest() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_k_nearest", false]], "get_k_nearest() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_k_nearest", false]], "get_k_nearest() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_k_nearest", false]], "get_k_nearest() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_k_nearest", false]], "get_labels() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_labels", false]], "get_labels() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_labels", false]], "get_labels() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_labels", false]], "get_labels() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_labels", false]], "get_llm_app_response() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_llm_app_response", false]], "get_llm_app_response() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_llm_app_response", false]], "get_logs() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.get_logs", false]], "get_logs() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.get_logs", false]], "get_logs() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.get_logs", false]], "get_logs() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.get_logs", false]], "get_logs() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.get_logs", false]], "get_logs() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.get_logs", false]], "get_matching_documents() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_matching_documents", false]], "get_matching_documents() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_matching_documents", false]], "get_matching_documents() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.get_matching_documents", false]], "get_matching_documents() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.get_matching_documents", false]], "get_materialization_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_materialization_logs", false]], "get_materialization_logs() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.get_materialization_logs", false]], "get_materialization_logs() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.get_materialization_logs", false]], "get_materialization_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_materialization_logs", false]], "get_matrix_agent_schema() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_matrix_agent_schema", false]], "get_matrix_agent_schema() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_matrix_agent_schema", false]], "get_matrix_agent_schema() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_matrix_agent_schema", false]], "get_matrix_agent_schema() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_matrix_agent_schema", false]], "get_metrics() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.get_metrics", false]], "get_metrics() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.get_metrics", false]], "get_metrics() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.get_metrics", false]], "get_metrics() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.get_metrics", false]], "get_metrics() (abacusai.model method)": [[146, "abacusai.Model.get_metrics", false]], "get_metrics() (abacusai.model.model method)": [[161, "abacusai.model.Model.get_metrics", false]], "get_model_metrics() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_model_metrics", false]], "get_model_metrics() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_model_metrics", false]], "get_model_monitor_chart_from_organization() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_model_monitor_chart_from_organization", false]], "get_model_monitor_chart_from_organization() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_model_monitor_chart_from_organization", false]], "get_model_monitor_summary() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_model_monitor_summary", false]], "get_model_monitor_summary() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_model_monitor_summary", false]], "get_model_monitor_summary_from_organization() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_model_monitor_summary_from_organization", false]], "get_model_monitor_summary_from_organization() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_model_monitor_summary_from_organization", false]], "get_model_training_types_for_deployment() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_model_training_types_for_deployment", false]], "get_model_training_types_for_deployment() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_model_training_types_for_deployment", false]], "get_module_code_from_notebook() (in module abacusai.client)": [[52, "abacusai.client.get_module_code_from_notebook", false]], "get_multiple_k_nearest() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_multiple_k_nearest", false]], "get_multiple_k_nearest() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_multiple_k_nearest", false]], "get_multiple_k_nearest() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_multiple_k_nearest", false]], "get_multiple_k_nearest() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_multiple_k_nearest", false]], "get_natural_language_explanation() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_natural_language_explanation", false]], "get_natural_language_explanation() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_natural_language_explanation", false]], "get_natural_language_explanation() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_natural_language_explanation", false]], "get_natural_language_explanation() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_natural_language_explanation", false]], "get_non_nullable_type() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.get_non_nullable_type", false]], "get_object_from_context() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.get_object_from_context", false]], "get_object_schema() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.get_object_schema", false]], "get_object_schema() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.get_object_schema", false]], "get_objects_from_image() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_objects_from_image", false]], "get_objects_from_image() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_objects_from_image", false]], "get_objects_from_image() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_objects_from_image", false]], "get_objects_from_image() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_objects_from_image", false]], "get_organization_secret() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_organization_secret", false]], "get_organization_secret() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_organization_secret", false]], "get_outliers_for_feature() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_outliers_for_feature", false]], "get_outliers_for_feature() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.get_outliers_for_feature", false]], "get_outliers_for_feature() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.get_outliers_for_feature", false]], "get_outliers_for_feature() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_outliers_for_feature", false]], "get_page_id() (abacusai.api_client_utils.docstoreutils static method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_page_id", false]], "get_pandas_documents_df() (abacusai.api_client_utils.docstoreutils class method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_pandas_documents_df", false]], "get_pandas_pages_df() (abacusai.api_client_utils.docstoreutils class method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_pandas_pages_df", false]], "get_personalized_ranking() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_personalized_ranking", false]], "get_personalized_ranking() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_personalized_ranking", false]], "get_personalized_ranking() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_personalized_ranking", false]], "get_personalized_ranking() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_personalized_ranking", false]], "get_point_in_time_feature_group_creation_options() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_point_in_time_feature_group_creation_options", false]], "get_point_in_time_feature_group_creation_options() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_point_in_time_feature_group_creation_options", false]], "get_prediction_drift() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_prediction_drift", false]], "get_prediction_drift() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.get_prediction_drift", false]], "get_prediction_drift() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.get_prediction_drift", false]], "get_prediction_drift() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_prediction_drift", false]], "get_prediction_logs_records() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_prediction_logs_records", false]], "get_prediction_logs_records() (abacusai.deployment method)": [[146, "abacusai.Deployment.get_prediction_logs_records", false]], "get_prediction_logs_records() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.get_prediction_logs_records", false]], "get_prediction_logs_records() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_prediction_logs_records", false]], "get_project_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_project_config", false]], "get_project_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_project_config", false]], "get_project_feature_group_config() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_project_feature_group_config", false]], "get_project_feature_group_config() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_project_feature_group_config", false]], "get_public_key() (in module abacusai.cryptography)": [[63, "abacusai.cryptography.get_public_key", false]], "get_ranked_items() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_ranked_items", false]], "get_ranked_items() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_ranked_items", false]], "get_ranked_items() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_ranked_items", false]], "get_ranked_items() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_ranked_items", false]], "get_recent_feature_group_streamed_data() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_recent_feature_group_streamed_data", false]], "get_recent_feature_group_streamed_data() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_recent_feature_group_streamed_data", false]], "get_recent_streamed_data() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_recent_streamed_data", false]], "get_recent_streamed_data() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_recent_streamed_data", false]], "get_recommendations() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_recommendations", false]], "get_recommendations() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_recommendations", false]], "get_recommendations() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_recommendations", false]], "get_recommendations() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_recommendations", false]], "get_related_items() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_related_items", false]], "get_related_items() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_related_items", false]], "get_related_items() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_related_items", false]], "get_related_items() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_related_items", false]], "get_relevant_snippets() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_relevant_snippets", false]], "get_relevant_snippets() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_relevant_snippets", false]], "get_request_user_info() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_request_user_info", false]], "get_request_user_info() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_request_user_info", false]], "get_schema() (abacusai.dataset method)": [[146, "abacusai.Dataset.get_schema", false]], "get_schema() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.get_schema", false]], "get_schema() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_schema", false]], "get_schema() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_schema", false]], "get_scoped_cache_value() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_scoped_cache_value", false]], "get_scoped_cache_value() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_scoped_cache_value", false]], "get_search_results() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_search_results", false]], "get_search_results() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_search_results", false]], "get_search_results() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_search_results", false]], "get_search_results() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_search_results", false]], "get_sentiment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_sentiment", false]], "get_sentiment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_sentiment", false]], "get_sentiment() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_sentiment", false]], "get_sentiment() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_sentiment", false]], "get_source_code() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.get_source_code", false]], "get_source_code_info() (in module abacusai.client)": [[52, "abacusai.client.get_source_code_info", false]], "get_statistics_over_time() (abacusai.deployment method)": [[146, "abacusai.Deployment.get_statistics_over_time", false]], "get_statistics_over_time() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.get_statistics_over_time", false]], "get_status() (abacusai.agent method)": [[146, "abacusai.Agent.get_status", false]], "get_status() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.get_status", false]], "get_status() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.get_status", false]], "get_status() (abacusai.agentversion method)": [[146, "abacusai.AgentVersion.get_status", false]], "get_status() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.get_status", false]], "get_status() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.get_status", false]], "get_status() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.get_status", false]], "get_status() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.get_status", false]], "get_status() (abacusai.dataset method)": [[146, "abacusai.Dataset.get_status", false]], "get_status() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.get_status", false]], "get_status() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.get_status", false]], "get_status() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.get_status", false]], "get_status() (abacusai.deployment method)": [[146, "abacusai.Deployment.get_status", false]], "get_status() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.get_status", false]], "get_status() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.get_status", false]], "get_status() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.get_status", false]], "get_status() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.get_status", false]], "get_status() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.get_status", false]], "get_status() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.get_status", false]], "get_status() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.get_status", false]], "get_status() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.get_status", false]], "get_status() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.get_status", false]], "get_status() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.get_status", false]], "get_status() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.get_status", false]], "get_status() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.get_status", false]], "get_status() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.get_status", false]], "get_status() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.get_status", false]], "get_status() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.get_status", false]], "get_status() (abacusai.featuregrouprowprocess method)": [[146, "abacusai.FeatureGroupRowProcess.get_status", false]], "get_status() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.get_status", false]], "get_status() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.get_status", false]], "get_status() (abacusai.holdoutanalysisversion method)": [[146, "abacusai.HoldoutAnalysisVersion.get_status", false]], "get_status() (abacusai.model method)": [[146, "abacusai.Model.get_status", false]], "get_status() (abacusai.model.model method)": [[161, "abacusai.model.Model.get_status", false]], "get_status() (abacusai.model_artifacts_export.modelartifactsexport method)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.get_status", false]], "get_status() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.get_status", false]], "get_status() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.get_status", false]], "get_status() (abacusai.modelartifactsexport method)": [[146, "abacusai.ModelArtifactsExport.get_status", false]], "get_status() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.get_status", false]], "get_status() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.get_status", false]], "get_status() (abacusai.monitor_alert_version.monitoralertversion method)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.get_status", false]], "get_status() (abacusai.monitoralertversion method)": [[146, "abacusai.MonitorAlertVersion.get_status", false]], "get_status() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.get_status", false]], "get_status() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.get_status", false]], "get_status() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.get_status", false]], "get_status() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.get_status", false]], "get_status() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.get_status", false]], "get_status() (abacusai.refreshpipelinerun method)": [[146, "abacusai.RefreshPipelineRun.get_status", false]], "get_status() (abacusai.upload method)": [[146, "abacusai.Upload.get_status", false]], "get_status() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.get_status", false]], "get_step_version_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_step_version_logs", false]], "get_step_version_logs() (abacusai.pipeline_step_version.pipelinestepversion method)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.get_step_version_logs", false]], "get_step_version_logs() (abacusai.pipelinestepversion method)": [[146, "abacusai.PipelineStepVersion.get_step_version_logs", false]], "get_step_version_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_step_version_logs", false]], "get_streaming_chat_response() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_streaming_chat_response", false]], "get_streaming_chat_response() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_streaming_chat_response", false]], "get_streaming_conversation_response() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_streaming_conversation_response", false]], "get_streaming_conversation_response() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_streaming_conversation_response", false]], "get_summary() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_summary", false]], "get_summary() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_summary", false]], "get_summary() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.get_summary", false]], "get_summary() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.get_summary", false]], "get_summary() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_summary", false]], "get_summary() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_summary", false]], "get_text_from_document() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_text_from_document", false]], "get_text_from_document() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_text_from_document", false]], "get_text_from_document() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_text_from_document", false]], "get_text_from_document() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_text_from_document", false]], "get_timeseries_anomalies() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_timeseries_anomalies", false]], "get_timeseries_anomalies() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_timeseries_anomalies", false]], "get_timeseries_anomalies() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.get_timeseries_anomalies", false]], "get_timeseries_anomalies() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.get_timeseries_anomalies", false]], "get_train_function_input() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_train_function_input", false]], "get_train_function_input() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_train_function_input", false]], "get_train_function_input_from_model_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_train_function_input_from_model_version", false]], "get_train_function_input_from_model_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_train_function_input_from_model_version", false]], "get_train_test_feature_group_as_pandas() (abacusai.model method)": [[146, "abacusai.Model.get_train_test_feature_group_as_pandas", false]], "get_train_test_feature_group_as_pandas() (abacusai.model.model method)": [[161, "abacusai.model.Model.get_train_test_feature_group_as_pandas", false]], "get_train_test_feature_group_as_pandas() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.get_train_test_feature_group_as_pandas", false]], "get_train_test_feature_group_as_pandas() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.get_train_test_feature_group_as_pandas", false]], "get_training_config_options() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.get_training_config_options", false]], "get_training_config_options() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.get_training_config_options", false]], "get_training_config_options() (abacusai.project method)": [[146, "abacusai.Project.get_training_config_options", false]], "get_training_config_options() (abacusai.project.project method)": [[214, "abacusai.project.Project.get_training_config_options", false]], "get_training_data_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_training_data_logs", false]], "get_training_data_logs() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.get_training_data_logs", false]], "get_training_data_logs() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.get_training_data_logs", false]], "get_training_data_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_training_data_logs", false]], "get_training_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.get_training_logs", false]], "get_training_logs() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.get_training_logs", false]], "get_training_logs() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.get_training_logs", false]], "get_training_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.get_training_logs", false]], "get_training_types_for_deployment() (abacusai.model method)": [[146, "abacusai.Model.get_training_types_for_deployment", false]], "get_training_types_for_deployment() (abacusai.model.model method)": [[161, "abacusai.model.Model.get_training_types_for_deployment", false]], "gif (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.GIF", false]], "gif (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.GIF", false]], "gif (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.GIF", false]], "git (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GIT", false]], "git (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GIT", false]], "git (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GIT", false]], "githubuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GITHUBUSER", false]], "githubuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GITHUBUSER", false]], "githubuser (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GITHUBUSER", false]], "global_prediction_args (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.global_prediction_args", false]], "global_prediction_args (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.global_prediction_args", false]], "global_prediction_args (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.global_prediction_args", false]], "global_prediction_args (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.global_prediction_args", false]], "gmailuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GMAILUSER", false]], "gmailuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GMAILUSER", false]], "gmailuser (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GMAILUSER", false]], "googleanalytics (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEANALYTICS", false]], "googleanalytics (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEANALYTICS", false]], "googleanalytics (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GOOGLEANALYTICS", false]], "googleanalyticsdatasetconfig (class in abacusai)": [[146, "abacusai.GoogleAnalyticsDatasetConfig", false]], "googleanalyticsdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig", false]], "googleanalyticsdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig", false]], "googlecalendar (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLECALENDAR", false]], "googlecalendar (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLECALENDAR", false]], "googlecalendar (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GOOGLECALENDAR", false]], "googledocs (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEDOCS", false]], "googledocs (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEDOCS", false]], "googledocs (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GOOGLEDOCS", false]], "googledrive (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEDRIVE", false]], "googledrive (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEDRIVE", false]], "googledrive (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GOOGLEDRIVE", false]], "googledrivedatasetconfig (class in abacusai)": [[146, "abacusai.GoogleDriveDatasetConfig", false]], "googledrivedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig", false]], "googledrivedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig", false]], "googledriveuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEDRIVEUSER", false]], "googledriveuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEDRIVEUSER", false]], "googledriveuser (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GOOGLEDRIVEUSER", false]], "googlesheets (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLESHEETS", false]], "googlesheets (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLESHEETS", false]], "googlesheets (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GOOGLESHEETS", false]], "googleworkspaceuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEWORKSPACEUSER", false]], "googleworkspaceuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEWORKSPACEUSER", false]], "googleworkspaceuser (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.GOOGLEWORKSPACEUSER", false]], "gpu (abacusai.memory_options.memoryoptions attribute)": [[159, "abacusai.memory_options.MemoryOptions.gpu", false]], "gpu (abacusai.memoryoptions attribute)": [[146, "abacusai.MemoryOptions.gpu", false]], "graph_dashboard_id (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.graph_dashboard_id", false]], "graph_dashboard_id (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.graph_dashboard_id", false]], "graph_reference_id (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.graph_reference_id", false]], "graph_reference_id (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.graph_reference_id", false]], "graphdashboard (class in abacusai)": [[146, "abacusai.GraphDashboard", false]], "graphdashboard (class in abacusai.graph_dashboard)": [[140, "abacusai.graph_dashboard.GraphDashboard", false]], "group_benefit_equality (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.GROUP_BENEFIT_EQUALITY", false]], "group_benefit_equality (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.GROUP_BENEFIT_EQUALITY", false]], "group_benefit_equality (abacusai.biastype attribute)": [[146, "abacusai.BiasType.GROUP_BENEFIT_EQUALITY", false]], "group_feature_dict (abacusai.eda_collinearity.edacollinearity attribute)": [[96, "abacusai.eda_collinearity.EdaCollinearity.group_feature_dict", false]], "group_feature_dict (abacusai.edacollinearity attribute)": [[146, "abacusai.EdaCollinearity.group_feature_dict", false]], "group_name (abacusai.organization_group.organizationgroup attribute)": [[189, "abacusai.organization_group.OrganizationGroup.group_name", false]], "group_name (abacusai.organizationgroup attribute)": [[146, "abacusai.OrganizationGroup.group_name", false]], "group_name (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.group_name", false]], "group_name (abacusai.point_in_time_feature_info.pointintimefeatureinfo attribute)": [[203, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.group_name", false]], "group_name (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.group_name", false]], "group_name (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.group_name", false]], "group_name (abacusai.pointintimefeatureinfo attribute)": [[146, "abacusai.PointInTimeFeatureInfo.group_name", false]], "group_name (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.group_name", false]], "guassian_exponential (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.GUASSIAN_EXPONENTIAL", false]], "guassian_exponential (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.GUASSIAN_EXPONENTIAL", false]], "guassian_exponential (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.GUASSIAN_EXPONENTIAL", false]], "gz (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.GZ", false]], "gz (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.GZ", false]], "gz (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.GZ", false]], "handle_zeros_as_missing_values (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.handle_zeros_as_missing_values", false]], "has_external_application_reporting (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.has_external_application_reporting", false]], "has_external_application_reporting (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.has_external_application_reporting", false]], "has_history (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.has_history", false]], "has_history (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.has_history", false]], "header (abacusai.api_class.dataframeresponsesection attribute)": [[27, "abacusai.api_class.DataframeResponseSection.header", false]], "header (abacusai.api_class.segments.dataframeresponsesection attribute)": [[34, "abacusai.api_class.segments.DataframeResponseSection.header", false]], "header (abacusai.dataframeresponsesection attribute)": [[146, "abacusai.DataframeResponseSection.header", false]], "height (abacusai.api_class.imageurlresponsesection attribute)": [[27, "abacusai.api_class.ImageUrlResponseSection.height", false]], "height (abacusai.api_class.segments.imageurlresponsesection attribute)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection.height", false]], "height (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.HEIGHT", false]], "height (abacusai.imageurlresponsesection attribute)": [[146, "abacusai.ImageUrlResponseSection.height", false]], "height (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.height", false]], "height (abacusai.pagedata attribute)": [[146, "abacusai.PageData.height", false]], "hide_module_code (abacusai.module attribute)": [[146, "abacusai.Module.hide_module_code", false]], "hide_module_code (abacusai.module.module attribute)": [[178, "abacusai.module.Module.hide_module_code", false]], "hide_sql_and_code (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.hide_sql_and_code", false]], "hide_sql_and_code (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.hide_sql_and_code", false]], "hide_sql_and_code (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.hide_sql_and_code", false]], "high_peak (abacusai.api_class.enums.timeseriesanomalytypeofanomaly attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly.HIGH_PEAK", false]], "high_peak (abacusai.api_class.timeseriesanomalytypeofanomaly attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly.HIGH_PEAK", false]], "high_peak (abacusai.timeseriesanomalytypeofanomaly attribute)": [[146, "abacusai.TimeseriesAnomalyTypeOfAnomaly.HIGH_PEAK", false]], "highlight_relevant_text (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.highlight_relevant_text", false]], "highlight_relevant_text (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.highlight_relevant_text", false], [27, "id155", false]], "highlight_relevant_text (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.highlight_relevant_text", false]], "highlights (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.highlights", false]], "highlights (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.highlights", false]], "historical_frequency (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.historical_frequency", false]], "historical_frequency (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.historical_frequency", false]], "historical_frequency (abacusai.cumulativeforecastingtrainingconfig attribute)": [[146, "abacusai.CumulativeForecastingTrainingConfig.historical_frequency", false]], "historical_timestamp_key (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.historical_timestamp_key", false]], "historical_timestamp_key (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.historical_timestamp_key", false]], "history (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.history", false]], "history (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.history", false]], "history_aggregation_keys (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.history_aggregation_keys", false]], "history_aggregation_keys (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.history_aggregation_keys", false]], "history_drift (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.history_drift", false]], "history_drift (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.history_drift", false]], "history_length (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.history_length", false]], "history_length (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.history_length", false]], "history_length (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.history_length", false]], "history_length (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.history_length", false]], "history_length (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.history_length", false]], "history_length_drift (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.HISTORY_LENGTH_DRIFT", false]], "history_length_drift (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.HISTORY_LENGTH_DRIFT", false]], "history_length_drift (abacusai.monitoralerttype attribute)": [[146, "abacusai.MonitorAlertType.HISTORY_LENGTH_DRIFT", false]], "history_table_name (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.history_table_name", false]], "history_table_name (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.history_table_name", false]], "history_table_name (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.history_table_name", false]], "history_table_name (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.history_table_name", false]], "history_window_key (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.history_window_key", false]], "history_window_key (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.history_window_key", false]], "historylengthdriftconditionconfig (class in abacusai)": [[146, "abacusai.HistoryLengthDriftConditionConfig", false]], "historylengthdriftconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig", false]], "historylengthdriftconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig", false]], "holdout_analysis_id (abacusai.holdout_analysis.holdoutanalysis attribute)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.holdout_analysis_id", false]], "holdout_analysis_id (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.holdout_analysis_id", false]], "holdout_analysis_id (abacusai.holdoutanalysis attribute)": [[146, "abacusai.HoldoutAnalysis.holdout_analysis_id", false]], "holdout_analysis_id (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.holdout_analysis_id", false]], "holdout_analysis_version (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.holdout_analysis_version", false]], "holdout_analysis_version (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.holdout_analysis_version", false]], "holdoutanalysis (class in abacusai)": [[146, "abacusai.HoldoutAnalysis", false]], "holdoutanalysis (class in abacusai.holdout_analysis)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis", false]], "holdoutanalysisversion (class in abacusai)": [[146, "abacusai.HoldoutAnalysisVersion", false]], "holdoutanalysisversion (class in abacusai.holdout_analysis_version)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion", false]], "holidaycalendars (class in abacusai)": [[146, "abacusai.HolidayCalendars", false]], "holidaycalendars (class in abacusai.api_class)": [[27, "abacusai.api_class.HolidayCalendars", false]], "holidaycalendars (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.HolidayCalendars", false]], "honour_website_rules (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.honour_website_rules", false]], "honour_website_rules (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.honour_website_rules", false]], "honour_website_rules (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.honour_website_rules", false]], "hosted_model_token_id (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[143, "abacusai.hosted_model_token.HostedModelToken.hosted_model_token_id", false]], "hosted_model_token_id (abacusai.hostedmodeltoken attribute)": [[146, "abacusai.HostedModelToken.hosted_model_token_id", false]], "hostedmodeltoken (class in abacusai)": [[146, "abacusai.HostedModelToken", false]], "hostedmodeltoken (class in abacusai.hosted_model_token)": [[143, "abacusai.hosted_model_token.HostedModelToken", false]], "hotkey_title (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.hotkey_title", false]], "hotkey_title (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.hotkey_title", false]], "hotkeyprompt (class in abacusai)": [[146, "abacusai.HotkeyPrompt", false]], "hotkeyprompt (class in abacusai.api_class)": [[27, "abacusai.api_class.HotkeyPrompt", false]], "hotkeyprompt (class in abacusai.api_class.ai_chat)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt", false]], "hourly (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.HOURLY", false]], "hourly (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.HOURLY", false]], "hourly (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.HOURLY", false]], "html (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.HTML", false]], "html (abacusai.api_class.enums.markdownoperatorinputtype attribute)": [[25, "abacusai.api_class.enums.MarkdownOperatorInputType.HTML", false]], "html (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.HTML", false]], "html (abacusai.api_class.markdownoperatorinputtype attribute)": [[27, "abacusai.api_class.MarkdownOperatorInputType.HTML", false]], "html (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.HTML", false]], "html (abacusai.markdownoperatorinputtype attribute)": [[146, "abacusai.MarkdownOperatorInputType.HTML", false]], "html_explanation (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation.html_explanation", false]], "html_explanation (abacusai.naturallanguageexplanation attribute)": [[146, "abacusai.NaturalLanguageExplanation.html_explanation", false]], "http_status (abacusai.apiexception attribute)": [[146, "abacusai.ApiException.http_status", false]], "http_status (abacusai.client.apiexception attribute)": [[52, "abacusai.client.ApiException.http_status", false]], "http_status_series (abacusai.deployment_statistics.deploymentstatistics attribute)": [[87, "abacusai.deployment_statistics.DeploymentStatistics.http_status_series", false]], "http_status_series (abacusai.deploymentstatistics attribute)": [[146, "abacusai.DeploymentStatistics.http_status_series", false]], "huber (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.HUBER", false]], "huber (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.HUBER", false]], "huber (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.HUBER", false]], "humanize_instructions (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.humanize_instructions", false]], "humanize_instructions (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.humanize_instructions", false]], "humevoice (class in abacusai)": [[146, "abacusai.HumeVoice", false]], "humevoice (class in abacusai.hume_voice)": [[144, "abacusai.hume_voice.HumeVoice", false]], "hyperparameter_calculation_with_heuristics (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.hyperparameter_calculation_with_heuristics", false]], "hyperparameter_calculation_with_heuristics (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.hyperparameter_calculation_with_heuristics", false]], "hyperparameter_calculation_with_heuristics (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.hyperparameter_calculation_with_heuristics", false]], "id (abacusai.api_class.responsesection attribute)": [[27, "abacusai.api_class.ResponseSection.id", false]], "id (abacusai.api_class.segments.responsesection attribute)": [[34, "abacusai.api_class.segments.ResponseSection.id", false]], "id (abacusai.responsesection attribute)": [[146, "abacusai.ResponseSection.id", false]], "id (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.id", false]], "id (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.id", false]], "id_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.id_col", false]], "id_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.id_col", false]], "id_col (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.id_col", false]], "id_column (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.id_column", false]], "id_column (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.id_column", false]], "id_column (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.id_column", false]], "id_column (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.id_column", false]], "id_column (abacusai.databaseconnectorexportconfig attribute)": [[146, "abacusai.DatabaseConnectorExportConfig.id_column", false]], "id_column (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.id_column", false]], "id_column (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.id_column", false]], "id_column (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.id_column", false]], "id_column (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.id_column", false]], "id_column (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.id_column", false]], "id_column (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.id_column", false]], "id_column (abacusai.forecastingmonitorconfig attribute)": [[146, "abacusai.ForecastingMonitorConfig.id_column", false]], "ignore (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.IGNORE", false]], "ignore (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.IGNORE", false]], "ignore (abacusai.workflownodeinputtype attribute)": [[146, "abacusai.WorkflowNodeInputType.IGNORE", false]], "ignore_before (abacusai.dataset attribute)": [[146, "abacusai.Dataset.ignore_before", false]], "ignore_before (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.ignore_before", false]], "ignore_datetime_features (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.ignore_datetime_features", false]], "ignore_datetime_features (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.ignore_datetime_features", false]], "ignore_datetime_features (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.ignore_datetime_features", false]], "ignore_documents (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.chatllmpredictionarguments attribute)": [[146, "abacusai.ChatLLMPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.naturallanguagesearchpredictionarguments attribute)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments.ignore_documents", false]], "ignore_history (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.ignore_history", false]], "ignore_history (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.ignore_history", false]], "ignore_history (abacusai.hotkeyprompt attribute)": [[146, "abacusai.HotkeyPrompt.ignore_history", false]], "image_classification (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.IMAGE_CLASSIFICATION", false]], "image_classification (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.IMAGE_CLASSIFICATION", false]], "image_classification (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.IMAGE_CLASSIFICATION", false]], "image_ids (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.image_ids", false]], "image_ids (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.image_ids", false]], "image_upload_supported (abacusai.code_bot.codebot attribute)": [[55, "abacusai.code_bot.CodeBot.image_upload_supported", false]], "image_upload_supported (abacusai.codebot attribute)": [[146, "abacusai.CodeBot.image_upload_supported", false]], "image_url (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.IMAGE_URL", false]], "image_url (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.IMAGE_URL", false]], "image_url (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.IMAGE_URL", false]], "image_value_prediction (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.IMAGE_VALUE_PREDICTION", false]], "image_value_prediction (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.IMAGE_VALUE_PREDICTION", false]], "image_value_prediction (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.IMAGE_VALUE_PREDICTION", false]], "imagegensettings (class in abacusai)": [[146, "abacusai.ImageGenSettings", false]], "imagegensettings (class in abacusai.image_gen_settings)": [[145, "abacusai.image_gen_settings.ImageGenSettings", false]], "imageurlresponsesection (class in abacusai)": [[146, "abacusai.ImageUrlResponseSection", false]], "imageurlresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ImageUrlResponseSection", false]], "imageurlresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection", false]], "import_annotation_labels() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.import_annotation_labels", false]], "import_annotation_labels() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.import_annotation_labels", false]], "import_annotation_labels() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.import_annotation_labels", false]], "import_annotation_labels() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.import_annotation_labels", false]], "import_as_cell() (abacusai.code_source.codesource method)": [[59, "abacusai.code_source.CodeSource.import_as_cell", false]], "import_as_cell() (abacusai.codesource method)": [[146, "abacusai.CodeSource.import_as_cell", false]], "import_module() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.import_module", false]], "import_module() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.import_module", false]], "importance_of_records_in_nested_columns (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.importance_of_records_in_nested_columns", false]], "importance_of_records_in_nested_columns (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.importance_of_records_in_nested_columns", false]], "importance_of_records_in_nested_columns (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.importance_of_records_in_nested_columns", false]], "imputation (abacusai.api_class.clusteringtimeseriestrainingconfig attribute)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig.imputation", false]], "imputation (abacusai.api_class.model.clusteringtimeseriestrainingconfig attribute)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig.imputation", false]], "imputation (abacusai.clusteringtimeseriestrainingconfig attribute)": [[146, "abacusai.ClusteringTimeseriesTrainingConfig.imputation", false]], "in_progress (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.in_progress", false]], "in_progress (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.in_progress", false]], "include_all_assignments (abacusai.api_class.deployment.optimizationpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.include_all_assignments", false]], "include_all_assignments (abacusai.api_class.optimizationpredictionarguments attribute)": [[27, "abacusai.api_class.OptimizationPredictionArguments.include_all_assignments", false]], "include_all_assignments (abacusai.optimizationpredictionarguments attribute)": [[146, "abacusai.OptimizationPredictionArguments.include_all_assignments", false]], "include_all_feedback (abacusai.abacususagemetricsdatasetconfig attribute)": [[146, "abacusai.AbacusUsageMetricsDatasetConfig.include_all_feedback", false]], "include_all_feedback (abacusai.api_class.abacususagemetricsdatasetconfig attribute)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.include_all_feedback", false]], "include_all_feedback (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.include_all_feedback", false]], "include_all_partitions (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.include_all_partitions", false]], "include_all_partitions (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.include_all_partitions", false]], "include_all_partitions (abacusai.optimizationtrainingconfig attribute)": [[146, "abacusai.OptimizationTrainingConfig.include_all_partitions", false]], "include_bm25_retrieval (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.include_bm25_retrieval", false]], "include_bm25_retrieval (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.include_bm25_retrieval", false]], "include_bm25_retrieval (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.include_bm25_retrieval", false]], "include_comments (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.include_comments", false]], "include_comments (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.include_comments", false]], "include_comments (abacusai.jiradatasetconfig attribute)": [[146, "abacusai.JiraDatasetConfig.include_comments", false]], "include_entire_conversation_history (abacusai.abacususagemetricsdatasetconfig attribute)": [[146, "abacusai.AbacusUsageMetricsDatasetConfig.include_entire_conversation_history", false]], "include_entire_conversation_history (abacusai.api_class.abacususagemetricsdatasetconfig attribute)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.include_entire_conversation_history", false]], "include_entire_conversation_history (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.include_entire_conversation_history", false]], "include_general_knowledge (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.include_general_knowledge", false]], "include_general_knowledge (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.include_general_knowledge", false]], "include_general_knowledge (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.include_general_knowledge", false]], "include_item_id_feature (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.include_item_id_feature", false]], "include_item_id_feature (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.include_item_id_feature", false]], "include_item_id_feature (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.include_item_id_feature", false]], "include_modules() (in module abacusai.client)": [[52, "abacusai.client.include_modules", false]], "include_multi_class_explanations (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.include_multi_class_explanations", false]], "include_multi_class_explanations (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.include_multi_class_explanations", false]], "include_multi_class_explanations (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.include_multi_class_explanations", false]], "include_reverse_charge (abacusai.address attribute)": [[146, "abacusai.Address.include_reverse_charge", false]], "include_reverse_charge (abacusai.address.address attribute)": [[1, "abacusai.address.Address.include_reverse_charge", false]], "include_specific_partitions (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.include_specific_partitions", false]], "include_specific_partitions (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.include_specific_partitions", false]], "include_specific_partitions (abacusai.optimizationtrainingconfig attribute)": [[146, "abacusai.OptimizationTrainingConfig.include_specific_partitions", false]], "include_version_timestamp_column (abacusai.api_class.feature_group.lastnmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.api_class.feature_group.timewindowmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.api_class.lastnmergeconfig attribute)": [[27, "abacusai.api_class.LastNMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.api_class.timewindowmergeconfig attribute)": [[27, "abacusai.api_class.TimeWindowMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.lastnmergeconfig attribute)": [[146, "abacusai.LastNMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.timewindowmergeconfig attribute)": [[146, "abacusai.TimeWindowMergeConfig.include_version_timestamp_column", false]], "include_watchers (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.include_watchers", false]], "include_watchers (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.include_watchers", false]], "include_watchers (abacusai.jiradatasetconfig attribute)": [[146, "abacusai.JiraDatasetConfig.include_watchers", false]], "incremental (abacusai.dataset attribute)": [[146, "abacusai.Dataset.incremental", false]], "incremental (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.incremental", false]], "incremental (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.incremental", false]], "incremental (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.incremental", false]], "incremental (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.incremental", false]], "incremental (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.incremental", false]], "incremental_queried_at (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.incremental_queried_at", false]], "incremental_queried_at (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.incremental_queried_at", false]], "incrementaldatabaseconnectorconfig (class in abacusai)": [[146, "abacusai.IncrementalDatabaseConnectorConfig", false]], "incrementaldatabaseconnectorconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.IncrementalDatabaseConnectorConfig", false]], "incrementaldatabaseconnectorconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.IncrementalDatabaseConnectorConfig", false]], "index_column (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.index_column", false]], "index_column (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.index_column", false]], "index_column (abacusai.unpivotconfig attribute)": [[146, "abacusai.UnpivotConfig.index_column", false]], "index_fraction (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.index_fraction", false]], "index_fraction (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.index_fraction", false]], "index_fraction (abacusai.naturallanguagesearchtrainingconfig attribute)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig.index_fraction", false]], "index_metadata_columns (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.index_metadata_columns", false]], "index_metadata_columns (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.index_metadata_columns", false]], "index_metadata_columns (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.index_metadata_columns", false]], "index_output_path (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.index_output_path", false]], "index_output_path (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.index_output_path", false]], "index_output_path (abacusai.customtrainedmodeltrainingconfig attribute)": [[146, "abacusai.CustomTrainedModelTrainingConfig.index_output_path", false]], "indexing_config (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.indexing_config", false]], "indexing_config (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.indexing_config", false]], "indexing_config (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.indexing_config", false]], "indexing_config (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.indexing_config", false]], "indexing_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.indexing_config", false]], "indexing_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.indexing_config", false]], "indexing_config_warning_msg (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.indexing_config_warning_msg", false]], "indexing_config_warning_msg (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.indexing_config_warning_msg", false]], "indexing_required (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.indexing_required", false]], "indexing_required (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.indexing_required", false]], "indexingconfig (class in abacusai)": [[146, "abacusai.IndexingConfig", false]], "indexingconfig (class in abacusai.indexing_config)": [[147, "abacusai.indexing_config.IndexingConfig", false]], "infer_feature_mappings() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.infer_feature_mappings", false]], "infer_feature_mappings() (abacusai.project method)": [[146, "abacusai.Project.infer_feature_mappings", false]], "infer_feature_mappings() (abacusai.project.project method)": [[214, "abacusai.project.Project.infer_feature_mappings", false]], "infer_feature_mappings() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.infer_feature_mappings", false]], "inferreddatabasecolumntofeaturemappings (class in abacusai)": [[146, "abacusai.InferredDatabaseColumnToFeatureMappings", false]], "inferreddatabasecolumntofeaturemappings (class in abacusai.inferred_database_column_to_feature_mappings)": [[148, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings", false]], "inferredfeaturemappings (class in abacusai)": [[146, "abacusai.InferredFeatureMappings", false]], "inferredfeaturemappings (class in abacusai.inferred_feature_mappings)": [[149, "abacusai.inferred_feature_mappings.InferredFeatureMappings", false]], "infos (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg attribute)": [[170, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.infos", false]], "infos (abacusai.modelmonitorsummaryfromorg attribute)": [[146, "abacusai.ModelMonitorSummaryFromOrg.infos", false]], "init_ack_req (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.init_ack_req", false]], "init_ack_req (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.init_ack_req", false]], "initial_learning_rate (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.initial_learning_rate", false]], "initial_learning_rate (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.initial_learning_rate", false]], "initial_learning_rate (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.initial_learning_rate", false]], "initialize_function_name (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.initialize_function_name", false]], "initialize_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.initialize_function_name", false]], "initialize_function_name (abacusai.model attribute)": [[146, "abacusai.Model.initialize_function_name", false]], "initialize_function_name (abacusai.model.model attribute)": [[161, "abacusai.model.Model.initialize_function_name", false]], "initialize_function_name (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.initialize_function_name", false]], "initialize_function_name (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.initialize_function_name", false]], "input_column (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.input_column", false]], "input_column (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.input_column", false]], "input_column (abacusai.api_class.feature_group.markdownconfig attribute)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.input_column", false]], "input_column (abacusai.api_class.markdownconfig attribute)": [[27, "abacusai.api_class.MarkdownConfig.input_column", false]], "input_column (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.input_column", false]], "input_column (abacusai.markdownconfig attribute)": [[146, "abacusai.MarkdownConfig.input_column", false]], "input_column_type (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.input_column_type", false]], "input_column_type (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.input_column_type", false]], "input_column_type (abacusai.api_class.feature_group.markdownconfig attribute)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.input_column_type", false]], "input_column_type (abacusai.api_class.markdownconfig attribute)": [[27, "abacusai.api_class.MarkdownConfig.input_column_type", false]], "input_column_type (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.input_column_type", false]], "input_column_type (abacusai.markdownconfig attribute)": [[146, "abacusai.MarkdownConfig.input_column_type", false]], "input_feature_groups (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.input_feature_groups", false]], "input_feature_groups (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.input_feature_groups", false]], "input_feature_groups (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.input_feature_groups", false]], "input_feature_groups (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.input_feature_groups", false]], "input_params (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.input_params", false]], "input_params (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.input_params", false]], "input_preprocessor_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.input_preprocessor_upload_id", false]], "input_preprocessor_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.input_preprocessor_upload_id", false]], "input_tokens (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.input_tokens", false]], "input_tokens (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.input_tokens", false]], "inputs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.inputs", false]], "inputs (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.inputs", false]], "instancenotmodifiederror": [[52, "abacusai.client.InstanceNotModifiedError", false]], "instructions (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.instructions", false]], "instructions (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.instructions", false]], "integer (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.INTEGER", false]], "integer (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.INTEGER", false]], "integer (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.INTEGER", false]], "integer (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.INTEGER", false]], "integer (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.INTEGER", false]], "integer (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.INTEGER", false]], "integer (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.INTEGER", false]], "integer (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.INTEGER", false]], "integer (abacusai.datatype attribute)": [[146, "abacusai.DataType.INTEGER", false]], "integer (abacusai.fielddescriptortype attribute)": [[146, "abacusai.FieldDescriptorType.INTEGER", false]], "integer (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.INTEGER", false]], "integer (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.INTEGER", false]], "internalservererror": [[52, "abacusai.client.InternalServerError", false]], "interpolate (abacusai.api_class.clusteringimputationmethod attribute)": [[27, "abacusai.api_class.ClusteringImputationMethod.INTERPOLATE", false]], "interpolate (abacusai.api_class.enums.clusteringimputationmethod attribute)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod.INTERPOLATE", false]], "interpolate (abacusai.clusteringimputationmethod attribute)": [[146, "abacusai.ClusteringImputationMethod.INTERPOLATE", false]], "invalid_pandas_column_name_characters (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.INVALID_PANDAS_COLUMN_NAME_CHARACTERS", false]], "invalid_records (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.invalid_records", false]], "invalid_records (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.invalid_records", false]], "invalidenumparametererror": [[52, "abacusai.client.InvalidEnumParameterError", false]], "invalidparametererror": [[52, "abacusai.client.InvalidParameterError", false]], "invalidrequest": [[52, "abacusai.client.InvalidRequest", false]], "invite_users_to_app_user_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.invite_users_to_app_user_group", false]], "invite_users_to_app_user_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.invite_users_to_app_user_group", false]], "invited_user_emails (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.invited_user_emails", false]], "invited_user_emails (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.invited_user_emails", false]], "is_agent (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.is_agent", false]], "is_agent (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.is_agent", false]], "is_annotation_present (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.is_annotation_present", false]], "is_annotation_present (abacusai.annotationdocument attribute)": [[146, "abacusai.AnnotationDocument.is_annotation_present", false]], "is_anomaly() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.is_anomaly", false]], "is_anomaly() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.is_anomaly", false]], "is_anomaly() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.is_anomaly", false]], "is_anomaly() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.is_anomaly", false]], "is_box_whisker (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.is_box_whisker", false]], "is_box_whisker (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.is_box_whisker", false]], "is_customizable (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.is_customizable", false]], "is_customizable (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.is_customizable", false]], "is_default_enabled (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.is_default_enabled", false]], "is_default_enabled (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.is_default_enabled", false]], "is_deprecated (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.is_deprecated", false]], "is_deprecated (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.is_deprecated", false]], "is_deprecated() (abacusai.api_class.apienum method)": [[27, "abacusai.api_class.ApiEnum.is_deprecated", false]], "is_deprecated() (abacusai.api_class.enums.apienum method)": [[25, "abacusai.api_class.enums.ApiEnum.is_deprecated", false]], "is_deprecated() (abacusai.apienum method)": [[146, "abacusai.ApiEnum.is_deprecated", false]], "is_documentset (abacusai.api_class.dataset.datasetconfig attribute)": [[21, "abacusai.api_class.dataset.DatasetConfig.is_documentset", false]], "is_documentset (abacusai.api_class.datasetconfig attribute)": [[27, "abacusai.api_class.DatasetConfig.is_documentset", false], [27, "id62", false], [27, "id69", false]], "is_documentset (abacusai.dataset attribute)": [[146, "abacusai.Dataset.is_documentset", false]], "is_documentset (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.is_documentset", false]], "is_documentset (abacusai.datasetconfig attribute)": [[146, "abacusai.DatasetConfig.is_documentset", false]], "is_expired (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.is_expired", false]], "is_expired (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.is_expired", false]], "is_external_service_group (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.is_external_service_group", false]], "is_external_service_group (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.is_external_service_group", false]], "is_large (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.is_large", false]], "is_large (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.is_large", false]], "is_materialization_needed (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.is_materialization_needed", false]], "is_materialization_needed (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.is_materialization_needed", false]], "is_medium (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.is_medium", false]], "is_medium (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.is_medium", false]], "is_multilingual (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.is_multilingual", false]], "is_multilingual (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.is_multilingual", false]], "is_multilingual (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.is_multilingual", false]], "is_ocr_forced() (abacusai.api_class.documenttype class method)": [[27, "abacusai.api_class.DocumentType.is_ocr_forced", false], [27, "id133", false]], "is_ocr_forced() (abacusai.api_class.enums.documenttype class method)": [[25, "abacusai.api_class.enums.DocumentType.is_ocr_forced", false]], "is_ocr_forced() (abacusai.documenttype class method)": [[146, "abacusai.DocumentType.is_ocr_forced", false]], "is_outdated (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation.is_outdated", false]], "is_outdated (abacusai.naturallanguageexplanation attribute)": [[146, "abacusai.NaturalLanguageExplanation.is_outdated", false]], "is_premium (abacusai.code_bot.codebot attribute)": [[55, "abacusai.code_bot.CodeBot.is_premium", false]], "is_premium (abacusai.codebot attribute)": [[146, "abacusai.CodeBot.is_premium", false]], "is_prod (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.is_prod", false]], "is_prod (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.is_prod", false]], "is_python_model (abacusai.model attribute)": [[146, "abacusai.Model.is_python_model", false]], "is_python_model (abacusai.model.model attribute)": [[161, "abacusai.model.Model.is_python_model", false]], "is_required (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.is_required", false]], "is_required (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.is_required", false]], "is_required (abacusai.api_class.ai_agents.workflownodetemplateinput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.is_required", false]], "is_required (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.is_required", false]], "is_required (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.is_required", false]], "is_required (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.is_required", false]], "is_required (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.is_required", false]], "is_required (abacusai.api_class.workflownodetemplateinput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.is_required", false]], "is_required (abacusai.pythonfunctionargument attribute)": [[146, "abacusai.PythonFunctionArgument.is_required", false]], "is_required (abacusai.workflownodeinputmapping attribute)": [[146, "abacusai.WorkflowNodeInputMapping.is_required", false]], "is_required (abacusai.workflownodetemplateconfig attribute)": [[146, "abacusai.WorkflowNodeTemplateConfig.is_required", false]], "is_required (abacusai.workflownodetemplateinput attribute)": [[146, "abacusai.WorkflowNodeTemplateInput.is_required", false]], "is_review_mode (abacusai.api_class.project.reviewmodeprojectfeaturegroupconfig attribute)": [[31, "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig.is_review_mode", false]], "is_review_mode (abacusai.api_class.reviewmodeprojectfeaturegroupconfig attribute)": [[27, "abacusai.api_class.ReviewModeProjectFeatureGroupConfig.is_review_mode", false]], "is_review_mode (abacusai.reviewmodeprojectfeaturegroupconfig attribute)": [[146, "abacusai.ReviewModeProjectFeatureGroupConfig.is_review_mode", false]], "is_scatter (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.is_scatter", false]], "is_scatter (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.is_scatter", false]], "is_system_created (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.is_system_created", false]], "is_system_created (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.is_system_created", false]], "is_system_template (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.is_system_template", false]], "is_system_template (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.is_system_template", false]], "is_template_node() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.is_template_node", false]], "is_template_node() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.is_template_node", false]], "is_template_node() (abacusai.workflowgraphnode method)": [[146, "abacusai.WorkflowGraphNode.is_template_node", false]], "is_trigger_node() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.is_trigger_node", false]], "is_trigger_node() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.is_trigger_node", false]], "is_trigger_node() (abacusai.workflowgraphnode method)": [[146, "abacusai.WorkflowGraphNode.is_trigger_node", false]], "is_useful (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.is_useful", false]], "is_useful (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.is_useful", false]], "is_useful (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.is_useful", false]], "is_useful (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.is_useful", false]], "is_user (abacusai.agentconversationmessage attribute)": [[146, "abacusai.AgentConversationMessage.is_user", false]], "is_user (abacusai.api_class.agentconversationmessage attribute)": [[27, "abacusai.api_class.AgentConversationMessage.is_user", false]], "is_user (abacusai.api_class.ai_agents.agentconversationmessage attribute)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.is_user", false]], "is_visible (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.is_visible", false]], "is_visible (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.is_visible", false]], "item (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.ITEM", false]], "item (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.ITEM", false]], "item (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.ITEM", false]], "item (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.ITEM", false]], "item (abacusai.forecastingdatasplittype attribute)": [[146, "abacusai.ForecastingDataSplitType.ITEM", false]], "item (abacusai.forecastinglocalscaling attribute)": [[146, "abacusai.ForecastingLocalScaling.ITEM", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.personalizationbatchpredictionargs attribute)": [[146, "abacusai.PersonalizationBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_weight_column (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.item_attributes_weight_column", false]], "item_attributes_weight_column (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.item_attributes_weight_column", false]], "item_attributes_weight_column (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.item_attributes_weight_column", false]], "item_query_column (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.item_query_column", false]], "item_query_column (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.item_query_column", false]], "item_query_column (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.item_query_column", false]], "item_statistics (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.item_statistics", false]], "item_statistics (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.item_statistics", false]], "item_type (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.item_type", false]], "item_type (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.item_type", false]], "item_type (abacusai.pythonfunctionargument attribute)": [[146, "abacusai.PythonFunctionArgument.item_type", false]], "itemattributesstddevthreshold (class in abacusai)": [[146, "abacusai.ItemAttributesStdDevThreshold", false]], "itemattributesstddevthreshold (class in abacusai.api_class)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold", false]], "itemattributesstddevthreshold (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold", false]], "items (abacusai.api_class.listresponsesection attribute)": [[27, "abacusai.api_class.ListResponseSection.items", false]], "items (abacusai.api_class.segments.listresponsesection attribute)": [[34, "abacusai.api_class.segments.ListResponseSection.items", false]], "items (abacusai.listresponsesection attribute)": [[146, "abacusai.ListResponseSection.items", false]], "itemstatistics (class in abacusai)": [[146, "abacusai.ItemStatistics", false]], "itemstatistics (class in abacusai.item_statistics)": [[150, "abacusai.item_statistics.ItemStatistics", false]], "jira (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.JIRA", false]], "jira (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.JIRA", false]], "jira (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.JIRA", false]], "jiradatasetconfig (class in abacusai)": [[146, "abacusai.JiraDatasetConfig", false]], "jiradatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.JiraDatasetConfig", false]], "jiradatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig", false]], "jpeg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.JPEG", false]], "jpeg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.JPEG", false]], "jpeg (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.JPEG", false]], "jql (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.jql", false]], "jql (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.jql", false]], "jql (abacusai.jiradatasetconfig attribute)": [[146, "abacusai.JiraDatasetConfig.jql", false]], "js (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.JS", false]], "js (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.JS", false]], "js (abacusai.featuredrifttype attribute)": [[146, "abacusai.FeatureDriftType.JS", false]], "js_distance (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.js_distance", false]], "js_distance (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.js_distance", false]], "js_distance (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.js_distance", false]], "js_distance (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.js_distance", false]], "js_distance (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.js_distance", false]], "js_distance (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.js_distance", false]], "json (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.JSON", false]], "json (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.JSON", false]], "json (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.JSON", false]], "json (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.JSON", false]], "json (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.JSON", false]], "json (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.JSON", false]], "json (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.JSON", false]], "json (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.JSON", false]], "json (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.JSON", false]], "json_response_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.json_response_instructions", false]], "json_response_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.json_response_instructions", false]], "json_response_instructions (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.json_response_instructions", false]], "json_response_schema (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.json_response_schema", false]], "json_response_schema (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.json_response_schema", false]], "json_response_schema (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.json_response_schema", false]], "json_schema (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.json_schema", false]], "json_schema (abacusai.api_class.ai_agents.workflownodeoutputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema.json_schema", false]], "json_schema (abacusai.api_class.runtimeschemaresponsesection attribute)": [[27, "abacusai.api_class.RuntimeSchemaResponseSection.json_schema", false]], "json_schema (abacusai.api_class.segments.runtimeschemaresponsesection attribute)": [[34, "abacusai.api_class.segments.RuntimeSchemaResponseSection.json_schema", false]], "json_schema (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.json_schema", false]], "json_schema (abacusai.api_class.workflownodeoutputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema.json_schema", false]], "json_schema (abacusai.runtimeschemaresponsesection attribute)": [[146, "abacusai.RuntimeSchemaResponseSection.json_schema", false]], "json_schema (abacusai.workflownodeinputschema attribute)": [[146, "abacusai.WorkflowNodeInputSchema.json_schema", false]], "json_schema (abacusai.workflownodeoutputschema attribute)": [[146, "abacusai.WorkflowNodeOutputSchema.json_schema", false]], "jsonschema (class in abacusai)": [[146, "abacusai.JSONSchema", false]], "jsonschema (class in abacusai.api_class)": [[27, "abacusai.api_class.JSONSchema", false]], "jsonschema (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.JSONSchema", false]], "k_fold_cross_validation (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.k_fold_cross_validation", false]], "k_fold_cross_validation (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.k_fold_cross_validation", false]], "k_fold_cross_validation (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.k_fold_cross_validation", false]], "kafka (abacusai.api_class.enums.streamingconnectortype attribute)": [[25, "abacusai.api_class.enums.StreamingConnectorType.KAFKA", false]], "kafka (abacusai.api_class.streamingconnectortype attribute)": [[27, "abacusai.api_class.StreamingConnectorType.KAFKA", false]], "kafka (abacusai.streamingconnectortype attribute)": [[146, "abacusai.StreamingConnectorType.KAFKA", false]], "kafkadatasetconfig (class in abacusai)": [[146, "abacusai.KafkaDatasetConfig", false]], "kafkadatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.KafkaDatasetConfig", false]], "kafkadatasetconfig (class in abacusai.api_class.connectors)": [[20, "abacusai.api_class.connectors.KafkaDatasetConfig", false]], "kernel_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.KERNEL_EXPLAINER", false]], "kernel_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.KERNEL_EXPLAINER", false]], "kernel_explainer (abacusai.explainertype attribute)": [[146, "abacusai.ExplainerType.KERNEL_EXPLAINER", false]], "key_columns (abacusai.api_class.feature_group.nsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.NSamplingConfig.key_columns", false]], "key_columns (abacusai.api_class.feature_group.percentsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig.key_columns", false]], "key_columns (abacusai.api_class.nsamplingconfig attribute)": [[27, "abacusai.api_class.NSamplingConfig.key_columns", false]], "key_columns (abacusai.api_class.percentsamplingconfig attribute)": [[27, "abacusai.api_class.PercentSamplingConfig.key_columns", false]], "key_columns (abacusai.nsamplingconfig attribute)": [[146, "abacusai.NSamplingConfig.key_columns", false]], "key_columns (abacusai.percentsamplingconfig attribute)": [[146, "abacusai.PercentSamplingConfig.key_columns", false]], "key_name (abacusai.sftp_key.sftpkey attribute)": [[233, "abacusai.sftp_key.SftpKey.key_name", false]], "key_name (abacusai.sftpkey attribute)": [[146, "abacusai.SftpKey.key_name", false]], "keyword_arguments (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.keyword_arguments", false]], "keyword_arguments (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.keyword_arguments", false]], "keyword_requirement_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.keyword_requirement_instructions", false]], "keyword_requirement_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.keyword_requirement_instructions", false]], "keyword_requirement_instructions (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.keyword_requirement_instructions", false]], "kl (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.KL", false]], "kl (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.KL", false]], "kl (abacusai.featuredrifttype attribute)": [[146, "abacusai.FeatureDriftType.KL", false]], "ks (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.KS", false]], "ks (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.KS", false]], "ks (abacusai.featuredrifttype attribute)": [[146, "abacusai.FeatureDriftType.KS", false]], "ks_statistic (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.ks_statistic", false]], "ks_statistic (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.ks_statistic", false]], "ks_statistic (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.ks_statistic", false]], "ks_statistic (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.ks_statistic", false]], "ks_statistic (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.ks_statistic", false]], "ks_statistic (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.ks_statistic", false]], "kwargs (abacusai.api_class.batch_prediction.batchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs.kwargs", false]], "kwargs (abacusai.api_class.batchpredictionargs attribute)": [[27, "abacusai.api_class.BatchPredictionArgs.kwargs", false]], "kwargs (abacusai.api_class.deployment.predictionarguments attribute)": [[23, "abacusai.api_class.deployment.PredictionArguments.kwargs", false]], "kwargs (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig.kwargs", false]], "kwargs (abacusai.api_class.predictionarguments attribute)": [[27, "abacusai.api_class.PredictionArguments.kwargs", false]], "kwargs (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig.kwargs", false]], "kwargs (abacusai.batchpredictionargs attribute)": [[146, "abacusai.BatchPredictionArgs.kwargs", false]], "kwargs (abacusai.predictionarguments attribute)": [[146, "abacusai.PredictionArguments.kwargs", false]], "kwargs (abacusai.trainingconfig attribute)": [[146, "abacusai.TrainingConfig.kwargs", false]], "l2_regularization_factor (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.l2_regularization_factor", false]], "l2_regularization_factor (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.l2_regularization_factor", false]], "l2_regularization_factor (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.l2_regularization_factor", false]], "l_shaped_auto (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.L_SHAPED_AUTO", false]], "l_shaped_auto (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.L_SHAPED_AUTO", false]], "l_shaped_auto (abacusai.forecastingdatasplittype attribute)": [[146, "abacusai.ForecastingDataSplitType.L_SHAPED_AUTO", false]], "l_shaped_timestamp (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.L_SHAPED_TIMESTAMP", false]], "l_shaped_timestamp (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.L_SHAPED_TIMESTAMP", false]], "l_shaped_timestamp (abacusai.forecastingdatasplittype attribute)": [[146, "abacusai.ForecastingDataSplitType.L_SHAPED_TIMESTAMP", false]], "label (abacusai.agentflowbuttonresponsesection attribute)": [[146, "abacusai.AgentFlowButtonResponseSection.label", false]], "label (abacusai.api_class.agentflowbuttonresponsesection attribute)": [[27, "abacusai.api_class.AgentFlowButtonResponseSection.label", false]], "label (abacusai.api_class.segments.agentflowbuttonresponsesection attribute)": [[34, "abacusai.api_class.segments.AgentFlowButtonResponseSection.label", false]], "label (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment attribute)": [[173, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.label", false]], "label (abacusai.modeltrainingtypefordeployment attribute)": [[146, "abacusai.ModelTrainingTypeForDeployment.label", false]], "label_drift (abacusai.drift_distributions.driftdistributions attribute)": [[93, "abacusai.drift_distributions.DriftDistributions.label_drift", false]], "label_drift (abacusai.driftdistributions attribute)": [[146, "abacusai.DriftDistributions.label_drift", false]], "label_drift (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.label_drift", false]], "label_drift (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.label_drift", false]], "labels (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.labels", false]], "labels (abacusai.annotationconfig attribute)": [[146, "abacusai.AnnotationConfig.labels", false]], "language (abacusai.api_class.coderesponsesection attribute)": [[27, "abacusai.api_class.CodeResponseSection.language", false]], "language (abacusai.api_class.segments.coderesponsesection attribute)": [[34, "abacusai.api_class.segments.CodeResponseSection.language", false]], "language (abacusai.coderesponsesection attribute)": [[146, "abacusai.CodeResponseSection.language", false]], "language (abacusai.llm_code_block.llmcodeblock attribute)": [[152, "abacusai.llm_code_block.LlmCodeBlock.language", false]], "language (abacusai.llmcodeblock attribute)": [[146, "abacusai.LlmCodeBlock.language", false]], "language (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.language", false]], "language (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.language", false]], "language_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.LANGUAGE_DETECTION", false]], "language_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.LANGUAGE_DETECTION", false]], "language_detection (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.LANGUAGE_DETECTION", false]], "large (abacusai.api_class.cpusize attribute)": [[27, "abacusai.api_class.CPUSize.LARGE", false]], "large (abacusai.api_class.enums.cpusize attribute)": [[25, "abacusai.api_class.enums.CPUSize.LARGE", false]], "large (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.LARGE", false]], "large (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.LARGE", false]], "large (abacusai.cpusize attribute)": [[146, "abacusai.CPUSize.LARGE", false]], "large (abacusai.memorysize attribute)": [[146, "abacusai.MemorySize.LARGE", false]], "larger_embeddings (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.larger_embeddings", false]], "larger_embeddings (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.larger_embeddings", false]], "larger_embeddings (abacusai.naturallanguagesearchtrainingconfig attribute)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig.larger_embeddings", false]], "last_24_hours_usage (abacusai.compute_point_info.computepointinfo attribute)": [[60, "abacusai.compute_point_info.ComputePointInfo.last_24_hours_usage", false]], "last_24_hours_usage (abacusai.computepointinfo attribute)": [[146, "abacusai.ComputePointInfo.last_24_hours_usage", false]], "last_7_days_usage (abacusai.compute_point_info.computepointinfo attribute)": [[60, "abacusai.compute_point_info.ComputePointInfo.last_7_days_usage", false]], "last_7_days_usage (abacusai.computepointinfo attribute)": [[146, "abacusai.ComputePointInfo.last_7_days_usage", false]], "last_event_created_at (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.last_event_created_at", false]], "last_event_created_at (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.last_event_created_at", false]], "last_model_value (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.last_model_value", false]], "last_model_value (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.last_model_value", false]], "last_n (abacusai.api_class.enums.mergemode attribute)": [[25, "abacusai.api_class.enums.MergeMode.LAST_N", false]], "last_n (abacusai.api_class.mergemode attribute)": [[27, "abacusai.api_class.MergeMode.LAST_N", false]], "last_n (abacusai.mergemode attribute)": [[146, "abacusai.MergeMode.LAST_N", false]], "last_page (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.LAST_PAGE", false]], "last_point (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.LAST_POINT", false]], "last_point (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.LAST_POINT", false]], "last_point (abacusai.forecastinglocalscaling attribute)": [[146, "abacusai.ForecastingLocalScaling.LAST_POINT", false]], "last_throttle_pop_up (abacusai.compute_point_info.computepointinfo attribute)": [[60, "abacusai.compute_point_info.ComputePointInfo.last_throttle_pop_up", false]], "last_throttle_pop_up (abacusai.computepointinfo attribute)": [[146, "abacusai.ComputePointInfo.last_throttle_pop_up", false]], "lastnmergeconfig (class in abacusai)": [[146, "abacusai.LastNMergeConfig", false]], "lastnmergeconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.LastNMergeConfig", false]], "lastnmergeconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig", false]], "latency_series (abacusai.deployment_statistics.deploymentstatistics attribute)": [[87, "abacusai.deployment_statistics.DeploymentStatistics.latency_series", false]], "latency_series (abacusai.deploymentstatistics attribute)": [[146, "abacusai.DeploymentStatistics.latency_series", false]], "latest_agent_version (abacusai.agent attribute)": [[146, "abacusai.Agent.latest_agent_version", false]], "latest_agent_version (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.latest_agent_version", false]], "latest_batch_prediction_version (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.latest_batch_prediction_version", false]], "latest_batch_prediction_version (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.latest_batch_prediction_version", false]], "latest_custom_metric_version (abacusai.custom_metric.custommetric attribute)": [[66, "abacusai.custom_metric.CustomMetric.latest_custom_metric_version", false]], "latest_custom_metric_version (abacusai.custommetric attribute)": [[146, "abacusai.CustomMetric.latest_custom_metric_version", false]], "latest_dataset_version (abacusai.dataset attribute)": [[146, "abacusai.Dataset.latest_dataset_version", false]], "latest_dataset_version (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.latest_dataset_version", false]], "latest_document_retriever_version (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.latest_document_retriever_version", false]], "latest_document_retriever_version (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.latest_document_retriever_version", false]], "latest_eda_version (abacusai.eda attribute)": [[146, "abacusai.Eda.latest_eda_version", false]], "latest_eda_version (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.latest_eda_version", false]], "latest_feature_group_version (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.latest_feature_group_version", false]], "latest_feature_group_version (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.latest_feature_group_version", false]], "latest_feature_group_version (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.latest_feature_group_version", false]], "latest_feature_group_version (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.latest_feature_group_version", false]], "latest_materialized_annotation_config (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.latest_materialized_annotation_config", false]], "latest_materialized_annotation_config (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.latest_materialized_annotation_config", false]], "latest_model_version (abacusai.model attribute)": [[146, "abacusai.Model.latest_model_version", false]], "latest_model_version (abacusai.model.model attribute)": [[161, "abacusai.model.Model.latest_model_version", false]], "latest_monitor_alert_version (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.latest_monitor_alert_version", false]], "latest_monitor_alert_version (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.latest_monitor_alert_version", false]], "latest_monitor_model_version (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.latest_monitor_model_version", false]], "latest_monitor_model_version (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.latest_monitor_model_version", false]], "latest_pipeline_version (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.latest_pipeline_version", false]], "latest_pipeline_version (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.latest_pipeline_version", false]], "latest_prediction_operator_version (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.latest_prediction_operator_version", false]], "latest_prediction_operator_version (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.latest_prediction_operator_version", false]], "latest_updated_at (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.latest_updated_at", false]], "latest_updated_at (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.latest_updated_at", false]], "latest_version_outdated (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.latest_version_outdated", false]], "latest_version_outdated (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.latest_version_outdated", false]], "latest_version_outdated (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.latest_version_outdated", false]], "latest_version_outdated (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.latest_version_outdated", false]], "layout (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.LAYOUT", false]], "layout (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.LAYOUT", false], [27, "id116", false]], "layout (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.LAYOUT", false]], "learned (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.LEARNED", false]], "learned (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.LEARNED", false]], "learned (abacusai.nermodeltype attribute)": [[146, "abacusai.NERModelType.LEARNED", false]], "legacy_input_location (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.legacy_input_location", false]], "legacy_input_location (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.legacy_input_location", false]], "legacy_input_location (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.legacy_input_location", false]], "legacy_input_location (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.legacy_input_location", false]], "lifecycle (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.lifecycle", false]], "lifecycle (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.lifecycle", false]], "lime_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.LIME_EXPLAINER", false]], "lime_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.LIME_EXPLAINER", false]], "lime_explainer (abacusai.explainertype attribute)": [[146, "abacusai.ExplainerType.LIME_EXPLAINER", false]], "lime_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[126, "abacusai.feature_importance.FeatureImportance.lime_feature_importance", false]], "lime_feature_importance (abacusai.featureimportance attribute)": [[146, "abacusai.FeatureImportance.lime_feature_importance", false]], "limit_results (abacusai.api_class.deployment.featurestorepredictionarguments attribute)": [[23, "abacusai.api_class.deployment.FeatureStorePredictionArguments.limit_results", false]], "limit_results (abacusai.api_class.featurestorepredictionarguments attribute)": [[27, "abacusai.api_class.FeatureStorePredictionArguments.limit_results", false]], "limit_results (abacusai.featurestorepredictionarguments attribute)": [[146, "abacusai.FeatureStorePredictionArguments.limit_results", false]], "line (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.LINE", false]], "line_number (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[54, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.line_number", false]], "line_number (abacusai.codeautocompleteresponse attribute)": [[146, "abacusai.CodeAutocompleteResponse.line_number", false]], "linear (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.LINEAR", false]], "linear (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.LINEAR", false]], "linear (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.LINEAR", false]], "list (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.LIST", false]], "list (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.LIST", false]], "list (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.LIST", false]], "list (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.LIST", false]], "list (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.LIST", false]], "list (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.LIST", false]], "list (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.LIST", false]], "list (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.LIST", false]], "list (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.LIST", false]], "list (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.LIST", false]], "list (abacusai.datatype attribute)": [[146, "abacusai.DataType.LIST", false]], "list (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.LIST", false]], "list (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.LIST", false]], "list (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.LIST", false]], "list (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.LIST", false]], "list_agent_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_agent_versions", false]], "list_agent_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_agent_versions", false]], "list_agents() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_agents", false]], "list_agents() (abacusai.project method)": [[146, "abacusai.Project.list_agents", false]], "list_agents() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_agents", false]], "list_agents() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_agents", false]], "list_alerts() (abacusai.deployment method)": [[146, "abacusai.Deployment.list_alerts", false]], "list_alerts() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.list_alerts", false]], "list_algorithms() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_algorithms", false]], "list_algorithms() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_algorithms", false]], "list_api_keys() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_api_keys", false]], "list_api_keys() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_api_keys", false]], "list_application_connector_objects() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_application_connector_objects", false]], "list_application_connector_objects() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_application_connector_objects", false]], "list_application_connectors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_application_connectors", false]], "list_application_connectors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_application_connectors", false]], "list_artifacts_exports() (abacusai.model method)": [[146, "abacusai.Model.list_artifacts_exports", false]], "list_artifacts_exports() (abacusai.model.model method)": [[161, "abacusai.model.Model.list_artifacts_exports", false]], "list_batch_prediction_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_batch_prediction_versions", false]], "list_batch_prediction_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_batch_prediction_versions", false]], "list_batch_predictions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_batch_predictions", false]], "list_batch_predictions() (abacusai.project method)": [[146, "abacusai.Project.list_batch_predictions", false]], "list_batch_predictions() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_batch_predictions", false]], "list_batch_predictions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_batch_predictions", false]], "list_builtin_algorithms() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.list_builtin_algorithms", false]], "list_builtin_algorithms() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.list_builtin_algorithms", false]], "list_builtin_algorithms() (abacusai.project method)": [[146, "abacusai.Project.list_builtin_algorithms", false]], "list_builtin_algorithms() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_builtin_algorithms", false]], "list_chat_sessions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_chat_sessions", false]], "list_chat_sessions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_chat_sessions", false]], "list_conversations() (abacusai.deployment method)": [[146, "abacusai.Deployment.list_conversations", false]], "list_conversations() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.list_conversations", false]], "list_custom_loss_functions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_custom_loss_functions", false]], "list_custom_loss_functions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_custom_loss_functions", false]], "list_custom_metrics() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_custom_metrics", false]], "list_custom_metrics() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_custom_metrics", false]], "list_database_connector_objects() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_database_connector_objects", false]], "list_database_connector_objects() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_database_connector_objects", false]], "list_database_connectors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_database_connectors", false]], "list_database_connectors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_database_connectors", false]], "list_dataset_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_dataset_versions", false]], "list_dataset_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_dataset_versions", false]], "list_datasets() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_datasets", false]], "list_datasets() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_datasets", false]], "list_deployment_alerts() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_deployment_alerts", false]], "list_deployment_alerts() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_deployment_alerts", false]], "list_deployment_conversations() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_deployment_conversations", false]], "list_deployment_conversations() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_deployment_conversations", false]], "list_deployment_tokens() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_deployment_tokens", false]], "list_deployment_tokens() (abacusai.project method)": [[146, "abacusai.Project.list_deployment_tokens", false]], "list_deployment_tokens() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_deployment_tokens", false]], "list_deployment_tokens() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_deployment_tokens", false]], "list_deployment_webhooks() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_deployment_webhooks", false]], "list_deployment_webhooks() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_deployment_webhooks", false]], "list_deployments() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_deployments", false]], "list_deployments() (abacusai.project method)": [[146, "abacusai.Project.list_deployments", false]], "list_deployments() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_deployments", false]], "list_deployments() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_deployments", false]], "list_document_retriever_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_document_retriever_versions", false]], "list_document_retriever_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_document_retriever_versions", false]], "list_document_retrievers() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_document_retrievers", false]], "list_document_retrievers() (abacusai.project method)": [[146, "abacusai.Project.list_document_retrievers", false]], "list_document_retrievers() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_document_retrievers", false]], "list_document_retrievers() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_document_retrievers", false]], "list_eda() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_eda", false]], "list_eda() (abacusai.project method)": [[146, "abacusai.Project.list_eda", false]], "list_eda() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_eda", false]], "list_eda() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_eda", false]], "list_eda_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_eda_versions", false]], "list_eda_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_eda_versions", false]], "list_exports() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.list_exports", false]], "list_exports() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.list_exports", false]], "list_external_applications() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_external_applications", false]], "list_external_applications() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_external_applications", false]], "list_feature_group_exports() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_feature_group_exports", false]], "list_feature_group_exports() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_feature_group_exports", false]], "list_feature_group_modifiers() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_feature_group_modifiers", false]], "list_feature_group_modifiers() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_feature_group_modifiers", false]], "list_feature_group_row_processes() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.list_feature_group_row_processes", false]], "list_feature_group_row_processes() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.list_feature_group_row_processes", false]], "list_feature_group_row_processes() (abacusai.deployment method)": [[146, "abacusai.Deployment.list_feature_group_row_processes", false]], "list_feature_group_row_processes() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.list_feature_group_row_processes", false]], "list_feature_group_templates() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_feature_group_templates", false]], "list_feature_group_templates() (abacusai.project method)": [[146, "abacusai.Project.list_feature_group_templates", false]], "list_feature_group_templates() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_feature_group_templates", false]], "list_feature_group_templates() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_feature_group_templates", false]], "list_feature_group_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_feature_group_versions", false]], "list_feature_group_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_feature_group_versions", false]], "list_feature_groups() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_feature_groups", false]], "list_feature_groups() (abacusai.project method)": [[146, "abacusai.Project.list_feature_groups", false]], "list_feature_groups() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_feature_groups", false]], "list_feature_groups() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_feature_groups", false]], "list_file_connectors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_file_connectors", false]], "list_file_connectors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_file_connectors", false]], "list_graph_dashboards() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_graph_dashboards", false]], "list_graph_dashboards() (abacusai.project method)": [[146, "abacusai.Project.list_graph_dashboards", false]], "list_graph_dashboards() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_graph_dashboards", false]], "list_graph_dashboards() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_graph_dashboards", false]], "list_holdout_analysis() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_holdout_analysis", false]], "list_holdout_analysis() (abacusai.project method)": [[146, "abacusai.Project.list_holdout_analysis", false]], "list_holdout_analysis() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_holdout_analysis", false]], "list_holdout_analysis() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_holdout_analysis", false]], "list_holdout_analysis_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_holdout_analysis_versions", false]], "list_holdout_analysis_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_holdout_analysis_versions", false]], "list_llm_apps() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_llm_apps", false]], "list_llm_apps() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_llm_apps", false]], "list_logs() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.list_logs", false]], "list_logs() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.list_logs", false]], "list_model_artifacts_exports() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_model_artifacts_exports", false]], "list_model_artifacts_exports() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_model_artifacts_exports", false]], "list_model_monitor_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_model_monitor_versions", false]], "list_model_monitor_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_model_monitor_versions", false]], "list_model_monitors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_model_monitors", false]], "list_model_monitors() (abacusai.project method)": [[146, "abacusai.Project.list_model_monitors", false]], "list_model_monitors() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_model_monitors", false]], "list_model_monitors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_model_monitors", false]], "list_model_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_model_versions", false]], "list_model_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_model_versions", false]], "list_models() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_models", false]], "list_models() (abacusai.project method)": [[146, "abacusai.Project.list_models", false]], "list_models() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_models", false]], "list_models() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_models", false]], "list_modifiers() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.list_modifiers", false]], "list_modifiers() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.list_modifiers", false]], "list_modules() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_modules", false]], "list_modules() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_modules", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alerts_for_monitor() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_monitor_alerts_for_monitor", false]], "list_monitor_alerts_for_monitor() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.list_monitor_alerts_for_monitor", false]], "list_monitor_alerts_for_monitor() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.list_monitor_alerts_for_monitor", false]], "list_monitor_alerts_for_monitor() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_monitor_alerts_for_monitor", false]], "list_objects() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.list_objects", false]], "list_objects() (abacusai.applicationconnector method)": [[146, "abacusai.ApplicationConnector.list_objects", false]], "list_objects() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.list_objects", false]], "list_objects() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.list_objects", false]], "list_organization_groups() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_organization_groups", false]], "list_organization_groups() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_organization_groups", false]], "list_organization_model_monitors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_organization_model_monitors", false]], "list_organization_model_monitors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_organization_model_monitors", false]], "list_organization_secrets() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_organization_secrets", false]], "list_organization_secrets() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_organization_secrets", false]], "list_organization_users() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_organization_users", false]], "list_organization_users() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_organization_users", false]], "list_pipeline_version_logs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_pipeline_version_logs", false]], "list_pipeline_version_logs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_pipeline_version_logs", false]], "list_pipeline_versions() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.list_pipeline_versions", false]], "list_pipeline_versions() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.list_pipeline_versions", false]], "list_pipelines() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_pipelines", false]], "list_pipelines() (abacusai.project method)": [[146, "abacusai.Project.list_pipelines", false]], "list_pipelines() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_pipelines", false]], "list_pipelines() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_pipelines", false]], "list_prediction_operator_versions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_prediction_operator_versions", false]], "list_prediction_operator_versions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_prediction_operator_versions", false]], "list_prediction_operators() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_prediction_operators", false]], "list_prediction_operators() (abacusai.project method)": [[146, "abacusai.Project.list_prediction_operators", false]], "list_prediction_operators() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_prediction_operators", false]], "list_prediction_operators() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_prediction_operators", false]], "list_project_feature_group_templates() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_project_feature_group_templates", false]], "list_project_feature_group_templates() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_project_feature_group_templates", false]], "list_project_feature_groups() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_project_feature_groups", false]], "list_project_feature_groups() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_project_feature_groups", false]], "list_projects() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_projects", false]], "list_projects() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_projects", false]], "list_python_function_feature_groups() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_python_function_feature_groups", false]], "list_python_function_feature_groups() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_python_function_feature_groups", false]], "list_python_functions() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_python_functions", false]], "list_python_functions() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_python_functions", false]], "list_realtime_monitors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_realtime_monitors", false]], "list_realtime_monitors() (abacusai.project method)": [[146, "abacusai.Project.list_realtime_monitors", false]], "list_realtime_monitors() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_realtime_monitors", false]], "list_realtime_monitors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_realtime_monitors", false]], "list_refresh_pipeline_runs() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_refresh_pipeline_runs", false]], "list_refresh_pipeline_runs() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_refresh_pipeline_runs", false]], "list_refresh_pipeline_runs() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.list_refresh_pipeline_runs", false]], "list_refresh_pipeline_runs() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.list_refresh_pipeline_runs", false]], "list_refresh_policies() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.list_refresh_policies", false]], "list_refresh_policies() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.list_refresh_policies", false]], "list_refresh_policies() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_refresh_policies", false]], "list_refresh_policies() (abacusai.dataset method)": [[146, "abacusai.Dataset.list_refresh_policies", false]], "list_refresh_policies() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.list_refresh_policies", false]], "list_refresh_policies() (abacusai.deployment method)": [[146, "abacusai.Deployment.list_refresh_policies", false]], "list_refresh_policies() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.list_refresh_policies", false]], "list_refresh_policies() (abacusai.model method)": [[146, "abacusai.Model.list_refresh_policies", false]], "list_refresh_policies() (abacusai.model.model method)": [[161, "abacusai.model.Model.list_refresh_policies", false]], "list_refresh_policies() (abacusai.project method)": [[146, "abacusai.Project.list_refresh_policies", false]], "list_refresh_policies() (abacusai.project.project method)": [[214, "abacusai.project.Project.list_refresh_policies", false]], "list_refresh_policies() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_refresh_policies", false]], "list_streaming_connectors() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_streaming_connectors", false]], "list_streaming_connectors() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_streaming_connectors", false]], "list_streaming_tokens() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_streaming_tokens", false]], "list_streaming_tokens() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_streaming_tokens", false]], "list_uploads() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_uploads", false]], "list_uploads() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_uploads", false]], "list_use_cases() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.list_use_cases", false]], "list_use_cases() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.list_use_cases", false]], "list_versions() (abacusai.agent method)": [[146, "abacusai.Agent.list_versions", false]], "list_versions() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.list_versions", false]], "list_versions() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.list_versions", false]], "list_versions() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.list_versions", false]], "list_versions() (abacusai.dataset method)": [[146, "abacusai.Dataset.list_versions", false]], "list_versions() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.list_versions", false]], "list_versions() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.list_versions", false]], "list_versions() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.list_versions", false]], "list_versions() (abacusai.eda method)": [[146, "abacusai.Eda.list_versions", false]], "list_versions() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.list_versions", false]], "list_versions() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.list_versions", false]], "list_versions() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.list_versions", false]], "list_versions() (abacusai.holdout_analysis.holdoutanalysis method)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.list_versions", false]], "list_versions() (abacusai.holdoutanalysis method)": [[146, "abacusai.HoldoutAnalysis.list_versions", false]], "list_versions() (abacusai.model method)": [[146, "abacusai.Model.list_versions", false]], "list_versions() (abacusai.model.model method)": [[161, "abacusai.model.Model.list_versions", false]], "list_versions() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.list_versions", false]], "list_versions() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.list_versions", false]], "list_versions() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.list_versions", false]], "list_versions() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.list_versions", false]], "list_versions() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.list_versions", false]], "list_versions() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.list_versions", false]], "list_webhooks() (abacusai.deployment method)": [[146, "abacusai.Deployment.list_webhooks", false]], "list_webhooks() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.list_webhooks", false]], "listresponsesection (class in abacusai)": [[146, "abacusai.ListResponseSection", false]], "listresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ListResponseSection", false]], "listresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ListResponseSection", false]], "llama3_1_405b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_1_405B", false]], "llama3_1_405b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_1_405B", false]], "llama3_1_405b (abacusai.llmname attribute)": [[146, "abacusai.LLMName.LLAMA3_1_405B", false]], "llama3_1_70b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_1_70B", false]], "llama3_1_70b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_1_70B", false]], "llama3_1_70b (abacusai.llmname attribute)": [[146, "abacusai.LLMName.LLAMA3_1_70B", false]], "llama3_1_8b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_1_8B", false]], "llama3_1_8b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_1_8B", false]], "llama3_1_8b (abacusai.llmname attribute)": [[146, "abacusai.LLMName.LLAMA3_1_8B", false]], "llama3_3_70b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_3_70B", false]], "llama3_3_70b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_3_70B", false]], "llama3_3_70b (abacusai.llmname attribute)": [[146, "abacusai.LLMName.LLAMA3_3_70B", false]], "llama3_large_chat (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_LARGE_CHAT", false]], "llama3_large_chat (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_LARGE_CHAT", false]], "llama3_large_chat (abacusai.llmname attribute)": [[146, "abacusai.LLMName.LLAMA3_LARGE_CHAT", false]], "llm (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.LLM", false]], "llm (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.LLM", false], [27, "id124", false]], "llm (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.LLM", false]], "llm_app_id (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.llm_app_id", false]], "llm_app_id (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.llm_app_id", false]], "llm_bot_icon (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.llm_bot_icon", false]], "llm_bot_icon (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.llm_bot_icon", false]], "llm_bot_icon (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.llm_bot_icon", false]], "llm_bot_icon (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.llm_bot_icon", false]], "llm_display_name (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.llm_display_name", false]], "llm_display_name (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.llm_display_name", false]], "llm_display_name (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.llm_display_name", false]], "llm_display_name (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.llm_display_name", false]], "llm_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.llm_endpoint", false]], "llm_endpoint (abacusai.apiendpoint attribute)": [[146, "abacusai.ApiEndpoint.llm_endpoint", false]], "llm_for_ner (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.llm_for_ner", false]], "llm_for_ner (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.llm_for_ner", false]], "llm_for_ner (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.llm_for_ner", false]], "llm_name (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.llm_name", false]], "llm_name (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.llm_name", false]], "llm_name (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.llm_name", false]], "llm_name (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.llm_name", false]], "llm_name (abacusai.chatllmpredictionarguments attribute)": [[146, "abacusai.ChatLLMPredictionArguments.llm_name", false]], "llm_name (abacusai.code_bot.codebot attribute)": [[55, "abacusai.code_bot.CodeBot.llm_name", false]], "llm_name (abacusai.codebot attribute)": [[146, "abacusai.CodeBot.llm_name", false]], "llm_name (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.llm_name", false]], "llm_name (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.llm_name", false]], "llm_name (abacusai.naturallanguagesearchpredictionarguments attribute)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments.llm_name", false]], "llmapp (class in abacusai)": [[146, "abacusai.LlmApp", false]], "llmapp (class in abacusai.llm_app)": [[151, "abacusai.llm_app.LlmApp", false]], "llmcodeblock (class in abacusai)": [[146, "abacusai.LlmCodeBlock", false]], "llmcodeblock (class in abacusai.llm_code_block)": [[152, "abacusai.llm_code_block.LlmCodeBlock", false]], "llmexecutionpreview (class in abacusai)": [[146, "abacusai.LlmExecutionPreview", false]], "llmexecutionpreview (class in abacusai.llm_execution_preview)": [[153, "abacusai.llm_execution_preview.LlmExecutionPreview", false]], "llmexecutionresult (class in abacusai)": [[146, "abacusai.LlmExecutionResult", false]], "llmexecutionresult (class in abacusai.llm_execution_result)": [[154, "abacusai.llm_execution_result.LlmExecutionResult", false]], "llmgeneratedcode (class in abacusai)": [[146, "abacusai.LlmGeneratedCode", false]], "llmgeneratedcode (class in abacusai.llm_generated_code)": [[155, "abacusai.llm_generated_code.LlmGeneratedCode", false]], "llminput (class in abacusai)": [[146, "abacusai.LlmInput", false]], "llminput (class in abacusai.llm_input)": [[156, "abacusai.llm_input.LlmInput", false]], "llmname (class in abacusai)": [[146, "abacusai.LLMName", false]], "llmname (class in abacusai.api_class)": [[27, "abacusai.api_class.LLMName", false]], "llmname (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.LLMName", false]], "llmparameters (class in abacusai)": [[146, "abacusai.LlmParameters", false]], "llmparameters (class in abacusai.llm_parameters)": [[157, "abacusai.llm_parameters.LlmParameters", false]], "llmresponse (class in abacusai)": [[146, "abacusai.LlmResponse", false]], "llmresponse (class in abacusai.llm_response)": [[158, "abacusai.llm_response.LlmResponse", false]], "load_as_pandas() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.load_as_pandas", false]], "load_as_pandas() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.load_as_pandas", false]], "load_as_pandas() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.load_as_pandas", false]], "load_as_pandas() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.load_as_pandas", false]], "load_as_pandas() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.load_as_pandas", false]], "load_as_pandas() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.load_as_pandas", false]], "load_as_pandas_documents() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.load_as_pandas_documents", false]], "load_as_pandas_documents() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.load_as_pandas_documents", false]], "load_as_pandas_documents() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.load_as_pandas_documents", false]], "load_as_pandas_documents() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.load_as_pandas_documents", false]], "load_as_pandas_from_avro_fd() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.load_as_pandas_from_avro_fd", false]], "load_as_pandas_from_avro_files() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.load_as_pandas_from_avro_files", false]], "load_results_as_pandas() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.load_results_as_pandas", false]], "load_results_as_pandas() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.load_results_as_pandas", false]], "load_results_as_pandas() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.load_results_as_pandas", false]], "load_results_as_pandas() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.load_results_as_pandas", false]], "local_scale_target (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.local_scale_target", false]], "local_scale_target (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.local_scale_target", false]], "local_scale_target (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.local_scale_target", false]], "local_scaling_mode (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.local_scaling_mode", false]], "local_scaling_mode (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.local_scaling_mode", false]], "local_scaling_mode (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.local_scaling_mode", false]], "location (abacusai.api_class.boxdatasetconfig attribute)": [[27, "abacusai.api_class.BoxDatasetConfig.location", false]], "location (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.boxdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.zendeskdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig.location", false]], "location (abacusai.api_class.fileconnectorexportconfig attribute)": [[27, "abacusai.api_class.FileConnectorExportConfig.location", false]], "location (abacusai.api_class.googleanalyticsdatasetconfig attribute)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.location", false]], "location (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.location", false]], "location (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.location", false]], "location (abacusai.api_class.refresh.fileconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.location", false]], "location (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.location", false]], "location (abacusai.api_class.zendeskdatasetconfig attribute)": [[27, "abacusai.api_class.ZendeskDatasetConfig.location", false]], "location (abacusai.boxdatasetconfig attribute)": [[146, "abacusai.BoxDatasetConfig.location", false]], "location (abacusai.confluencedatasetconfig attribute)": [[146, "abacusai.ConfluenceDatasetConfig.location", false]], "location (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.location", false]], "location (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.location", false]], "location (abacusai.fileconnectorexportconfig attribute)": [[146, "abacusai.FileConnectorExportConfig.location", false]], "location (abacusai.googleanalyticsdatasetconfig attribute)": [[146, "abacusai.GoogleAnalyticsDatasetConfig.location", false]], "location (abacusai.googledrivedatasetconfig attribute)": [[146, "abacusai.GoogleDriveDatasetConfig.location", false]], "location (abacusai.model attribute)": [[146, "abacusai.Model.location", false]], "location (abacusai.model.model attribute)": [[161, "abacusai.model.Model.location", false]], "location (abacusai.model_location.modellocation attribute)": [[165, "abacusai.model_location.ModelLocation.location", false]], "location (abacusai.modellocation attribute)": [[146, "abacusai.ModelLocation.location", false]], "location (abacusai.onedrivedatasetconfig attribute)": [[146, "abacusai.OneDriveDatasetConfig.location", false]], "location (abacusai.sharepointdatasetconfig attribute)": [[146, "abacusai.SharepointDatasetConfig.location", false]], "location (abacusai.zendeskdatasetconfig attribute)": [[146, "abacusai.ZendeskDatasetConfig.location", false]], "lock (in module abacusai.global_context)": [[139, "abacusai.global_context.lock", false]], "locked_until (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.locked_until", false]], "locked_until (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.locked_until", false]], "lofo_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[126, "abacusai.feature_importance.FeatureImportance.lofo_feature_importance", false]], "lofo_feature_importance (abacusai.featureimportance attribute)": [[146, "abacusai.FeatureImportance.lofo_feature_importance", false]], "log (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.LOG", false]], "log (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.LOG", false]], "log (abacusai.regressiontargettransform attribute)": [[146, "abacusai.RegressionTargetTransform.LOG", false]], "log_loss (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.LOG_LOSS", false]], "log_loss (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.LOG_LOSS", false]], "log_loss (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.LOG_LOSS", false]], "log_loss (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.LOG_LOSS", false]], "log_loss (abacusai.nerobjective attribute)": [[146, "abacusai.NERObjective.LOG_LOSS", false]], "log_loss (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.LOG_LOSS", false]], "log_root_mean_square_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.LOG_ROOT_MEAN_SQUARE_ERROR", false]], "log_root_mean_square_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.LOG_ROOT_MEAN_SQUARE_ERROR", false]], "log_root_mean_square_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.LOG_ROOT_MEAN_SQUARE_ERROR", false]], "logo (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.logo", false]], "logo (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.logo", false]], "logo (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.logo", false]], "logo (abacusai.organizationexternalapplicationsettings attribute)": [[146, "abacusai.OrganizationExternalApplicationSettings.logo", false]], "logs (abacusai.batch_prediction_version_logs.batchpredictionversionlogs attribute)": [[44, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.logs", false]], "logs (abacusai.batchpredictionversionlogs attribute)": [[146, "abacusai.BatchPredictionVersionLogs.logs", false]], "logs (abacusai.data_prep_logs.datapreplogs attribute)": [[71, "abacusai.data_prep_logs.DataPrepLogs.logs", false]], "logs (abacusai.datapreplogs attribute)": [[146, "abacusai.DataPrepLogs.logs", false]], "logs (abacusai.dataset_version_logs.datasetversionlogs attribute)": [[81, "abacusai.dataset_version_logs.DatasetVersionLogs.logs", false]], "logs (abacusai.datasetversionlogs attribute)": [[146, "abacusai.DatasetVersionLogs.logs", false]], "logs (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.logs", false]], "logs (abacusai.feature_group_version_logs.featuregroupversionlogs attribute)": [[125, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.logs", false]], "logs (abacusai.featuregrouprowprocesslogs attribute)": [[146, "abacusai.FeatureGroupRowProcessLogs.logs", false]], "logs (abacusai.featuregroupversionlogs attribute)": [[146, "abacusai.FeatureGroupVersionLogs.logs", false]], "logs (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.logs", false]], "logs (abacusai.pipelinestepversionlogs attribute)": [[146, "abacusai.PipelineStepVersionLogs.logs", false]], "long_explanation (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation.long_explanation", false]], "long_explanation (abacusai.naturallanguageexplanation attribute)": [[146, "abacusai.NaturalLanguageExplanation.long_explanation", false]], "lookback_count (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_count", false]], "lookback_count (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.lookback_count", false]], "lookback_count (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.lookback_count", false]], "lookback_count (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.lookback_count", false]], "lookback_days (abacusai.dataset attribute)": [[146, "abacusai.Dataset.lookback_days", false]], "lookback_days (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.lookback_days", false]], "lookback_time (abacusai.realtime_monitor.realtimemonitor attribute)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.lookback_time", false]], "lookback_time (abacusai.realtimemonitor attribute)": [[146, "abacusai.RealtimeMonitor.lookback_time", false]], "lookback_until_position (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_until_position", false]], "lookback_until_position (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.lookback_until_position", false]], "lookback_until_position (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.lookback_until_position", false]], "lookback_until_position (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.lookback_until_position", false]], "lookback_window (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.lookback_window", false]], "lookback_window (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.lookback_window", false]], "lookback_window_lag (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.lookback_window_lag", false]], "lookback_window_lag (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.lookback_window_lag", false]], "lookback_window_lag_seconds (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_window_lag_seconds", false]], "lookback_window_lag_seconds (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.lookback_window_lag_seconds", false]], "lookback_window_seconds (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_window_seconds", false]], "lookback_window_seconds (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.lookback_window_seconds", false]], "lookup_features() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.lookup_features", false]], "lookup_features() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.lookup_features", false]], "lookup_features() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.lookup_features", false]], "lookup_features() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.lookup_features", false]], "lookup_keys (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.lookup_keys", false]], "lookup_keys (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.lookup_keys", false]], "lookup_keys (abacusai.indexing_config.indexingconfig attribute)": [[147, "abacusai.indexing_config.IndexingConfig.lookup_keys", false]], "lookup_keys (abacusai.indexingconfig attribute)": [[146, "abacusai.IndexingConfig.lookup_keys", false]], "lookup_keys (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.lookup_keys", false]], "lookup_keys (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.lookup_keys", false]], "lookup_matches() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.lookup_matches", false]], "lookup_matches() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.lookup_matches", false]], "lookup_matches() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.lookup_matches", false]], "lookup_matches() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.lookup_matches", false]], "lookup_rewrite_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.lookup_rewrite_instructions", false]], "lookup_rewrite_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.lookup_rewrite_instructions", false]], "lookup_rewrite_instructions (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.lookup_rewrite_instructions", false]], "loss_function (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.loss_function", false]], "loss_function (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.loss_function", false]], "loss_function (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.loss_function", false]], "loss_function (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.loss_function", false]], "loss_function (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.loss_function", false]], "loss_function (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.loss_function", false]], "loss_function_name (abacusai.custom_loss_function.customlossfunction attribute)": [[65, "abacusai.custom_loss_function.CustomLossFunction.loss_function_name", false]], "loss_function_name (abacusai.customlossfunction attribute)": [[146, "abacusai.CustomLossFunction.loss_function_name", false]], "loss_function_type (abacusai.custom_loss_function.customlossfunction attribute)": [[65, "abacusai.custom_loss_function.CustomLossFunction.loss_function_type", false]], "loss_function_type (abacusai.customlossfunction attribute)": [[146, "abacusai.CustomLossFunction.loss_function_type", false]], "loss_parameters (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.loss_parameters", false]], "loss_parameters (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.loss_parameters", false]], "loss_parameters (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.loss_parameters", false]], "low_peak (abacusai.api_class.enums.timeseriesanomalytypeofanomaly attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly.LOW_PEAK", false]], "low_peak (abacusai.api_class.timeseriesanomalytypeofanomaly attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly.LOW_PEAK", false]], "low_peak (abacusai.timeseriesanomalytypeofanomaly attribute)": [[146, "abacusai.TimeseriesAnomalyTypeOfAnomaly.LOW_PEAK", false]], "lower_bound (abacusai.api_class.itemattributesstddevthreshold attribute)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold.lower_bound", false]], "lower_bound (abacusai.api_class.monitor.itemattributesstddevthreshold attribute)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold.lower_bound", false]], "lower_bound (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.lower_bound", false]], "lower_bound (abacusai.itemattributesstddevthreshold attribute)": [[146, "abacusai.ItemAttributesStdDevThreshold.lower_bound", false]], "lower_bound (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.lower_bound", false]], "mae (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MAE", false]], "mae (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.MAE", false]], "mae (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MAE", false]], "mae (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.MAE", false]], "mae (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.MAE", false]], "mae (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.MAE", false]], "managed_user_service (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.managed_user_service", false]], "managed_user_service (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.managed_user_service", false]], "managed_user_service (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.managed_user_service", false]], "managed_user_service (abacusai.organizationexternalapplicationsettings attribute)": [[146, "abacusai.OrganizationExternalApplicationSettings.managed_user_service", false]], "map (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MAP", false]], "map (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MAP", false]], "map (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.MAP", false]], "map_10 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MAP_10", false]], "map_10 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MAP_10", false]], "map_10 (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.MAP_10", false]], "map_5 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MAP_5", false]], "map_5 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MAP_5", false]], "map_5 (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.MAP_5", false]], "mape (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.MAPE", false]], "mape (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MAPE", false]], "mape (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.MAPE", false]], "mape (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.MAPE", false]], "mape (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MAPE", false]], "mape (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.MAPE", false]], "mape (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.MAPE", false]], "mape (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.MAPE", false]], "mape (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.MAPE", false]], "mark_complete() (abacusai.upload method)": [[146, "abacusai.Upload.mark_complete", false]], "mark_complete() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.mark_complete", false]], "mark_upload_complete() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.mark_upload_complete", false]], "mark_upload_complete() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.mark_upload_complete", false]], "markdown (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.MARKDOWN", false]], "markdown (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.MARKDOWN", false]], "markdown (abacusai.operatortype attribute)": [[146, "abacusai.OperatorType.MARKDOWN", false]], "markdown_features (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.MARKDOWN_FEATURES", false]], "markdownconfig (class in abacusai)": [[146, "abacusai.MarkdownConfig", false]], "markdownconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MarkdownConfig", false]], "markdownconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.MarkdownConfig", false]], "markdownoperatorinputtype (class in abacusai)": [[146, "abacusai.MarkdownOperatorInputType", false]], "markdownoperatorinputtype (class in abacusai.api_class)": [[27, "abacusai.api_class.MarkdownOperatorInputType", false]], "markdownoperatorinputtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MarkdownOperatorInputType", false]], "mask_pii (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.mask_pii", false]], "mask_pii (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.mask_pii", false], [27, "id162", false]], "mask_pii (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.mask_pii", false]], "materialization_completed_at (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.materialization_completed_at", false]], "materialization_completed_at (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.materialization_completed_at", false]], "materialization_started_at (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.materialization_started_at", false]], "materialization_started_at (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.materialization_started_at", false]], "materialize() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.materialize", false]], "materialize() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.materialize", false]], "matrix (abacusai.agentinterface attribute)": [[146, "abacusai.AgentInterface.MATRIX", false]], "matrix (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.MATRIX", false]], "matrix (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.MATRIX", false]], "max (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.MAX", false]], "max (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.MAX", false]], "max (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.MAX", false]], "max (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.max", false]], "max (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.max", false]], "max_catalog_size (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.max_catalog_size", false]], "max_catalog_size (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.max_catalog_size", false]], "max_catalog_size (abacusai.customtrainedmodeltrainingconfig attribute)": [[146, "abacusai.CustomTrainedModelTrainingConfig.max_catalog_size", false]], "max_count (abacusai.data_upload_result.datauploadresult attribute)": [[73, "abacusai.data_upload_result.DataUploadResult.max_count", false]], "max_count (abacusai.datauploadresult attribute)": [[146, "abacusai.DataUploadResult.max_count", false]], "max_dimension (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.max_dimension", false]], "max_dimension (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.max_dimension", false]], "max_dimension (abacusai.customtrainedmodeltrainingconfig attribute)": [[146, "abacusai.CustomTrainedModelTrainingConfig.max_dimension", false]], "max_history_length (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.max_history_length", false]], "max_history_length (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.max_history_length", false]], "max_history_length (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.max_history_length", false]], "max_scale_context (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.max_scale_context", false]], "max_scale_context (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.max_scale_context", false]], "max_scale_context (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.max_scale_context", false]], "max_search_results (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.max_search_results", false]], "max_search_results (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.max_search_results", false]], "max_search_results (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.max_search_results", false]], "max_text_words (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.max_text_words", false]], "max_text_words (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.max_text_words", false]], "max_text_words (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.max_text_words", false]], "max_tokens_in_sentence (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.max_tokens_in_sentence", false]], "max_tokens_in_sentence (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.max_tokens_in_sentence", false]], "max_tokens_in_sentence (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.max_tokens_in_sentence", false]], "max_user_history_len_percentile (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.max_user_history_len_percentile", false]], "max_user_history_len_percentile (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.max_user_history_len_percentile", false]], "max_user_history_len_percentile (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.max_user_history_len_percentile", false]], "max_value (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.max_value", false]], "max_value (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.max_value", false]], "max_value (abacusai.restrictfeaturemappings attribute)": [[146, "abacusai.RestrictFeatureMappings.max_value", false]], "md (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MD", false]], "md (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MD", false]], "md (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.MD", false]], "md5 (abacusai.upload_part.uploadpart attribute)": [[245, "abacusai.upload_part.UploadPart.md5", false]], "md5 (abacusai.uploadpart attribute)": [[146, "abacusai.UploadPart.md5", false]], "mean (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.mean", false]], "mean (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.mean", false]], "mean_absolute_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.MEAN_ABSOLUTE_ERROR", false]], "mean_absolute_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.MEAN_ABSOLUTE_ERROR", false]], "mean_absolute_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.MEAN_ABSOLUTE_ERROR", false]], "mean_absolute_percentage_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "mean_absolute_percentage_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "mean_absolute_percentage_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "median (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.MEDIAN", false]], "median (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.MEDIAN", false]], "median (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.MEDIAN", false]], "median (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.median", false]], "median (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.median", false]], "medium (abacusai.api_class.cpusize attribute)": [[27, "abacusai.api_class.CPUSize.MEDIUM", false]], "medium (abacusai.api_class.enums.cpusize attribute)": [[25, "abacusai.api_class.enums.CPUSize.MEDIUM", false]], "medium (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.MEDIUM", false]], "medium (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.MEDIUM", false]], "medium (abacusai.cpusize attribute)": [[146, "abacusai.CPUSize.MEDIUM", false]], "medium (abacusai.memorysize attribute)": [[146, "abacusai.MemorySize.MEDIUM", false]], "memory (abacusai.agent attribute)": [[146, "abacusai.Agent.memory", false]], "memory (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.memory", false]], "memory (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.memory", false]], "memory (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.memory", false]], "memory (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.memory", false]], "memory (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.memory", false]], "memory (abacusai.model attribute)": [[146, "abacusai.Model.memory", false]], "memory (abacusai.model.model attribute)": [[161, "abacusai.model.Model.memory", false]], "memory (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.memory", false]], "memory (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.memory", false]], "memory (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.memory", false]], "memory (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.memory", false]], "memory (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.memory", false]], "memory (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.memory", false]], "memory (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.memory", false]], "memory (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.memory", false]], "memory (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.memory", false]], "memory (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.memory", false]], "memory (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.memory", false]], "memory (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.memory", false]], "memoryoptions (class in abacusai)": [[146, "abacusai.MemoryOptions", false]], "memoryoptions (class in abacusai.memory_options)": [[159, "abacusai.memory_options.MemoryOptions", false]], "memorysize (class in abacusai)": [[146, "abacusai.MemorySize", false]], "memorysize (class in abacusai.api_class)": [[27, "abacusai.api_class.MemorySize", false]], "memorysize (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MemorySize", false]], "merge_config (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.merge_config", false]], "merge_config (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.merge_config", false]], "merge_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.merge_config", false]], "merge_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.merge_config", false]], "merge_file_schemas (abacusai.api_class.boxdatasetconfig attribute)": [[27, "abacusai.api_class.BoxDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.boxdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.boxdatasetconfig attribute)": [[146, "abacusai.BoxDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.dataset attribute)": [[146, "abacusai.Dataset.merge_file_schemas", false]], "merge_file_schemas (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.merge_file_schemas", false]], "merge_file_schemas (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.merge_file_schemas", false]], "merge_file_schemas (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.merge_file_schemas", false]], "merge_file_schemas (abacusai.googledrivedatasetconfig attribute)": [[146, "abacusai.GoogleDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.onedrivedatasetconfig attribute)": [[146, "abacusai.OneDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.sharepointdatasetconfig attribute)": [[146, "abacusai.SharepointDatasetConfig.merge_file_schemas", false]], "merge_mode (abacusai.api_class.feature_group.mergeconfig attribute)": [[26, "abacusai.api_class.feature_group.MergeConfig.merge_mode", false]], "merge_mode (abacusai.api_class.mergeconfig attribute)": [[27, "abacusai.api_class.MergeConfig.merge_mode", false]], "merge_mode (abacusai.mergeconfig attribute)": [[146, "abacusai.MergeConfig.merge_mode", false]], "merge_type (abacusai.concatenation_config.concatenationconfig attribute)": [[61, "abacusai.concatenation_config.ConcatenationConfig.merge_type", false]], "merge_type (abacusai.concatenationconfig attribute)": [[146, "abacusai.ConcatenationConfig.merge_type", false]], "mergeconfig (class in abacusai)": [[146, "abacusai.MergeConfig", false]], "mergeconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MergeConfig", false]], "mergeconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.MergeConfig", false]], "mergemode (class in abacusai)": [[146, "abacusai.MergeMode", false]], "mergemode (class in abacusai.api_class)": [[27, "abacusai.api_class.MergeMode", false]], "mergemode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MergeMode", false]], "message (abacusai.api_client_utils.streamtype attribute)": [[35, "abacusai.api_client_utils.StreamType.MESSAGE", false]], "message (abacusai.apiexception attribute)": [[146, "abacusai.ApiException.message", false]], "message (abacusai.client.apiexception attribute)": [[52, "abacusai.client.ApiException.message", false]], "message_index (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.message_index", false]], "message_index (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.message_index", false]], "messages (abacusai.agent_conversation.agentconversation attribute)": [[4, "abacusai.agent_conversation.AgentConversation.messages", false]], "messages (abacusai.agentconversation attribute)": [[146, "abacusai.AgentConversation.messages", false]], "messages (abacusai.code_agent_response.codeagentresponse attribute)": [[53, "abacusai.code_agent_response.CodeAgentResponse.messages", false]], "messages (abacusai.codeagentresponse attribute)": [[146, "abacusai.CodeAgentResponse.messages", false]], "messages (abacusai.nlp_chat_response.nlpchatresponse attribute)": [[186, "abacusai.nlp_chat_response.NlpChatResponse.messages", false]], "messages (abacusai.nlpchatresponse attribute)": [[146, "abacusai.NlpChatResponse.messages", false]], "messaging_bot_name (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.messaging_bot_name", false]], "messaging_bot_name (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.messaging_bot_name", false]], "messagingconnectorresponse (class in abacusai)": [[146, "abacusai.MessagingConnectorResponse", false]], "messagingconnectorresponse (class in abacusai.messaging_connector_response)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse", false]], "metadata (abacusai.annotation attribute)": [[146, "abacusai.Annotation.metadata", false]], "metadata (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.metadata", false]], "metadata (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.METADATA", false]], "metadata (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.metadata", false]], "metadata (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.metadata", false]], "metadata (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.metadata", false]], "metadata (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.metadata", false]], "metadata_columns (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.metadata_columns", false]], "metadata_columns (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.metadata_columns", false]], "metadata_columns (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.metadata_columns", false]], "metadata_feature (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.metadata_feature", false]], "metadata_feature (abacusai.annotationconfig attribute)": [[146, "abacusai.AnnotationConfig.metadata_feature", false]], "method (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.method", false]], "method (abacusai.abacusapi attribute)": [[146, "abacusai.AbacusApi.method", false]], "methodnotallowed": [[52, "abacusai.client.MethodNotAllowed", false]], "metric_charts (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metric_charts", false]], "metric_charts (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.metric_charts", false]], "metric_configs (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.metric_configs", false]], "metric_configs (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.metric_configs", false]], "metric_configs (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.metric_configs", false]], "metric_configs (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.metric_configs", false]], "metric_data() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.metric_data", false]], "metric_data() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.metric_data", false]], "metric_infos (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.metric_infos", false]], "metric_infos (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.metric_infos", false]], "metric_infos (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metric_infos", false]], "metric_infos (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.metric_infos", false]], "metric_names (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.metric_names", false]], "metric_names (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metric_names", false]], "metric_names (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.metric_names", false]], "metric_names (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.metric_names", false]], "metric_types (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.metric_types", false]], "metric_types (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.metric_types", false]], "metric_types (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.metric_types", false]], "metric_types (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.metric_types", false]], "metrics (abacusai.data_metrics.datametrics attribute)": [[70, "abacusai.data_metrics.DataMetrics.metrics", false]], "metrics (abacusai.datametrics attribute)": [[146, "abacusai.DataMetrics.metrics", false]], "metrics (abacusai.drift_distribution.driftdistribution attribute)": [[92, "abacusai.drift_distribution.DriftDistribution.metrics", false]], "metrics (abacusai.driftdistribution attribute)": [[146, "abacusai.DriftDistribution.metrics", false]], "metrics (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.metrics", false]], "metrics (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.metrics", false]], "metrics (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metrics", false]], "metrics (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.metrics", false]], "metrics_columns (abacusai.test_point_predictions.testpointpredictions attribute)": [[240, "abacusai.test_point_predictions.TestPointPredictions.metrics_columns", false]], "metrics_columns (abacusai.testpointpredictions attribute)": [[146, "abacusai.TestPointPredictions.metrics_columns", false]], "metrics_keys (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[128, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.metrics_keys", false]], "metrics_keys (abacusai.featureperformanceanalysis attribute)": [[146, "abacusai.FeaturePerformanceAnalysis.metrics_keys", false]], "microsoftauth (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.MICROSOFTAUTH", false]], "microsoftauth (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.MICROSOFTAUTH", false]], "microsoftauth (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.MICROSOFTAUTH", false]], "middle (abacusai.api_class.enums.forecastingfillmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingFillMethod.MIDDLE", false]], "middle (abacusai.api_class.forecastingfillmethod attribute)": [[27, "abacusai.api_class.ForecastingFillMethod.MIDDLE", false]], "middle (abacusai.forecastingfillmethod attribute)": [[146, "abacusai.ForecastingFillMethod.MIDDLE", false]], "mime_type (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.mime_type", false]], "mime_type (abacusai.agentdatadocumentinfo attribute)": [[146, "abacusai.AgentDataDocumentInfo.mime_type", false]], "mime_type (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.mime_type", false]], "mime_type (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.mime_type", false]], "mime_type (abacusai.blob attribute)": [[146, "abacusai.Blob.mime_type", false]], "mime_type (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.mime_type", false]], "mime_type (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.mime_type", false]], "min (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.MIN", false]], "min (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.MIN", false]], "min (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.MIN", false]], "min (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.min", false]], "min (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.min", false]], "min_categorical_count (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.min_categorical_count", false]], "min_categorical_count (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.min_categorical_count", false]], "min_categorical_count (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.min_categorical_count", false]], "min_item_history (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.min_item_history", false]], "min_item_history (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.min_item_history", false]], "min_item_history (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.min_item_history", false]], "min_max (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.MIN_MAX", false]], "min_max (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.MIN_MAX", false]], "min_max (abacusai.forecastinglocalscaling attribute)": [[146, "abacusai.ForecastingLocalScaling.MIN_MAX", false]], "min_samples_in_normal_region (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.min_samples_in_normal_region", false]], "min_samples_in_normal_region (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.min_samples_in_normal_region", false]], "min_samples_in_normal_region (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.min_samples_in_normal_region", false]], "min_std (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.MIN_STD", false]], "min_std (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.MIN_STD", false]], "min_std (abacusai.forecastinglocalscaling attribute)": [[146, "abacusai.ForecastingLocalScaling.MIN_STD", false]], "min_value (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.min_value", false]], "min_value (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.min_value", false]], "min_value (abacusai.restrictfeaturemappings attribute)": [[146, "abacusai.RestrictFeatureMappings.min_value", false]], "minimum_bounding_box_overlap_ratio (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.minimum_bounding_box_overlap_ratio", false]], "minimum_bounding_box_overlap_ratio (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.minimum_bounding_box_overlap_ratio", false]], "minimum_bounding_box_overlap_ratio (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.minimum_bounding_box_overlap_ratio", false]], "minimum_violations (abacusai.api_class.biasviolationconditionconfig attribute)": [[27, "abacusai.api_class.BiasViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.dataintegrityviolationconditionconfig attribute)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.monitor_alert.biasviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.monitor_alert.dataintegrityviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.biasviolationconditionconfig attribute)": [[146, "abacusai.BiasViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.dataintegrityviolationconditionconfig attribute)": [[146, "abacusai.DataIntegrityViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.featuredriftconditionconfig attribute)": [[146, "abacusai.FeatureDriftConditionConfig.minimum_violations", false]], "missing_percent (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.missing_percent", false]], "missing_percent (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.missing_percent", false]], "missing_value_distribution (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.missing_value_distribution", false]], "missing_value_distribution (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.missing_value_distribution", false]], "missingparametererror": [[52, "abacusai.client.MissingParameterError", false]], "mix_gaussians (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.MIX_GAUSSIANS", false]], "mix_gaussians (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.MIX_GAUSSIANS", false]], "mix_gaussians (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.MIX_GAUSSIANS", false]], "mode (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.mode", false]], "mode (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.mode", false]], "mode (abacusai.databaseconnectorexportconfig attribute)": [[146, "abacusai.DatabaseConnectorExportConfig.mode", false]], "model (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.model", false]], "model (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.model", false]], "model (abacusai.audio_gen_settings.audiogensettings attribute)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.model", false]], "model (abacusai.audiogensettings attribute)": [[146, "abacusai.AudioGenSettings.model", false]], "model (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.model", false]], "model (abacusai.image_gen_settings.imagegensettings attribute)": [[145, "abacusai.image_gen_settings.ImageGenSettings.model", false]], "model (abacusai.imagegensettings attribute)": [[146, "abacusai.ImageGenSettings.model", false]], "model (abacusai.video_gen_settings.videogensettings attribute)": [[250, "abacusai.video_gen_settings.VideoGenSettings.model", false]], "model (abacusai.videogensettings attribute)": [[146, "abacusai.VideoGenSettings.model", false]], "model (abacusai.voice_gen_details.voicegendetails attribute)": [[252, "abacusai.voice_gen_details.VoiceGenDetails.model", false]], "model (abacusai.voicegendetails attribute)": [[146, "abacusai.VoiceGenDetails.model", false]], "model (class in abacusai)": [[146, "abacusai.Model", false]], "model (class in abacusai.model)": [[161, "abacusai.model.Model", false]], "model_accuracy (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.model_accuracy", false]], "model_accuracy (abacusai.modelmonitorsummary attribute)": [[146, "abacusai.ModelMonitorSummary.model_accuracy", false]], "model_artifacts_export_id (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.model_artifacts_export_id", false]], "model_artifacts_export_id (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.model_artifacts_export_id", false]], "model_blueprint_stages (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[163, "abacusai.model_blueprint_export.ModelBlueprintExport.model_blueprint_stages", false]], "model_blueprint_stages (abacusai.modelblueprintexport attribute)": [[146, "abacusai.ModelBlueprintExport.model_blueprint_stages", false]], "model_config (abacusai.model attribute)": [[146, "abacusai.Model.model_config", false]], "model_config (abacusai.model.model attribute)": [[161, "abacusai.model.Model.model_config", false]], "model_config (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.model_config", false]], "model_config (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.model_config", false]], "model_config_type (abacusai.model attribute)": [[146, "abacusai.Model.model_config_type", false]], "model_config_type (abacusai.model.model attribute)": [[161, "abacusai.model.Model.model_config_type", false]], "model_config_type (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.model_config_type", false]], "model_config_type (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.model_config_type", false]], "model_deployment_config (abacusai.deployment attribute)": [[146, "abacusai.Deployment.model_deployment_config", false]], "model_deployment_config (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.model_deployment_config", false]], "model_drift (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.model_drift", false]], "model_drift (abacusai.modelmonitorsummary attribute)": [[146, "abacusai.ModelMonitorSummary.model_drift", false]], "model_feature_group_schema_mappings (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.model_feature_group_schema_mappings", false]], "model_feature_group_schema_mappings (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.model_feature_group_schema_mappings", false]], "model_file_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.model_file_upload_id", false]], "model_file_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.model_file_upload_id", false]], "model_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.MODEL_ID", false]], "model_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.MODEL_ID", false]], "model_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.MODEL_ID", false]], "model_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.MODEL_ID", false]], "model_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.model_id", false]], "model_id (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.model_id", false]], "model_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.model_id", false]], "model_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.model_id", false]], "model_id (abacusai.holdout_analysis.holdoutanalysis attribute)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.model_id", false]], "model_id (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.model_id", false]], "model_id (abacusai.holdoutanalysis attribute)": [[146, "abacusai.HoldoutAnalysis.model_id", false]], "model_id (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.model_id", false]], "model_id (abacusai.model attribute)": [[146, "abacusai.Model.model_id", false]], "model_id (abacusai.model.model attribute)": [[161, "abacusai.model.Model.model_id", false]], "model_id (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.model_id", false]], "model_id (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.model_id", false]], "model_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.model_id", false]], "model_id (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.model_id", false]], "model_id (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.model_id", false]], "model_id (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.model_id", false]], "model_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.model_id", false]], "model_id (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.model_id", false]], "model_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.model_id", false]], "model_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.model_id", false]], "model_id (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.MODEL_ID", false]], "model_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.MODEL_ID", false]], "model_id (abacusai.upload attribute)": [[146, "abacusai.Upload.model_id", false]], "model_id (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.model_id", false]], "model_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.model_ids", false]], "model_ids (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.model_ids", false]], "model_monitor (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.model_monitor", false]], "model_monitor (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.model_monitor", false]], "model_monitor_id (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.model_monitor_id", false]], "model_monitor_id (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.model_monitor_id", false]], "model_monitor_id (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.model_monitor_id", false]], "model_monitor_id (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.model_monitor_id", false]], "model_monitor_id (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.model_monitor_id", false]], "model_monitor_id (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.model_monitor_id", false]], "model_monitor_id (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.model_monitor_id", false]], "model_monitor_id (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.model_monitor_id", false]], "model_monitor_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.model_monitor_id", false]], "model_monitor_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.model_monitor_id", false]], "model_monitor_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.model_monitor_ids", false]], "model_monitor_ids (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.model_monitor_ids", false]], "model_monitor_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.model_monitor_version", false]], "model_monitor_version (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.model_monitor_version", false]], "model_monitor_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.model_monitor_version", false]], "model_monitor_version (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.model_monitor_version", false]], "model_monitor_version (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.model_monitor_version", false]], "model_monitor_version (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.model_monitor_version", false]], "model_monitor_version (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.model_monitor_version", false]], "model_monitor_version (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.model_monitor_version", false]], "model_monitor_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.model_monitor_version", false]], "model_monitor_version (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.model_monitor_version", false]], "model_monitor_version_metric_data() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.model_monitor_version_metric_data", false]], "model_monitor_version_metric_data() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.model_monitor_version_metric_data", false]], "model_monitoring (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.MODEL_MONITORING", false]], "model_monitoring (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.MODEL_MONITORING", false]], "model_monitoring (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.MODEL_MONITORING", false]], "model_name (abacusai.holdout_analysis.holdoutanalysis attribute)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.model_name", false]], "model_name (abacusai.holdoutanalysis attribute)": [[146, "abacusai.HoldoutAnalysis.model_name", false]], "model_prediction_config (abacusai.model attribute)": [[146, "abacusai.Model.model_prediction_config", false]], "model_prediction_config (abacusai.model.model attribute)": [[161, "abacusai.model.Model.model_prediction_config", false]], "model_prediction_config (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.model_prediction_config", false]], "model_prediction_config (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.model_prediction_config", false]], "model_state_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.model_state_upload_id", false]], "model_state_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.model_state_upload_id", false]], "model_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.model_upload_id", false]], "model_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.model_upload_id", false]], "model_version (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.model_version", false]], "model_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.model_version", false]], "model_version (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.model_version", false]], "model_version (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.model_version", false]], "model_version (abacusai.deployment attribute)": [[146, "abacusai.Deployment.model_version", false]], "model_version (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.model_version", false]], "model_version (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.model_version", false]], "model_version (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.model_version", false]], "model_version (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.model_version", false]], "model_version (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.model_version", false]], "model_version (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.model_version", false]], "model_version (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[163, "abacusai.model_blueprint_export.ModelBlueprintExport.model_version", false]], "model_version (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.model_version", false]], "model_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.model_version", false]], "model_version (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.model_version", false]], "model_version (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.model_version", false]], "model_version (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.model_version", false]], "model_version (abacusai.modelblueprintexport attribute)": [[146, "abacusai.ModelBlueprintExport.model_version", false]], "model_version (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.model_version", false]], "model_version (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.model_version", false]], "model_version (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.model_version", false]], "model_version (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.model_version", false]], "model_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.model_version", false]], "model_version (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.model_version", false]], "model_version (abacusai.upload attribute)": [[146, "abacusai.Upload.model_version", false]], "model_version (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.model_version", false]], "model_versions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.model_versions", false]], "model_versions (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.model_versions", false]], "modelartifactsexport (class in abacusai)": [[146, "abacusai.ModelArtifactsExport", false]], "modelartifactsexport (class in abacusai.model_artifacts_export)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport", false]], "modelblueprintexport (class in abacusai)": [[146, "abacusai.ModelBlueprintExport", false]], "modelblueprintexport (class in abacusai.model_blueprint_export)": [[163, "abacusai.model_blueprint_export.ModelBlueprintExport", false]], "modelblueprintstage (class in abacusai)": [[146, "abacusai.ModelBlueprintStage", false]], "modelblueprintstage (class in abacusai.model_blueprint_stage)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage", false]], "modellocation (class in abacusai)": [[146, "abacusai.ModelLocation", false]], "modellocation (class in abacusai.model_location)": [[165, "abacusai.model_location.ModelLocation", false]], "modelmetrics (class in abacusai)": [[146, "abacusai.ModelMetrics", false]], "modelmetrics (class in abacusai.model_metrics)": [[166, "abacusai.model_metrics.ModelMetrics", false]], "modelmonitor (class in abacusai)": [[146, "abacusai.ModelMonitor", false]], "modelmonitor (class in abacusai.model_monitor)": [[167, "abacusai.model_monitor.ModelMonitor", false]], "modelmonitororgsummary (class in abacusai)": [[146, "abacusai.ModelMonitorOrgSummary", false]], "modelmonitororgsummary (class in abacusai.model_monitor_org_summary)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary", false]], "modelmonitorsummary (class in abacusai)": [[146, "abacusai.ModelMonitorSummary", false]], "modelmonitorsummary (class in abacusai.model_monitor_summary)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary", false]], "modelmonitorsummaryfromorg (class in abacusai)": [[146, "abacusai.ModelMonitorSummaryFromOrg", false]], "modelmonitorsummaryfromorg (class in abacusai.model_monitor_summary_from_org)": [[170, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg", false]], "modelmonitorversion (class in abacusai)": [[146, "abacusai.ModelMonitorVersion", false]], "modelmonitorversion (class in abacusai.model_monitor_version)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion", false]], "modelmonitorversionmetricdata (class in abacusai)": [[146, "abacusai.ModelMonitorVersionMetricData", false]], "modelmonitorversionmetricdata (class in abacusai.model_monitor_version_metric_data)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData", false]], "modeltrainingtypefordeployment (class in abacusai)": [[146, "abacusai.ModelTrainingTypeForDeployment", false]], "modeltrainingtypefordeployment (class in abacusai.model_training_type_for_deployment)": [[173, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment", false]], "modelupload (class in abacusai)": [[146, "abacusai.ModelUpload", false]], "modelupload (class in abacusai.model_upload)": [[174, "abacusai.model_upload.ModelUpload", false]], "modelversion (class in abacusai)": [[146, "abacusai.ModelVersion", false]], "modelversion (class in abacusai.model_version)": [[175, "abacusai.model_version.ModelVersion", false]], "modelversionfeaturegroupschema (class in abacusai)": [[146, "abacusai.ModelVersionFeatureGroupSchema", false]], "modelversionfeaturegroupschema (class in abacusai.model_version_feature_group_schema)": [[176, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema", false]], "modification_lock (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.modification_lock", false]], "modification_lock (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.modification_lock", false]], "modification_lock (abacusai.modification_lock_info.modificationlockinfo attribute)": [[177, "abacusai.modification_lock_info.ModificationLockInfo.modification_lock", false]], "modification_lock (abacusai.modificationlockinfo attribute)": [[146, "abacusai.ModificationLockInfo.modification_lock", false]], "modification_lock (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.modification_lock", false]], "modification_lock (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.modification_lock", false]], "modificationlockinfo (class in abacusai)": [[146, "abacusai.ModificationLockInfo", false]], "modificationlockinfo (class in abacusai.modification_lock_info)": [[177, "abacusai.modification_lock_info.ModificationLockInfo", false]], "module": [[0, "module-abacusai.abacus_api", false], [1, "module-abacusai.address", false], [2, "module-abacusai.agent", false], [3, "module-abacusai.agent_chat_message", false], [4, "module-abacusai.agent_conversation", false], [5, "module-abacusai.agent_data_document_info", false], [6, "module-abacusai.agent_data_execution_result", false], [7, "module-abacusai.agent_version", false], [8, "module-abacusai.ai_building_task", false], [9, "module-abacusai.algorithm", false], [10, "module-abacusai.annotation", false], [11, "module-abacusai.annotation_config", false], [12, "module-abacusai.annotation_document", false], [13, "module-abacusai.annotation_entry", false], [14, "module-abacusai.annotations_status", false], [15, "module-abacusai.api_class.abstract", false], [16, "module-abacusai.api_class.ai_agents", false], [17, "module-abacusai.api_class.ai_chat", false], [18, "module-abacusai.api_class.batch_prediction", false], [19, "module-abacusai.api_class.blob_input", false], [20, "module-abacusai.api_class.connectors", false], [21, "module-abacusai.api_class.dataset", false], [22, "module-abacusai.api_class.dataset_application_connector", false], [23, "module-abacusai.api_class.deployment", false], [24, "module-abacusai.api_class.document_retriever", false], [25, "module-abacusai.api_class.enums", false], [26, "module-abacusai.api_class.feature_group", false], [27, "module-abacusai.api_class", false], [28, "module-abacusai.api_class.model", false], [29, "module-abacusai.api_class.monitor", false], [30, "module-abacusai.api_class.monitor_alert", false], [31, "module-abacusai.api_class.project", false], [32, "module-abacusai.api_class.python_functions", false], [33, "module-abacusai.api_class.refresh", false], [34, "module-abacusai.api_class.segments", false], [35, "module-abacusai.api_client_utils", false], [36, "module-abacusai.api_endpoint", false], [37, "module-abacusai.api_key", false], [38, "module-abacusai.app_user_group", false], [39, "module-abacusai.app_user_group_sign_in_token", false], [40, "module-abacusai.application_connector", false], [41, "module-abacusai.audio_gen_settings", false], [42, "module-abacusai.batch_prediction", false], [43, "module-abacusai.batch_prediction_version", false], [44, "module-abacusai.batch_prediction_version_logs", false], [45, "module-abacusai.bot_info", false], [46, "module-abacusai.categorical_range_violation", false], [47, "module-abacusai.chat_message", false], [48, "module-abacusai.chat_session", false], [49, "module-abacusai.chatllm_computer", false], [50, "module-abacusai.chatllm_referral_invite", false], [51, "module-abacusai.chatllm_task", false], [52, "module-abacusai.client", false], [53, "module-abacusai.code_agent_response", false], [54, "module-abacusai.code_autocomplete_response", false], [55, "module-abacusai.code_bot", false], [56, "module-abacusai.code_edit", false], [57, "module-abacusai.code_edit_response", false], [58, "module-abacusai.code_edits", false], [59, "module-abacusai.code_source", false], [60, "module-abacusai.compute_point_info", false], [61, "module-abacusai.concatenation_config", false], [62, "module-abacusai.cpu_gpu_memory_specs", false], [63, "module-abacusai.cryptography", false], [64, "module-abacusai.custom_chat_instructions", false], [65, "module-abacusai.custom_loss_function", false], [66, "module-abacusai.custom_metric", false], [67, "module-abacusai.custom_metric_version", false], [68, "module-abacusai.custom_train_function_info", false], [69, "module-abacusai.data_consistency_duplication", false], [70, "module-abacusai.data_metrics", false], [71, "module-abacusai.data_prep_logs", false], [72, "module-abacusai.data_quality_results", false], [73, "module-abacusai.data_upload_result", false], [74, "module-abacusai.database_column_feature_mapping", false], [75, "module-abacusai.database_connector", false], [76, "module-abacusai.database_connector_column", false], [77, "module-abacusai.database_connector_schema", false], [78, "module-abacusai.dataset", false], [79, "module-abacusai.dataset_column", false], [80, "module-abacusai.dataset_version", false], [81, "module-abacusai.dataset_version_logs", false], [82, "module-abacusai.deployment", false], [83, "module-abacusai.deployment_auth_token", false], [84, "module-abacusai.deployment_conversation", false], [85, "module-abacusai.deployment_conversation_event", false], [86, "module-abacusai.deployment_conversation_export", false], [87, "module-abacusai.deployment_statistics", false], [88, "module-abacusai.document_data", false], [89, "module-abacusai.document_retriever", false], [90, "module-abacusai.document_retriever_lookup_result", false], [91, "module-abacusai.document_retriever_version", false], [92, "module-abacusai.drift_distribution", false], [93, "module-abacusai.drift_distributions", false], [94, "module-abacusai.eda", false], [95, "module-abacusai.eda_chart_description", false], [96, "module-abacusai.eda_collinearity", false], [97, "module-abacusai.eda_data_consistency", false], [98, "module-abacusai.eda_feature_association", false], [99, "module-abacusai.eda_feature_collinearity", false], [100, "module-abacusai.eda_forecasting_analysis", false], [101, "module-abacusai.eda_version", false], [102, "module-abacusai.embedding_feature_drift_distribution", false], [103, "module-abacusai.execute_feature_group_operation", false], [104, "module-abacusai.external_application", false], [105, "module-abacusai.external_invite", false], [106, "module-abacusai.extracted_fields", false], [107, "module-abacusai.feature", false], [108, "module-abacusai.feature_distribution", false], [109, "module-abacusai.feature_drift_record", false], [110, "module-abacusai.feature_drift_summary", false], [111, "module-abacusai.feature_group", false], [112, "module-abacusai.feature_group_document", false], [113, "module-abacusai.feature_group_export", false], [114, "module-abacusai.feature_group_export_config", false], [115, "module-abacusai.feature_group_export_download_url", false], [116, "module-abacusai.feature_group_lineage", false], [117, "module-abacusai.feature_group_refresh_export_config", false], [118, "module-abacusai.feature_group_row", false], [119, "module-abacusai.feature_group_row_process", false], [120, "module-abacusai.feature_group_row_process_logs", false], [121, "module-abacusai.feature_group_row_process_summary", false], [122, "module-abacusai.feature_group_template", false], [123, "module-abacusai.feature_group_template_variable_options", false], [124, "module-abacusai.feature_group_version", false], [125, "module-abacusai.feature_group_version_logs", false], [126, "module-abacusai.feature_importance", false], [127, "module-abacusai.feature_mapping", false], [128, "module-abacusai.feature_performance_analysis", false], [129, "module-abacusai.feature_record", false], [130, "module-abacusai.file_connector", false], [131, "module-abacusai.file_connector_instructions", false], [132, "module-abacusai.file_connector_verification", false], [133, "module-abacusai.finetuned_pretrained_model", false], [134, "module-abacusai.forecasting_analysis_graph_data", false], [135, "module-abacusai.forecasting_monitor_item_analysis", false], [136, "module-abacusai.forecasting_monitor_summary", false], [137, "module-abacusai.function_logs", false], [138, "module-abacusai.generated_pit_feature_config_option", false], [139, "module-abacusai.global_context", false], [140, "module-abacusai.graph_dashboard", false], [141, "module-abacusai.holdout_analysis", false], [142, "module-abacusai.holdout_analysis_version", false], [143, "module-abacusai.hosted_model_token", false], [144, "module-abacusai.hume_voice", false], [145, "module-abacusai.image_gen_settings", false], [146, "module-abacusai", false], [147, "module-abacusai.indexing_config", false], [148, "module-abacusai.inferred_database_column_to_feature_mappings", false], [149, "module-abacusai.inferred_feature_mappings", false], [150, "module-abacusai.item_statistics", false], [151, "module-abacusai.llm_app", false], [152, "module-abacusai.llm_code_block", false], [153, "module-abacusai.llm_execution_preview", false], [154, "module-abacusai.llm_execution_result", false], [155, "module-abacusai.llm_generated_code", false], [156, "module-abacusai.llm_input", false], [157, "module-abacusai.llm_parameters", false], [158, "module-abacusai.llm_response", false], [159, "module-abacusai.memory_options", false], [160, "module-abacusai.messaging_connector_response", false], [161, "module-abacusai.model", false], [162, "module-abacusai.model_artifacts_export", false], [163, "module-abacusai.model_blueprint_export", false], [164, "module-abacusai.model_blueprint_stage", false], [165, "module-abacusai.model_location", false], [166, "module-abacusai.model_metrics", false], [167, "module-abacusai.model_monitor", false], [168, "module-abacusai.model_monitor_org_summary", false], [169, "module-abacusai.model_monitor_summary", false], [170, "module-abacusai.model_monitor_summary_from_org", false], [171, "module-abacusai.model_monitor_version", false], [172, "module-abacusai.model_monitor_version_metric_data", false], [173, "module-abacusai.model_training_type_for_deployment", false], [174, "module-abacusai.model_upload", false], [175, "module-abacusai.model_version", false], [176, "module-abacusai.model_version_feature_group_schema", false], [177, "module-abacusai.modification_lock_info", false], [178, "module-abacusai.module", false], [179, "module-abacusai.monitor_alert", false], [180, "module-abacusai.monitor_alert_version", false], [181, "module-abacusai.monitor_drift_and_distributions", false], [182, "module-abacusai.natural_language_explanation", false], [183, "module-abacusai.nested_feature", false], [184, "module-abacusai.nested_feature_schema", false], [185, "module-abacusai.news_search_result", false], [186, "module-abacusai.nlp_chat_response", false], [187, "module-abacusai.null_violation", false], [188, "module-abacusai.organization_external_application_settings", false], [189, "module-abacusai.organization_group", false], [190, "module-abacusai.organization_search_result", false], [191, "module-abacusai.organization_secret", false], [192, "module-abacusai.page_data", false], [193, "module-abacusai.pipeline", false], [194, "module-abacusai.pipeline_reference", false], [195, "module-abacusai.pipeline_step", false], [196, "module-abacusai.pipeline_step_version", false], [197, "module-abacusai.pipeline_step_version_logs", false], [198, "module-abacusai.pipeline_step_version_reference", false], [199, "module-abacusai.pipeline_version", false], [200, "module-abacusai.pipeline_version_logs", false], [201, "module-abacusai.playground_text", false], [202, "module-abacusai.point_in_time_feature", false], [203, "module-abacusai.point_in_time_feature_info", false], [204, "module-abacusai.point_in_time_group", false], [205, "module-abacusai.point_in_time_group_feature", false], [206, "module-abacusai.prediction_client", false], [207, "module-abacusai.prediction_dataset", false], [208, "module-abacusai.prediction_feature_group", false], [209, "module-abacusai.prediction_input", false], [210, "module-abacusai.prediction_log_record", false], [211, "module-abacusai.prediction_operator", false], [212, "module-abacusai.prediction_operator_version", false], [213, "module-abacusai.problem_type", false], [214, "module-abacusai.project", false], [215, "module-abacusai.project_config", false], [216, "module-abacusai.project_feature_group", false], [217, "module-abacusai.project_feature_group_schema", false], [218, "module-abacusai.project_feature_group_schema_version", false], [219, "module-abacusai.project_validation", false], [220, "module-abacusai.python_function", false], [221, "module-abacusai.python_function_validator", false], [222, "module-abacusai.python_plot_function", false], [223, "module-abacusai.range_violation", false], [224, "module-abacusai.realtime_monitor", false], [225, "module-abacusai.refresh_pipeline_run", false], [226, "module-abacusai.refresh_policy", false], [227, "module-abacusai.refresh_schedule", false], [228, "module-abacusai.regenerate_llm_external_application", false], [229, "module-abacusai.resolved_feature_group_template", false], [230, "module-abacusai.return_class", false], [231, "module-abacusai.routing_action", false], [232, "module-abacusai.schema", false], [233, "module-abacusai.sftp_key", false], [234, "module-abacusai.streaming_auth_token", false], [235, "module-abacusai.streaming_client", false], [236, "module-abacusai.streaming_connector", false], [237, "module-abacusai.streaming_row_count", false], [238, "module-abacusai.streaming_sample_code", false], [239, "module-abacusai.template_node_details", false], [240, "module-abacusai.test_point_predictions", false], [241, "module-abacusai.tone_details", false], [242, "module-abacusai.training_config_options", false], [243, "module-abacusai.twitter_search_result", false], [244, "module-abacusai.upload", false], [245, "module-abacusai.upload_part", false], [246, "module-abacusai.use_case", false], [247, "module-abacusai.use_case_requirements", false], [248, "module-abacusai.user", false], [249, "module-abacusai.user_exception", false], [250, "module-abacusai.video_gen_settings", false], [251, "module-abacusai.video_search_result", false], [252, "module-abacusai.voice_gen_details", false], [253, "module-abacusai.web_page_response", false], [254, "module-abacusai.web_search_response", false], [255, "module-abacusai.web_search_result", false], [256, "module-abacusai.webhook", false], [257, "module-abacusai.workflow_graph_node_details", false], [258, "module-abacusai.workflow_node_template", false]], "module (class in abacusai)": [[146, "abacusai.Module", false]], "module (class in abacusai.module)": [[178, "abacusai.module.Module", false]], "module_dependencies (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.module_dependencies", false]], "module_dependencies (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.module_dependencies", false]], "module_name (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.module_name", false]], "module_name (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.module_name", false]], "module_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.module_name", false]], "module_name (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.module_name", false]], "monitor_alert_id (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.monitor_alert_id", false]], "monitor_alert_id (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.monitor_alert_id", false]], "monitor_alert_id (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.monitor_alert_id", false]], "monitor_alert_id (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.monitor_alert_id", false]], "monitor_alert_version (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.monitor_alert_version", false]], "monitor_alert_version (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.monitor_alert_version", false]], "monitor_data (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.monitor_data", false]], "monitor_data (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.monitor_data", false]], "monitor_drift_config (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.monitor_drift_config", false]], "monitor_drift_config (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.monitor_drift_config", false]], "monitor_drift_config (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.monitor_drift_config", false]], "monitor_drift_config (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.monitor_drift_config", false]], "monitor_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.MONITOR_ID", false]], "monitor_type (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.monitor_type", false]], "monitor_type (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.monitor_type", false]], "monitor_warnings (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.monitor_warnings", false]], "monitor_warnings (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.monitor_warnings", false]], "monitoralert (class in abacusai)": [[146, "abacusai.MonitorAlert", false]], "monitoralert (class in abacusai.monitor_alert)": [[179, "abacusai.monitor_alert.MonitorAlert", false]], "monitoralerttype (class in abacusai)": [[146, "abacusai.MonitorAlertType", false]], "monitoralerttype (class in abacusai.api_class)": [[27, "abacusai.api_class.MonitorAlertType", false]], "monitoralerttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MonitorAlertType", false]], "monitoralertversion (class in abacusai)": [[146, "abacusai.MonitorAlertVersion", false]], "monitoralertversion (class in abacusai.monitor_alert_version)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion", false]], "monitordriftanddistributions (class in abacusai)": [[146, "abacusai.MonitorDriftAndDistributions", false]], "monitordriftanddistributions (class in abacusai.monitor_drift_and_distributions)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions", false]], "monitorfilteringconfig (class in abacusai)": [[146, "abacusai.MonitorFilteringConfig", false]], "monitorfilteringconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MonitorFilteringConfig", false]], "monitorfilteringconfig (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig", false]], "monitoring_completed_at (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.monitoring_completed_at", false]], "monitoring_completed_at (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.monitoring_completed_at", false]], "monitoring_started_at (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.monitoring_started_at", false]], "monitoring_started_at (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.monitoring_started_at", false]], "monitorthresholdconfig (class in abacusai)": [[146, "abacusai.MonitorThresholdConfig", false]], "monitorthresholdconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MonitorThresholdConfig", false]], "monitorthresholdconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig", false]], "monotonically_decreasing_features (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.monotonically_decreasing_features", false]], "monotonically_decreasing_features (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.monotonically_decreasing_features", false]], "monotonically_decreasing_features (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.monotonically_decreasing_features", false]], "monotonically_increasing_features (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.monotonically_increasing_features", false]], "monotonically_increasing_features (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.monotonically_increasing_features", false]], "monotonically_increasing_features (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.monotonically_increasing_features", false]], "month_end (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.MONTH_END", false]], "month_end (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.MONTH_END", false]], "month_end (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.MONTH_END", false]], "month_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.MONTH_START", false]], "month_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.MONTH_START", false]], "month_start (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.MONTH_START", false]], "most_common_values (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[46, "abacusai.categorical_range_violation.CategoricalRangeViolation.most_common_values", false]], "most_common_values (abacusai.categoricalrangeviolation attribute)": [[146, "abacusai.CategoricalRangeViolation.most_common_values", false]], "motion_thumbnail_url (abacusai.video_search_result.videosearchresult attribute)": [[251, "abacusai.video_search_result.VideoSearchResult.motion_thumbnail_url", false]], "motion_thumbnail_url (abacusai.videosearchresult attribute)": [[146, "abacusai.VideoSearchResult.motion_thumbnail_url", false]], "mov (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MOV", false]], "mov (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MOV", false]], "mov (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.MOV", false]], "mp3 (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MP3", false]], "mp3 (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MP3", false]], "mp3 (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.MP3", false]], "mp4 (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MP4", false]], "mp4 (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MP4", false]], "mp4 (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.MP4", false]], "mpeg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MPEG", false]], "mpeg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MPEG", false]], "mpeg (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.MPEG", false]], "mpg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MPG", false]], "mpg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MPG", false]], "mpg (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.MPG", false]], "mrr (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MRR", false]], "mrr (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MRR", false]], "mrr (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.MRR", false]], "mse (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MSE", false]], "mse (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MSE", false]], "mse (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.MSE", false]], "msg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MSG", false]], "msg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MSG", false]], "msg (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.MSG", false]], "msle (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MSLE", false]], "msle (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MSLE", false]], "msle (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.MSLE", false]], "multi (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.multi", false]], "multi (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.multi", false]], "multi_catalog_embeddings_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.multi_catalog_embeddings_upload_id", false]], "multi_catalog_embeddings_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.multi_catalog_embeddings_upload_id", false]], "multi_mode_ocr_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.MULTI_MODE_OCR_TEXT", false]], "n_sampling (abacusai.api_class.enums.samplingmethodtype attribute)": [[25, "abacusai.api_class.enums.SamplingMethodType.N_SAMPLING", false]], "n_sampling (abacusai.api_class.samplingmethodtype attribute)": [[27, "abacusai.api_class.SamplingMethodType.N_SAMPLING", false]], "n_sampling (abacusai.samplingmethodtype attribute)": [[146, "abacusai.SamplingMethodType.N_SAMPLING", false]], "name (abacusai.agent attribute)": [[146, "abacusai.Agent.name", false]], "name (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.name", false]], "name (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.name", false]], "name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.name", false]], "name (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.name", false]], "name (abacusai.api_class.ai_agents.workflownodeoutputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.name", false]], "name (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.name", false]], "name (abacusai.api_class.ai_agents.workflownodetemplateinput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.name", false]], "name (abacusai.api_class.ai_agents.workflownodetemplateoutput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.name", false]], "name (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.name", false]], "name (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.name", false]], "name (abacusai.api_class.outputvariablemapping attribute)": [[27, "abacusai.api_class.OutputVariableMapping.name", false]], "name (abacusai.api_class.python_functions.outputvariablemapping attribute)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping.name", false]], "name (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.name", false]], "name (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.name", false]], "name (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.name", false]], "name (abacusai.api_class.workflownodeoutputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.name", false]], "name (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.name", false]], "name (abacusai.api_class.workflownodetemplateinput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.name", false]], "name (abacusai.api_class.workflownodetemplateoutput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.name", false]], "name (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.name", false]], "name (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.name", false]], "name (abacusai.applicationconnector attribute)": [[146, "abacusai.ApplicationConnector.name", false]], "name (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.name", false]], "name (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.name", false]], "name (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.name", false]], "name (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[46, "abacusai.categorical_range_violation.CategoricalRangeViolation.name", false]], "name (abacusai.categoricalrangeviolation attribute)": [[146, "abacusai.CategoricalRangeViolation.name", false]], "name (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.name", false]], "name (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.name", false]], "name (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.name", false]], "name (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.name", false]], "name (abacusai.code_bot.codebot attribute)": [[55, "abacusai.code_bot.CodeBot.name", false]], "name (abacusai.codebot attribute)": [[146, "abacusai.CodeBot.name", false]], "name (abacusai.custom_loss_function.customlossfunction attribute)": [[65, "abacusai.custom_loss_function.CustomLossFunction.name", false]], "name (abacusai.custom_metric.custommetric attribute)": [[66, "abacusai.custom_metric.CustomMetric.name", false]], "name (abacusai.custom_metric_version.custommetricversion attribute)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.name", false]], "name (abacusai.customlossfunction attribute)": [[146, "abacusai.CustomLossFunction.name", false]], "name (abacusai.custommetric attribute)": [[146, "abacusai.CustomMetric.name", false]], "name (abacusai.custommetricversion attribute)": [[146, "abacusai.CustomMetricVersion.name", false]], "name (abacusai.database_connector.databaseconnector attribute)": [[75, "abacusai.database_connector.DatabaseConnector.name", false]], "name (abacusai.database_connector_column.databaseconnectorcolumn attribute)": [[76, "abacusai.database_connector_column.DatabaseConnectorColumn.name", false]], "name (abacusai.databaseconnector attribute)": [[146, "abacusai.DatabaseConnector.name", false]], "name (abacusai.databaseconnectorcolumn attribute)": [[146, "abacusai.DatabaseConnectorColumn.name", false]], "name (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.name", false]], "name (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.name", false]], "name (abacusai.deployablealgorithm attribute)": [[146, "abacusai.DeployableAlgorithm.name", false]], "name (abacusai.deployment attribute)": [[146, "abacusai.Deployment.name", false]], "name (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.name", false]], "name (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[83, "abacusai.deployment_auth_token.DeploymentAuthToken.name", false]], "name (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.name", false]], "name (abacusai.deploymentauthtoken attribute)": [[146, "abacusai.DeploymentAuthToken.name", false]], "name (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.name", false]], "name (abacusai.document_retriever.documentretriever attribute)": [[89, "abacusai.document_retriever.DocumentRetriever.name", false]], "name (abacusai.documentretriever attribute)": [[146, "abacusai.DocumentRetriever.name", false]], "name (abacusai.eda attribute)": [[146, "abacusai.Eda.name", false]], "name (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.name", false]], "name (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.name", false]], "name (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.name", false]], "name (abacusai.feature attribute)": [[146, "abacusai.Feature.name", false]], "name (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.name", false]], "name (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.name", false]], "name (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.name", false]], "name (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.name", false]], "name (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.name", false]], "name (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.name", false]], "name (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.name", false]], "name (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.name", false]], "name (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.name", false]], "name (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.name", false]], "name (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.name", false]], "name (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.name", false]], "name (abacusai.generatedpitfeatureconfigoption attribute)": [[146, "abacusai.GeneratedPitFeatureConfigOption.name", false]], "name (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.name", false]], "name (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.name", false]], "name (abacusai.holdout_analysis.holdoutanalysis attribute)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.name", false]], "name (abacusai.holdoutanalysis attribute)": [[146, "abacusai.HoldoutAnalysis.name", false]], "name (abacusai.hume_voice.humevoice attribute)": [[144, "abacusai.hume_voice.HumeVoice.name", false]], "name (abacusai.humevoice attribute)": [[146, "abacusai.HumeVoice.name", false]], "name (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.name", false]], "name (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.name", false]], "name (abacusai.model attribute)": [[146, "abacusai.Model.name", false]], "name (abacusai.model.model attribute)": [[161, "abacusai.model.Model.name", false]], "name (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.name", false]], "name (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.name", false]], "name (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.name", false]], "name (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.name", false]], "name (abacusai.module attribute)": [[146, "abacusai.Module.name", false]], "name (abacusai.module.module attribute)": [[178, "abacusai.module.Module.name", false]], "name (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.name", false]], "name (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.name", false]], "name (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.name", false]], "name (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.name", false]], "name (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.name", false]], "name (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.name", false]], "name (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.name", false]], "name (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.name", false]], "name (abacusai.null_violation.nullviolation attribute)": [[187, "abacusai.null_violation.NullViolation.name", false]], "name (abacusai.nullviolation attribute)": [[146, "abacusai.NullViolation.name", false]], "name (abacusai.outputvariablemapping attribute)": [[146, "abacusai.OutputVariableMapping.name", false]], "name (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.name", false]], "name (abacusai.pointintimegroupfeature attribute)": [[146, "abacusai.PointInTimeGroupFeature.name", false]], "name (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.name", false]], "name (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.name", false]], "name (abacusai.project attribute)": [[146, "abacusai.Project.name", false]], "name (abacusai.project.project attribute)": [[214, "abacusai.project.Project.name", false]], "name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.name", false]], "name (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.name", false]], "name (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.name", false]], "name (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.name", false]], "name (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.name", false]], "name (abacusai.pythonfunctionargument attribute)": [[146, "abacusai.PythonFunctionArgument.name", false]], "name (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.name", false]], "name (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.name", false]], "name (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.name", false]], "name (abacusai.realtime_monitor.realtimemonitor attribute)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.name", false]], "name (abacusai.realtimemonitor attribute)": [[146, "abacusai.RealtimeMonitor.name", false]], "name (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.name", false]], "name (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.name", false]], "name (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication attribute)": [[228, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.name", false]], "name (abacusai.regeneratellmexternalapplication attribute)": [[146, "abacusai.RegenerateLlmExternalApplication.name", false]], "name (abacusai.schema attribute)": [[146, "abacusai.Schema.name", false]], "name (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.name", false]], "name (abacusai.streaming_connector.streamingconnector attribute)": [[236, "abacusai.streaming_connector.StreamingConnector.name", false]], "name (abacusai.streamingconnector attribute)": [[146, "abacusai.StreamingConnector.name", false]], "name (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.name", false]], "name (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.name", false]], "name (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.name", false]], "name (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.name", false]], "name (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.name", false]], "name (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.name", false]], "name (abacusai.user attribute)": [[146, "abacusai.User.name", false]], "name (abacusai.user.user attribute)": [[248, "abacusai.user.User.name", false]], "name (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.name", false]], "name (abacusai.workflownodeinputmapping attribute)": [[146, "abacusai.WorkflowNodeInputMapping.name", false]], "name (abacusai.workflownodeoutputmapping attribute)": [[146, "abacusai.WorkflowNodeOutputMapping.name", false]], "name (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.name", false]], "name (abacusai.workflownodetemplateconfig attribute)": [[146, "abacusai.WorkflowNodeTemplateConfig.name", false]], "name (abacusai.workflownodetemplateinput attribute)": [[146, "abacusai.WorkflowNodeTemplateInput.name", false]], "name (abacusai.workflownodetemplateoutput attribute)": [[146, "abacusai.WorkflowNodeTemplateOutput.name", false]], "named_entity_extraction (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.NAMED_ENTITY_EXTRACTION", false]], "named_entity_extraction (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.NAMED_ENTITY_EXTRACTION", false]], "named_entity_extraction (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.NAMED_ENTITY_EXTRACTION", false]], "namedentityextractionbatchpredictionargs (class in abacusai)": [[146, "abacusai.NamedEntityExtractionBatchPredictionArgs", false]], "namedentityextractionbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs", false]], "namedentityextractionbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs", false]], "namedentityextractiontrainingconfig (class in abacusai)": [[146, "abacusai.NamedEntityExtractionTrainingConfig", false]], "namedentityextractiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig", false]], "namedentityextractiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig", false]], "natural_language_search (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.NATURAL_LANGUAGE_SEARCH", false]], "natural_language_search (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.NATURAL_LANGUAGE_SEARCH", false]], "natural_language_search (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.NATURAL_LANGUAGE_SEARCH", false]], "naturallanguageexplanation (class in abacusai)": [[146, "abacusai.NaturalLanguageExplanation", false]], "naturallanguageexplanation (class in abacusai.natural_language_explanation)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation", false]], "naturallanguagesearchpredictionarguments (class in abacusai)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments", false]], "naturallanguagesearchpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments", false]], "naturallanguagesearchpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments", false]], "naturallanguagesearchtrainingconfig (class in abacusai)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig", false]], "naturallanguagesearchtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig", false]], "naturallanguagesearchtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig", false]], "ndcg (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.NDCG", false]], "ndcg (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.NDCG", false]], "ndcg (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.NDCG", false]], "ndcg_10 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.NDCG_10", false]], "ndcg_10 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.NDCG_10", false]], "ndcg_10 (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.NDCG_10", false]], "ndcg_5 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.NDCG_5", false]], "ndcg_5 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.NDCG_5", false]], "ndcg_5 (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.NDCG_5", false]], "nearest (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.NEAREST", false]], "nearest (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.NEAREST", false]], "nearest (abacusai.filllogic attribute)": [[146, "abacusai.FillLogic.NEAREST", false]], "needs_refresh (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.needs_refresh", false]], "needs_refresh (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.needs_refresh", false]], "negative_binomial (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.NEGATIVE_BINOMIAL", false]], "negative_binomial (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.NEGATIVE_BINOMIAL", false]], "negative_binomial (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.NEGATIVE_BINOMIAL", false]], "nermodeltype (class in abacusai)": [[146, "abacusai.NERModelType", false]], "nermodeltype (class in abacusai.api_class)": [[27, "abacusai.api_class.NERModelType", false]], "nermodeltype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.NERModelType", false]], "nerobjective (class in abacusai)": [[146, "abacusai.NERObjective", false]], "nerobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.NERObjective", false]], "nerobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.NERObjective", false]], "nested_drifts (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.nested_drifts", false]], "nested_drifts (abacusai.monitordriftanddistributions attribute)": [[146, "abacusai.MonitorDriftAndDistributions.nested_drifts", false]], "nested_feature_name (abacusai.api_class.featuremappingconfig attribute)": [[27, "abacusai.api_class.FeatureMappingConfig.nested_feature_name", false]], "nested_feature_name (abacusai.api_class.project.featuremappingconfig attribute)": [[31, "abacusai.api_class.project.FeatureMappingConfig.nested_feature_name", false]], "nested_feature_name (abacusai.featuremappingconfig attribute)": [[146, "abacusai.FeatureMappingConfig.nested_feature_name", false]], "nested_features (abacusai.schema attribute)": [[146, "abacusai.Schema.nested_features", false]], "nested_features (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.nested_features", false]], "nested_schema (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.nested_schema", false]], "nested_schema (abacusai.projectfeaturegroupschema attribute)": [[146, "abacusai.ProjectFeatureGroupSchema.nested_schema", false]], "nested_summary (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.nested_summary", false]], "nested_summary (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.nested_summary", false]], "nestedfeature (class in abacusai)": [[146, "abacusai.NestedFeature", false]], "nestedfeature (class in abacusai.nested_feature)": [[183, "abacusai.nested_feature.NestedFeature", false]], "nestedfeatureschema (class in abacusai)": [[146, "abacusai.NestedFeatureSchema", false]], "nestedfeatureschema (class in abacusai.nested_feature_schema)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema", false]], "news (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.news", false]], "news (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.news", false]], "newssearchresult (class in abacusai)": [[146, "abacusai.NewsSearchResult", false]], "newssearchresult (class in abacusai.news_search_result)": [[185, "abacusai.news_search_result.NewsSearchResult", false]], "next_agent_workflow_node_id (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.next_agent_workflow_node_id", false]], "next_agent_workflow_node_id (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.next_agent_workflow_node_id", false]], "next_ai_building_task (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.next_ai_building_task", false]], "next_ai_building_task (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.next_ai_building_task", false]], "next_run_time (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.next_run_time", false]], "next_run_time (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.next_run_time", false]], "next_run_time (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.next_run_time", false]], "next_run_time (abacusai.refresh_schedule.refreshschedule attribute)": [[227, "abacusai.refresh_schedule.RefreshSchedule.next_run_time", false]], "next_run_time (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.next_run_time", false]], "next_run_time (abacusai.refreshschedule attribute)": [[146, "abacusai.RefreshSchedule.next_run_time", false]], "nlpchatresponse (class in abacusai)": [[146, "abacusai.NlpChatResponse", false]], "nlpchatresponse (class in abacusai.nlp_chat_response)": [[186, "abacusai.nlp_chat_response.NlpChatResponse", false]], "nlpdocumentformat (class in abacusai)": [[146, "abacusai.NLPDocumentFormat", false]], "nlpdocumentformat (class in abacusai.api_class)": [[27, "abacusai.api_class.NLPDocumentFormat", false]], "nlpdocumentformat (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.NLPDocumentFormat", false]], "node (abacusai.api_class.ai_agents.workflowgraphnode.outputs attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs.node", false]], "node (abacusai.api_class.workflowgraphnode.outputs attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.Outputs.node", false]], "node (abacusai.workflowgraphnode.outputs attribute)": [[146, "abacusai.WorkflowGraphNode.Outputs.node", false]], "nodes (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.nodes", false]], "nodes (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.nodes", false]], "nodes (abacusai.feature_group_lineage.featuregrouplineage attribute)": [[116, "abacusai.feature_group_lineage.FeatureGroupLineage.nodes", false]], "nodes (abacusai.featuregrouplineage attribute)": [[146, "abacusai.FeatureGroupLineage.nodes", false]], "nodes (abacusai.workflowgraph attribute)": [[146, "abacusai.WorkflowGraph.nodes", false]], "normalize_type() (abacusai.api_class.enums.workflownodeoutputtype class method)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.normalize_type", false]], "normalize_type() (abacusai.api_class.workflownodeoutputtype class method)": [[27, "abacusai.api_class.WorkflowNodeOutputType.normalize_type", false]], "normalize_type() (abacusai.workflownodeoutputtype class method)": [[146, "abacusai.WorkflowNodeOutputType.normalize_type", false]], "normalized_mean_absolute_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.NORMALIZED_MEAN_ABSOLUTE_ERROR", false]], "normalized_mean_absolute_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.NORMALIZED_MEAN_ABSOLUTE_ERROR", false]], "normalized_mean_absolute_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.NORMALIZED_MEAN_ABSOLUTE_ERROR", false]], "normalized_root_mean_square_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.NORMALIZED_ROOT_MEAN_SQUARE_ERROR", false]], "normalized_root_mean_square_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.NORMALIZED_ROOT_MEAN_SQUARE_ERROR", false]], "normalized_root_mean_square_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.NORMALIZED_ROOT_MEAN_SQUARE_ERROR", false]], "notebook_code (abacusai.template_node_details.templatenodedetails attribute)": [[239, "abacusai.template_node_details.TemplateNodeDetails.notebook_code", false]], "notebook_code (abacusai.templatenodedetails attribute)": [[146, "abacusai.TemplateNodeDetails.notebook_code", false]], "notebook_id (abacusai.agent attribute)": [[146, "abacusai.Agent.notebook_id", false]], "notebook_id (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.notebook_id", false]], "notebook_id (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.notebook_id", false]], "notebook_id (abacusai.custom_loss_function.customlossfunction attribute)": [[65, "abacusai.custom_loss_function.CustomLossFunction.notebook_id", false]], "notebook_id (abacusai.custom_metric.custommetric attribute)": [[66, "abacusai.custom_metric.CustomMetric.notebook_id", false]], "notebook_id (abacusai.customlossfunction attribute)": [[146, "abacusai.CustomLossFunction.notebook_id", false]], "notebook_id (abacusai.custommetric attribute)": [[146, "abacusai.CustomMetric.notebook_id", false]], "notebook_id (abacusai.model attribute)": [[146, "abacusai.Model.notebook_id", false]], "notebook_id (abacusai.model.model attribute)": [[161, "abacusai.model.Model.notebook_id", false]], "notebook_id (abacusai.module attribute)": [[146, "abacusai.Module.notebook_id", false]], "notebook_id (abacusai.module.module attribute)": [[178, "abacusai.module.Module.notebook_id", false]], "notebook_id (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.notebook_id", false]], "notebook_id (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.notebook_id", false]], "notebook_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.notebook_id", false]], "notebook_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.notebook_id", false]], "notebook_id (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.notebook_id", false]], "notebook_id (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.notebook_id", false]], "notebook_id (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.notebook_id", false]], "notebook_id (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.notebook_id", false]], "notebook_id (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.notebook_id", false]], "notebook_id (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.notebook_id", false]], "notebook_id (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.notebook_id", false]], "notebook_id (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.notebook_id", false]], "notebook_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.notebook_version", false]], "notebook_version (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.notebook_version", false]], "notification (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.notification", false]], "notification (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.notification", false]], "notreadyerror": [[52, "abacusai.client.NotReadyError", false]], "nsamplingconfig (class in abacusai)": [[146, "abacusai.NSamplingConfig", false]], "nsamplingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.NSamplingConfig", false]], "nsamplingconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.NSamplingConfig", false]], "nteger (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.NTEGER", false]], "nteger (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.NTEGER", false]], "nteger (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.NTEGER", false]], "null (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.NULL", false]], "null (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.NULL", false]], "null (abacusai.datatype attribute)": [[146, "abacusai.DataType.NULL", false]], "null_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[126, "abacusai.feature_importance.FeatureImportance.null_feature_importance", false]], "null_feature_importance (abacusai.featureimportance attribute)": [[146, "abacusai.FeatureImportance.null_feature_importance", false]], "null_violations (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.NULL_VIOLATIONS", false]], "null_violations (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.NULL_VIOLATIONS", false]], "null_violations (abacusai.dataintegrityviolationtype attribute)": [[146, "abacusai.DataIntegrityViolationType.NULL_VIOLATIONS", false]], "null_violations (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.null_violations", false]], "null_violations (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.null_violations", false]], "nullviolation (class in abacusai)": [[146, "abacusai.NullViolation", false]], "nullviolation (class in abacusai.null_violation)": [[187, "abacusai.null_violation.NullViolation", false]], "num_backtesting_windows (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.num_backtesting_windows", false]], "num_backtesting_windows (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.num_backtesting_windows", false]], "num_backtesting_windows (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.num_backtesting_windows", false]], "num_clusters_selection (abacusai.api_class.clusteringtimeseriestrainingconfig attribute)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.api_class.clusteringtrainingconfig attribute)": [[27, "abacusai.api_class.ClusteringTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.api_class.model.clusteringtimeseriestrainingconfig attribute)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.api_class.model.clusteringtrainingconfig attribute)": [[28, "abacusai.api_class.model.ClusteringTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.clusteringtimeseriestrainingconfig attribute)": [[146, "abacusai.ClusteringTimeseriesTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.clusteringtrainingconfig attribute)": [[146, "abacusai.ClusteringTrainingConfig.num_clusters_selection", false]], "num_cols (abacusai.data_metrics.datametrics attribute)": [[70, "abacusai.data_metrics.DataMetrics.num_cols", false]], "num_cols (abacusai.datametrics attribute)": [[146, "abacusai.DataMetrics.num_cols", false]], "num_completion_tokens (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.chatllmpredictionarguments attribute)": [[146, "abacusai.ChatLLMPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.naturallanguagesearchpredictionarguments attribute)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.naturallanguagesearchtrainingconfig attribute)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig.num_completion_tokens", false]], "num_cv_folds (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.num_cv_folds", false]], "num_cv_folds (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.num_cv_folds", false]], "num_cv_folds (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.num_cv_folds", false]], "num_duplicate_rows (abacusai.data_metrics.datametrics attribute)": [[70, "abacusai.data_metrics.DataMetrics.num_duplicate_rows", false]], "num_duplicate_rows (abacusai.datametrics attribute)": [[146, "abacusai.DataMetrics.num_duplicate_rows", false]], "num_duplicates (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[69, "abacusai.data_consistency_duplication.DataConsistencyDuplication.num_duplicates", false]], "num_duplicates (abacusai.dataconsistencyduplication attribute)": [[146, "abacusai.DataConsistencyDuplication.num_duplicates", false]], "num_predictions (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.cumulativeforecastingpredictionarguments attribute)": [[146, "abacusai.CumulativeForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.forecastingpredictionarguments attribute)": [[146, "abacusai.ForecastingPredictionArguments.num_predictions", false]], "num_rows (abacusai.data_metrics.datametrics attribute)": [[70, "abacusai.data_metrics.DataMetrics.num_rows", false]], "num_rows (abacusai.datametrics attribute)": [[146, "abacusai.DataMetrics.num_rows", false]], "num_rows_histogram (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.num_rows_histogram", false]], "num_rows_histogram (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.num_rows_histogram", false]], "num_versions (abacusai.api_class.feature_group.lastnmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig.num_versions", false]], "num_versions (abacusai.api_class.lastnmergeconfig attribute)": [[27, "abacusai.api_class.LastNMergeConfig.num_versions", false]], "num_versions (abacusai.lastnmergeconfig attribute)": [[146, "abacusai.LastNMergeConfig.num_versions", false]], "number_of_chunks (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.number_of_chunks", false]], "number_of_chunks (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.number_of_chunks", false]], "number_of_items (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.number_of_items", false]], "number_of_items (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.number_of_items", false]], "number_of_items (abacusai.personalizationbatchpredictionargs attribute)": [[146, "abacusai.PersonalizationBatchPredictionArgs.number_of_items", false]], "number_of_samples (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.number_of_samples", false]], "number_of_samples (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.number_of_samples", false]], "number_of_samples (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.number_of_samples", false]], "number_of_samples_to_use_for_explainer (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.number_of_samples_to_use_for_explainer", false]], "number_of_samples_to_use_for_explainer (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.number_of_samples_to_use_for_explainer", false]], "number_of_samples_to_use_for_explainer (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.number_of_samples_to_use_for_explainer", false]], "numbers (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.NUMBERS", false]], "numbers (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.NUMBERS", false]], "numbers (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.NUMBERS", false]], "numeric_clipping_percentile (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.numeric_clipping_percentile", false]], "numeric_clipping_percentile (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.numeric_clipping_percentile", false]], "numeric_clipping_percentile (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.numeric_clipping_percentile", false]], "numerical_prediction_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.numerical_prediction_distribution", false]], "numerical_prediction_distribution (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.numerical_prediction_distribution", false]], "numerical_training_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.numerical_training_distribution", false]], "numerical_training_distribution (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.numerical_training_distribution", false]], "object_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.OBJECT_DETECTION", false]], "object_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.OBJECT_DETECTION", false]], "object_detection (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.OBJECT_DETECTION", false]], "object_name (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.object_name", false]], "object_name (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.object_name", false]], "object_name (abacusai.databaseconnectorexportconfig attribute)": [[146, "abacusai.DatabaseConnectorExportConfig.object_name", false]], "object_name (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.object_name", false]], "object_name (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.object_name", false]], "object_name (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.object_name", false]], "object_name (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.object_name", false]], "object_name (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.object_name", false]], "object_name (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.object_name", false]], "object_type (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.object_type", false]], "object_type (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.object_type", false]], "object_type (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.object_type", false]], "object_type (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.object_type", false]], "objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.objective", false]], "objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.objective", false]], "objective (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.objective", false]], "objective (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.objective", false]], "objective (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.objective", false]], "objective (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.objective", false]], "objective (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.objective", false]], "objective (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.objective", false]], "objective (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.objective", false]], "ocr_mode (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.ocr_mode", false]], "ocr_mode (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.ocr_mode", false], [27, "id157", false]], "ocr_mode (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.ocr_mode", false]], "ocrmode (class in abacusai)": [[146, "abacusai.OcrMode", false]], "ocrmode (class in abacusai.api_class)": [[27, "abacusai.api_class.OcrMode", false], [27, "id113", false]], "ocrmode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.OcrMode", false]], "ods (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.ODS", false]], "ods (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.ODS", false]], "ods (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.ODS", false]], "oktasaml (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.OKTASAML", false]], "oktasaml (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.OKTASAML", false]], "oktasaml (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.OKTASAML", false]], "onedrive (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ONEDRIVE", false]], "onedrive (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ONEDRIVE", false]], "onedrive (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.ONEDRIVE", false]], "onedrivedatasetconfig (class in abacusai)": [[146, "abacusai.OneDriveDatasetConfig", false]], "onedrivedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.OneDriveDatasetConfig", false]], "onedrivedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig", false]], "online_feature_group_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.online_feature_group_id", false]], "online_feature_group_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.online_feature_group_id", false]], "only_offline_deployable (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.deployablealgorithm attribute)": [[146, "abacusai.DeployableAlgorithm.only_offline_deployable", false]], "openai (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.OPENAI", false]], "openai (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.OPENAI", false], [27, "id107", false]], "openai (abacusai.vectorstoretextencoder attribute)": [[146, "abacusai.VectorStoreTextEncoder.OPENAI", false]], "openai_compact (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.OPENAI_COMPACT", false]], "openai_compact (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.OPENAI_COMPACT", false], [27, "id108", false]], "openai_compact (abacusai.vectorstoretextencoder attribute)": [[146, "abacusai.VectorStoreTextEncoder.OPENAI_COMPACT", false]], "openai_gpt3_5 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT3_5", false]], "openai_gpt3_5 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT3_5", false]], "openai_gpt3_5 (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT3_5", false]], "openai_gpt3_5_text (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT3_5_TEXT", false]], "openai_gpt3_5_text (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT3_5_TEXT", false]], "openai_gpt3_5_text (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT3_5_TEXT", false]], "openai_gpt4 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4", false]], "openai_gpt4 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4", false]], "openai_gpt4 (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT4", false]], "openai_gpt4_128k (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_128K", false]], "openai_gpt4_128k (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_128K", false]], "openai_gpt4_128k (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT4_128K", false]], "openai_gpt4_128k_latest (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_128K_LATEST", false]], "openai_gpt4_128k_latest (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_128K_LATEST", false]], "openai_gpt4_128k_latest (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT4_128K_LATEST", false]], "openai_gpt4_32k (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_32K", false]], "openai_gpt4_32k (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_32K", false]], "openai_gpt4_32k (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT4_32K", false]], "openai_gpt4o (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4O", false]], "openai_gpt4o (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4O", false]], "openai_gpt4o (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT4O", false]], "openai_gpt4o_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4O_MINI", false]], "openai_gpt4o_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4O_MINI", false]], "openai_gpt4o_mini (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_GPT4O_MINI", false]], "openai_large (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.OPENAI_LARGE", false]], "openai_large (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.OPENAI_LARGE", false], [27, "id109", false]], "openai_large (abacusai.vectorstoretextencoder attribute)": [[146, "abacusai.VectorStoreTextEncoder.OPENAI_LARGE", false]], "openai_o1_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_O1_MINI", false]], "openai_o1_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_O1_MINI", false]], "openai_o1_mini (abacusai.llmname attribute)": [[146, "abacusai.LLMName.OPENAI_O1_MINI", false]], "operator (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.operator", false]], "operator (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.operator", false]], "operator (abacusai.constraintconfig attribute)": [[146, "abacusai.ConstraintConfig.operator", false]], "operator_config (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.operator_config", false]], "operator_config (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.operator_config", false]], "operator_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.operator_config", false]], "operator_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.operator_config", false]], "operator_type (abacusai.api_class.feature_group.operatorconfig attribute)": [[26, "abacusai.api_class.feature_group.OperatorConfig.operator_type", false]], "operator_type (abacusai.api_class.operatorconfig attribute)": [[27, "abacusai.api_class.OperatorConfig.operator_type", false]], "operator_type (abacusai.operatorconfig attribute)": [[146, "abacusai.OperatorConfig.operator_type", false]], "operatorconfig (class in abacusai)": [[146, "abacusai.OperatorConfig", false]], "operatorconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.OperatorConfig", false]], "operatorconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.OperatorConfig", false]], "operatortype (class in abacusai)": [[146, "abacusai.OperatorType", false]], "operatortype (class in abacusai.api_class)": [[27, "abacusai.api_class.OperatorType", false]], "operatortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.OperatorType", false]], "optimality_gap_limit (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.optimality_gap_limit", false]], "optimality_gap_limit (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.optimality_gap_limit", false]], "optimality_gap_limit (abacusai.optimizationtrainingconfig attribute)": [[146, "abacusai.OptimizationTrainingConfig.optimality_gap_limit", false]], "optimization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.OPTIMIZATION", false]], "optimization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.OPTIMIZATION", false]], "optimization (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.OPTIMIZATION", false]], "optimizationpredictionarguments (class in abacusai)": [[146, "abacusai.OptimizationPredictionArguments", false]], "optimizationpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.OptimizationPredictionArguments", false]], "optimizationpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments", false]], "optimizationtrainingconfig (class in abacusai)": [[146, "abacusai.OptimizationTrainingConfig", false]], "optimizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.OptimizationTrainingConfig", false]], "optimizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig", false]], "optimized_event_type (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.optimized_event_type", false]], "optimized_event_type (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.optimized_event_type", false]], "optimized_event_type (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.optimized_event_type", false]], "optional_feature_group_types (abacusai.problem_type.problemtype attribute)": [[213, "abacusai.problem_type.ProblemType.optional_feature_group_types", false]], "optional_feature_group_types (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.optional_feature_group_types", false]], "options (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.options", false]], "options (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.options", false]], "orc (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.ORC", false]], "orc (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.ORC", false]], "orc (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.ORC", false]], "order_clause (abacusai.feature attribute)": [[146, "abacusai.Feature.order_clause", false]], "order_clause (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.order_clause", false]], "organization_group_id (abacusai.organization_group.organizationgroup attribute)": [[189, "abacusai.organization_group.OrganizationGroup.organization_group_id", false]], "organization_group_id (abacusai.organizationgroup attribute)": [[146, "abacusai.OrganizationGroup.organization_group_id", false]], "organization_groups (abacusai.modification_lock_info.modificationlockinfo attribute)": [[177, "abacusai.modification_lock_info.ModificationLockInfo.organization_groups", false]], "organization_groups (abacusai.modificationlockinfo attribute)": [[146, "abacusai.ModificationLockInfo.organization_groups", false]], "organization_groups (abacusai.user attribute)": [[146, "abacusai.User.organization_groups", false]], "organization_groups (abacusai.user.user attribute)": [[248, "abacusai.user.User.organization_groups", false]], "organizationexternalapplicationsettings (class in abacusai)": [[146, "abacusai.OrganizationExternalApplicationSettings", false]], "organizationexternalapplicationsettings (class in abacusai.organization_external_application_settings)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings", false]], "organizationgroup (class in abacusai)": [[146, "abacusai.OrganizationGroup", false]], "organizationgroup (class in abacusai.organization_group)": [[189, "abacusai.organization_group.OrganizationGroup", false]], "organizationsearchresult (class in abacusai)": [[146, "abacusai.OrganizationSearchResult", false]], "organizationsearchresult (class in abacusai.organization_search_result)": [[190, "abacusai.organization_search_result.OrganizationSearchResult", false]], "organizationsecret (class in abacusai)": [[146, "abacusai.OrganizationSecret", false]], "organizationsecret (class in abacusai.organization_secret)": [[191, "abacusai.organization_secret.OrganizationSecret", false]], "original_name (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.original_name", false]], "original_name (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.original_name", false]], "original_name (abacusai.feature attribute)": [[146, "abacusai.Feature.original_name", false]], "original_name (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.original_name", false]], "original_name (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.original_name", false]], "original_name (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.original_name", false]], "other_metrics (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.other_metrics", false]], "other_metrics (abacusai.modelmonitorversionmetricdata attribute)": [[146, "abacusai.ModelMonitorVersionMetricData.other_metrics", false]], "output_column (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.output_column", false]], "output_column (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.output_column", false]], "output_column (abacusai.api_class.feature_group.markdownconfig attribute)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.output_column", false]], "output_column (abacusai.api_class.markdownconfig attribute)": [[27, "abacusai.api_class.MarkdownConfig.output_column", false]], "output_column (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.output_column", false]], "output_column (abacusai.markdownconfig attribute)": [[146, "abacusai.MarkdownConfig.output_column", false]], "output_columns (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.output_columns", false]], "output_columns (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.output_columns", false]], "output_columns (abacusai.predictivemodelingbatchpredictionargs attribute)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs.output_columns", false]], "output_errors (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.output_errors", false]], "output_errors (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.output_errors", false]], "output_feature_group_id (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.output_feature_group_id", false]], "output_feature_group_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.output_feature_group_id", false]], "output_feature_group_id (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.output_feature_group_id", false]], "output_feature_group_id (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.output_feature_group_id", false]], "output_feature_group_table_name (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.output_feature_group_table_name", false]], "output_feature_group_table_name (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.output_feature_group_table_name", false]], "output_feature_group_table_name (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.output_feature_group_table_name", false]], "output_feature_group_table_name (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.output_feature_group_table_name", false]], "output_feature_group_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.output_feature_group_version", false]], "output_feature_group_version (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.output_feature_group_version", false]], "output_includes_metadata (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.output_includes_metadata", false]], "output_includes_metadata (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.output_includes_metadata", false]], "output_includes_metadata (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.output_includes_metadata", false]], "output_includes_metadata (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.output_includes_metadata", false]], "output_location (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.output_location", false]], "output_location (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.output_location", false]], "output_location (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.output_location", false]], "output_location (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.output_location", false]], "output_location (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.output_location", false]], "output_location (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.output_location", false]], "output_online_feature_group_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.output_online_feature_group_id", false]], "output_online_feature_group_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.output_online_feature_group_id", false]], "output_tokens (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.output_tokens", false]], "output_tokens (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.output_tokens", false]], "output_variable_mappings (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.output_variable_mappings", false]], "output_variable_mappings (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.output_variable_mappings", false]], "output_variable_mappings (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.output_variable_mappings", false]], "output_variable_mappings (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.output_variable_mappings", false]], "outputs (abacusai.api_class.ai_agents.workflowgraphnode property)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.outputs", false]], "outputs (abacusai.api_class.workflowgraphnode property)": [[27, "abacusai.api_class.WorkflowGraphNode.outputs", false]], "outputs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.outputs", false]], "outputs (abacusai.workflowgraphnode property)": [[146, "abacusai.WorkflowGraphNode.outputs", false]], "outputs (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.outputs", false]], "outputvariablemapping (class in abacusai)": [[146, "abacusai.OutputVariableMapping", false]], "outputvariablemapping (class in abacusai.api_class)": [[27, "abacusai.api_class.OutputVariableMapping", false]], "outputvariablemapping (class in abacusai.api_class.python_functions)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping", false]], "oversample (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.oversample", false]], "oversample (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.oversample", false]], "oversample (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.oversample", false]], "p10 (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.p10", false]], "p10 (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.p10", false]], "p90 (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.p90", false]], "p90 (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.p90", false]], "package_requirements (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.package_requirements", false]], "package_requirements (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.package_requirements", false]], "package_requirements (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.package_requirements", false]], "package_requirements (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.package_requirements", false]], "package_requirements (abacusai.workflow_graph_node_details.workflowgraphnodedetails attribute)": [[257, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.package_requirements", false]], "package_requirements (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.package_requirements", false]], "package_requirements (abacusai.workflowgraphnodedetails attribute)": [[146, "abacusai.WorkflowGraphNodeDetails.package_requirements", false]], "package_requirements (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.package_requirements", false]], "page (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE", false]], "page (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.page", false]], "page (abacusai.pagedata attribute)": [[146, "abacusai.PageData.page", false]], "page_count (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.page_count", false]], "page_count (abacusai.agentdatadocumentinfo attribute)": [[146, "abacusai.AgentDataDocumentInfo.page_count", false]], "page_count (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.page_count", false]], "page_count (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.page_count", false]], "page_count (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.page_count", false]], "page_count (abacusai.pagedata attribute)": [[146, "abacusai.PageData.page_count", false]], "page_data (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_DATA", false]], "page_llm_ocr (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_LLM_OCR", false]], "page_markdown (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_MARKDOWN", false]], "page_markdown (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.page_markdown", false]], "page_markdown (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.page_markdown", false]], "page_markdown (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.page_markdown", false]], "page_markdown (abacusai.pagedata attribute)": [[146, "abacusai.PageData.page_markdown", false]], "page_table_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_TABLE_TEXT", false]], "page_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_TEXT", false]], "page_text (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.page_text", false]], "page_text (abacusai.pagedata attribute)": [[146, "abacusai.PageData.page_text", false]], "page_text_column (abacusai.api_class.dataset.datasetdocumentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DatasetDocumentProcessingConfig.page_text_column", false]], "page_text_column (abacusai.api_class.datasetdocumentprocessingconfig attribute)": [[27, "abacusai.api_class.DatasetDocumentProcessingConfig.page_text_column", false], [27, "id71", false]], "page_text_column (abacusai.datasetdocumentprocessingconfig attribute)": [[146, "abacusai.DatasetDocumentProcessingConfig.page_text_column", false]], "page_token_start_offset (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.page_token_start_offset", false]], "page_token_start_offset (abacusai.pagedata attribute)": [[146, "abacusai.PageData.page_token_start_offset", false]], "pagedata (class in abacusai)": [[146, "abacusai.PageData", false]], "pagedata (class in abacusai.page_data)": [[192, "abacusai.page_data.PageData", false]], "pages (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGES", false]], "pages (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.pages", false]], "pages (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.pages", false]], "pages (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.pages", false]], "pages (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.pages", false]], "pages_zip_metadata (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGES_ZIP_METADATA", false]], "paidplanrequired": [[52, "abacusai.client.PaidPlanRequired", false]], "parameters (abacusai.llm_parameters.llmparameters attribute)": [[157, "abacusai.llm_parameters.LlmParameters.parameters", false]], "parameters (abacusai.llmparameters attribute)": [[146, "abacusai.LlmParameters.parameters", false]], "params (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.params", false]], "params (abacusai.modelblueprintstage attribute)": [[146, "abacusai.ModelBlueprintStage.params", false]], "parquet (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PARQUET", false]], "parquet (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PARQUET", false]], "parquet (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.PARQUET", false]], "parsing_config (abacusai.dataset attribute)": [[146, "abacusai.Dataset.parsing_config", false]], "parsing_config (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.parsing_config", false]], "parsingconfig (class in abacusai)": [[146, "abacusai.ParsingConfig", false]], "parsingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ParsingConfig", false]], "parsingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.ParsingConfig", false]], "part() (abacusai.upload method)": [[146, "abacusai.Upload.part", false]], "part() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.part", false]], "partial_autocorrelation (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.partial_autocorrelation", false]], "partial_autocorrelation (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.partial_autocorrelation", false]], "partial_complete (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.partial_complete", false]], "partial_complete (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.partial_complete", false]], "partial_dependence_analysis (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.partial_dependence_analysis", false]], "partial_dependence_analysis (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.partial_dependence_analysis", false]], "partial_dependence_analysis (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.partial_dependence_analysis", false]], "partialdependenceanalysis (class in abacusai)": [[146, "abacusai.PartialDependenceAnalysis", false]], "partialdependenceanalysis (class in abacusai.api_class)": [[27, "abacusai.api_class.PartialDependenceAnalysis", false]], "partialdependenceanalysis (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PartialDependenceAnalysis", false]], "parts (abacusai.upload attribute)": [[146, "abacusai.Upload.parts", false]], "parts (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.parts", false]], "passwords_disabled (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.passwords_disabled", false]], "passwords_disabled (abacusai.organizationexternalapplicationsettings attribute)": [[146, "abacusai.OrganizationExternalApplicationSettings.passwords_disabled", false]], "pause() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.pause", false]], "pause() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.pause", false]], "pause_autonomous_agent() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.pause_autonomous_agent", false]], "pause_autonomous_agent() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.pause_autonomous_agent", false]], "pause_autonomous_agent() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.pause_autonomous_agent", false]], "pause_autonomous_agent() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.pause_autonomous_agent", false]], "pause_pipeline_refresh_schedule() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.pause_pipeline_refresh_schedule", false]], "pause_pipeline_refresh_schedule() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.pause_pipeline_refresh_schedule", false]], "pause_refresh_policy() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.pause_refresh_policy", false]], "pause_refresh_policy() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.pause_refresh_policy", false]], "pause_refresh_schedule() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.pause_refresh_schedule", false]], "pause_refresh_schedule() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.pause_refresh_schedule", false]], "paused (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.paused", false]], "paused (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.paused", false]], "payload_template (abacusai.webhook attribute)": [[146, "abacusai.Webhook.payload_template", false]], "payload_template (abacusai.webhook.webhook attribute)": [[256, "abacusai.webhook.Webhook.payload_template", false]], "paymentmethodrequired": [[52, "abacusai.client.PaymentMethodRequired", false]], "pdf (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PDF", false]], "pdf (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PDF", false]], "pdf (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.PDF", false]], "peaks_mean_absolute_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.PEAKS_MEAN_ABSOLUTE_ERROR", false]], "peaks_mean_absolute_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.PEAKS_MEAN_ABSOLUTE_ERROR", false]], "peaks_mean_absolute_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.PEAKS_MEAN_ABSOLUTE_ERROR", false]], "penalty (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.penalty", false]], "penalty (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.penalty", false]], "penalty (abacusai.constraintconfig attribute)": [[146, "abacusai.ConstraintConfig.penalty", false]], "pending_deployment_ids (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.pending_deployment_ids", false]], "pending_model_version (abacusai.deployment attribute)": [[146, "abacusai.Deployment.pending_model_version", false]], "pending_model_version (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.pending_model_version", false]], "pending_prediction_operator_version (abacusai.deployment attribute)": [[146, "abacusai.Deployment.pending_prediction_operator_version", false]], "pending_prediction_operator_version (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.pending_prediction_operator_version", false]], "pending_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.pending_processes", false]], "pending_processes (abacusai.featuregrouprowprocesssummary attribute)": [[146, "abacusai.FeatureGroupRowProcessSummary.pending_processes", false]], "percent_sampling (abacusai.api_class.enums.samplingmethodtype attribute)": [[25, "abacusai.api_class.enums.SamplingMethodType.PERCENT_SAMPLING", false]], "percent_sampling (abacusai.api_class.samplingmethodtype attribute)": [[27, "abacusai.api_class.SamplingMethodType.PERCENT_SAMPLING", false]], "percent_sampling (abacusai.samplingmethodtype attribute)": [[146, "abacusai.SamplingMethodType.PERCENT_SAMPLING", false]], "percentile (abacusai.api_class.enums.stddevthresholdtype attribute)": [[25, "abacusai.api_class.enums.StdDevThresholdType.PERCENTILE", false]], "percentile (abacusai.api_class.stddevthresholdtype attribute)": [[27, "abacusai.api_class.StdDevThresholdType.PERCENTILE", false], [27, "id202", false]], "percentile (abacusai.stddevthresholdtype attribute)": [[146, "abacusai.StdDevThresholdType.PERCENTILE", false]], "percentsamplingconfig (class in abacusai)": [[146, "abacusai.PercentSamplingConfig", false]], "percentsamplingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.PercentSamplingConfig", false]], "percentsamplingconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig", false]], "perform_feature_selection (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.perform_feature_selection", false]], "perform_feature_selection (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.perform_feature_selection", false]], "perform_feature_selection (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.perform_feature_selection", false]], "performance (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.performance", false]], "performance (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.performance", false]], "permissiondeniederror": [[52, "abacusai.client.PermissionDeniedError", false]], "permissions (abacusai.organization_group.organizationgroup attribute)": [[189, "abacusai.organization_group.OrganizationGroup.permissions", false]], "permissions (abacusai.organizationgroup attribute)": [[146, "abacusai.OrganizationGroup.permissions", false]], "permutation_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[126, "abacusai.feature_importance.FeatureImportance.permutation_feature_importance", false]], "permutation_feature_importance (abacusai.featureimportance attribute)": [[146, "abacusai.FeatureImportance.permutation_feature_importance", false]], "personalization (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.PERSONALIZATION", false]], "personalization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.PERSONALIZATION", false]], "personalization (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.PERSONALIZATION", false]], "personalization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.PERSONALIZATION", false]], "personalization (abacusai.personalizationobjective attribute)": [[146, "abacusai.PersonalizationObjective.PERSONALIZATION", false]], "personalization (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.PERSONALIZATION", false]], "personalizationbatchpredictionargs (class in abacusai)": [[146, "abacusai.PersonalizationBatchPredictionArgs", false]], "personalizationbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs", false]], "personalizationbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs", false]], "personalizationobjective (class in abacusai)": [[146, "abacusai.PersonalizationObjective", false]], "personalizationobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationObjective", false]], "personalizationobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PersonalizationObjective", false]], "personalizationtrainingconfig (class in abacusai)": [[146, "abacusai.PersonalizationTrainingConfig", false]], "personalizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationTrainingConfig", false]], "personalizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig", false]], "personalizationtrainingmode (class in abacusai)": [[146, "abacusai.PersonalizationTrainingMode", false]], "personalizationtrainingmode (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationTrainingMode", false]], "personalizationtrainingmode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PersonalizationTrainingMode", false]], "pipeline (class in abacusai)": [[146, "abacusai.Pipeline", false]], "pipeline (class in abacusai.pipeline)": [[193, "abacusai.pipeline.Pipeline", false]], "pipeline_id (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.pipeline_id", false]], "pipeline_id (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.pipeline_id", false]], "pipeline_id (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.pipeline_id", false]], "pipeline_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.pipeline_id", false]], "pipeline_id (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.pipeline_id", false]], "pipeline_id (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_id", false]], "pipeline_id (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.pipeline_id", false]], "pipeline_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.pipeline_id", false]], "pipeline_id (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.pipeline_id", false]], "pipeline_id (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.pipeline_id", false]], "pipeline_id (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.pipeline_id", false]], "pipeline_id (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.pipeline_id", false]], "pipeline_id (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.pipeline_id", false]], "pipeline_name (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.pipeline_name", false]], "pipeline_name (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.pipeline_name", false]], "pipeline_name (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.pipeline_name", false]], "pipeline_name (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.pipeline_name", false]], "pipeline_name (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.pipeline_name", false]], "pipeline_name (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.pipeline_name", false]], "pipeline_reference_id (abacusai.pipeline_reference.pipelinereference attribute)": [[194, "abacusai.pipeline_reference.PipelineReference.pipeline_reference_id", false]], "pipeline_reference_id (abacusai.pipelinereference attribute)": [[146, "abacusai.PipelineReference.pipeline_reference_id", false]], "pipeline_references (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.pipeline_references", false]], "pipeline_references (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.pipeline_references", false]], "pipeline_step_id (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipelinestepversionlogs attribute)": [[146, "abacusai.PipelineStepVersionLogs.pipeline_step_id", false]], "pipeline_step_version (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipelinestepversionlogs attribute)": [[146, "abacusai.PipelineStepVersionLogs.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.pipeline_step_version", false]], "pipeline_step_version_reference_id (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.pipeline_step_version_reference_id", false]], "pipeline_step_version_reference_id (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.pipeline_step_version_reference_id", false]], "pipeline_step_version_references (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_step_version_references", false]], "pipeline_step_version_references (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.pipeline_step_version_references", false]], "pipeline_variable (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.pipeline_variable", false]], "pipeline_variable (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.pipeline_variable", false]], "pipeline_variable (abacusai.pythonfunctionargument attribute)": [[146, "abacusai.PythonFunctionArgument.pipeline_variable", false]], "pipeline_variable_mappings (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.pipeline_variable_mappings", false]], "pipeline_variable_mappings (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.pipeline_variable_mappings", false]], "pipeline_variable_mappings (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.pipeline_variable_mappings", false]], "pipeline_variable_mappings (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.pipeline_variable_mappings", false]], "pipeline_version (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_version", false]], "pipeline_version (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.pipeline_version", false]], "pipeline_version (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.pipeline_version", false]], "pipeline_version (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.pipeline_version", false]], "pipelinereference (class in abacusai)": [[146, "abacusai.PipelineReference", false]], "pipelinereference (class in abacusai.pipeline_reference)": [[194, "abacusai.pipeline_reference.PipelineReference", false]], "pipelinestep (class in abacusai)": [[146, "abacusai.PipelineStep", false]], "pipelinestep (class in abacusai.pipeline_step)": [[195, "abacusai.pipeline_step.PipelineStep", false]], "pipelinestepversion (class in abacusai)": [[146, "abacusai.PipelineStepVersion", false]], "pipelinestepversion (class in abacusai.pipeline_step_version)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion", false]], "pipelinestepversionlogs (class in abacusai)": [[146, "abacusai.PipelineStepVersionLogs", false]], "pipelinestepversionlogs (class in abacusai.pipeline_step_version_logs)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs", false]], "pipelinestepversionreference (class in abacusai)": [[146, "abacusai.PipelineStepVersionReference", false]], "pipelinestepversionreference (class in abacusai.pipeline_step_version_reference)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference", false]], "pipelineversion (class in abacusai)": [[146, "abacusai.PipelineVersion", false]], "pipelineversion (class in abacusai.pipeline_version)": [[199, "abacusai.pipeline_version.PipelineVersion", false]], "pipelineversionlogs (class in abacusai)": [[146, "abacusai.PipelineVersionLogs", false]], "pipelineversionlogs (class in abacusai.pipeline_version_logs)": [[200, "abacusai.pipeline_version_logs.PipelineVersionLogs", false]], "pit_operation_config (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.pit_operation_config", false]], "pit_operation_config (abacusai.pointintimegroupfeature attribute)": [[146, "abacusai.PointInTimeGroupFeature.pit_operation_config", false]], "pit_operation_type (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.pit_operation_type", false]], "pit_operation_type (abacusai.pointintimegroupfeature attribute)": [[146, "abacusai.PointInTimeGroupFeature.pit_operation_type", false]], "place (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.place", false]], "place (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.place", false]], "placeholder (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.placeholder", false]], "placeholder (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.placeholder", false]], "playground_text (abacusai.playground_text.playgroundtext attribute)": [[201, "abacusai.playground_text.PlaygroundText.playground_text", false]], "playground_text (abacusai.playgroundtext attribute)": [[146, "abacusai.PlaygroundText.playground_text", false]], "playgroundtext (class in abacusai)": [[146, "abacusai.PlaygroundText", false]], "playgroundtext (class in abacusai.playground_text)": [[201, "abacusai.playground_text.PlaygroundText", false]], "plot_name (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.plot_name", false]], "plot_name (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.plot_name", false]], "plot_reference_ids (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.plot_reference_ids", false]], "plot_reference_ids (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.plot_reference_ids", false]], "plotly_fig (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.PLOTLY_FIG", false]], "plotly_fig (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.PLOTLY_FIG", false]], "plotly_fig (abacusai.pythonfunctiontype attribute)": [[146, "abacusai.PythonFunctionType.PLOTLY_FIG", false]], "png (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PNG", false]], "png (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PNG", false]], "png (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.PNG", false]], "point_in_time_groups (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.point_in_time_groups", false]], "point_in_time_groups (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.point_in_time_groups", false]], "point_in_time_groups (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.point_in_time_groups", false]], "point_in_time_groups (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.point_in_time_groups", false]], "point_in_time_groups (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.point_in_time_groups", false]], "point_in_time_groups (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.point_in_time_groups", false]], "point_in_time_info (abacusai.feature attribute)": [[146, "abacusai.Feature.point_in_time_info", false]], "point_in_time_info (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.point_in_time_info", false]], "point_in_time_info (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.point_in_time_info", false]], "point_in_time_info (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.point_in_time_info", false]], "point_in_time_info (abacusai.schema attribute)": [[146, "abacusai.Schema.point_in_time_info", false]], "point_in_time_info (abacusai.schema.schema attribute)": [[232, "abacusai.schema.Schema.point_in_time_info", false]], "pointintimefeature (class in abacusai)": [[146, "abacusai.PointInTimeFeature", false]], "pointintimefeature (class in abacusai.point_in_time_feature)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature", false]], "pointintimefeatureinfo (class in abacusai)": [[146, "abacusai.PointInTimeFeatureInfo", false]], "pointintimefeatureinfo (class in abacusai.point_in_time_feature_info)": [[203, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo", false]], "pointintimegroup (class in abacusai)": [[146, "abacusai.PointInTimeGroup", false]], "pointintimegroup (class in abacusai.point_in_time_group)": [[204, "abacusai.point_in_time_group.PointInTimeGroup", false]], "pointintimegroupfeature (class in abacusai)": [[146, "abacusai.PointInTimeGroupFeature", false]], "pointintimegroupfeature (class in abacusai.point_in_time_group_feature)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature", false]], "pointwise_accuracy (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.POINTWISE_ACCURACY", false]], "pointwise_accuracy (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.POINTWISE_ACCURACY", false]], "pointwise_accuracy (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.POINTWISE_ACCURACY", false]], "pop() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.pop", false]], "pop() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.pop", false], [27, "id102", false], [27, "id11", false], [27, "id145", false], [27, "id178", false], [27, "id197", false], [27, "id215", false], [27, "id234", false], [27, "id25", false], [27, "id253", false], [27, "id267", false], [27, "id286", false], [27, "id39", false], [27, "id58", false], [27, "id83", false]], "pop() (abacusai.apiclass method)": [[146, "abacusai.ApiClass.pop", false]], "postal_code (abacusai.address attribute)": [[146, "abacusai.Address.postal_code", false]], "postal_code (abacusai.address.address attribute)": [[1, "abacusai.address.Address.postal_code", false]], "ppt (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PPT", false]], "ppt (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PPT", false]], "ppt (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.PPT", false]], "pptx (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PPTX", false]], "pptx (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PPTX", false]], "pptx (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.PPTX", false]], "precision (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.PRECISION", false]], "precision (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.PRECISION", false]], "precision (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.PRECISION", false]], "precision (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.PRECISION", false]], "precision (abacusai.nerobjective attribute)": [[146, "abacusai.NERObjective.PRECISION", false]], "precision (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.PRECISION", false]], "predecessors (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.predecessors", false]], "predecessors (abacusai.modelblueprintstage attribute)": [[146, "abacusai.ModelBlueprintStage.predecessors", false]], "predict() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict", false]], "predict() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict", false]], "predict() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict", false]], "predict() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict", false]], "predict_churn() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_churn", false]], "predict_churn() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_churn", false]], "predict_churn() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_churn", false]], "predict_churn() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_churn", false]], "predict_class() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_class", false]], "predict_class() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_class", false]], "predict_class() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_class", false]], "predict_class() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_class", false]], "predict_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.predict_endpoint", false]], "predict_endpoint (abacusai.apiendpoint attribute)": [[146, "abacusai.ApiEndpoint.predict_endpoint", false]], "predict_fraud() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_fraud", false]], "predict_fraud() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_fraud", false]], "predict_fraud() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_fraud", false]], "predict_fraud() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_fraud", false]], "predict_from_datasets() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_from_datasets", false]], "predict_from_datasets() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_from_datasets", false]], "predict_from_datasets() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_from_datasets", false]], "predict_from_datasets() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_from_datasets", false]], "predict_function_name (abacusai.agent attribute)": [[146, "abacusai.Agent.predict_function_name", false]], "predict_function_name (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.predict_function_name", false]], "predict_function_name (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.predict_function_name", false]], "predict_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.predict_function_name", false]], "predict_function_name (abacusai.model attribute)": [[146, "abacusai.Model.predict_function_name", false]], "predict_function_name (abacusai.model.model attribute)": [[161, "abacusai.model.Model.predict_function_name", false]], "predict_function_name (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.predict_function_name", false]], "predict_function_name (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.predict_function_name", false]], "predict_history_data (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.predict_history_data", false]], "predict_history_data (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.predict_history_data", false]], "predict_language() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_language", false]], "predict_language() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_language", false]], "predict_language() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_language", false]], "predict_language() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_language", false]], "predict_lead() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_lead", false]], "predict_lead() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_lead", false]], "predict_lead() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_lead", false]], "predict_lead() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_lead", false]], "predict_many_function_name (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.predict_many_function_name", false]], "predict_many_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.predict_many_function_name", false]], "predict_many_function_name (abacusai.model attribute)": [[146, "abacusai.Model.predict_many_function_name", false]], "predict_many_function_name (abacusai.model.model attribute)": [[161, "abacusai.model.Model.predict_many_function_name", false]], "predict_multiple() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_multiple", false]], "predict_multiple() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_multiple", false]], "predict_multiple() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_multiple", false]], "predict_multiple() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_multiple", false]], "predict_raw() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_raw", false]], "predict_raw() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_raw", false]], "predict_residuals (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.predict_residuals", false]], "predict_residuals (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.predict_residuals", false]], "predict_residuals (abacusai.cumulativeforecastingtrainingconfig attribute)": [[146, "abacusai.CumulativeForecastingTrainingConfig.predict_residuals", false]], "predict_takeover() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_takeover", false]], "predict_takeover() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_takeover", false]], "predict_takeover() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_takeover", false]], "predict_takeover() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_takeover", false]], "predict_target() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_target", false]], "predict_target() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_target", false]], "predict_target() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_target", false]], "predict_target() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_target", false]], "predict_with_binary_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.predict_with_binary_data", false]], "predict_with_binary_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.predict_with_binary_data", false]], "predict_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.predict_with_binary_data", false]], "predict_with_binary_data() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.predict_with_binary_data", false]], "predicted_column (abacusai.drift_distribution.driftdistribution attribute)": [[92, "abacusai.drift_distribution.DriftDistribution.predicted_column", false]], "predicted_column (abacusai.driftdistribution attribute)": [[146, "abacusai.DriftDistribution.predicted_column", false]], "prediction_count (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.PREDICTION_COUNT", false]], "prediction_count (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.PREDICTION_COUNT", false]], "prediction_count (abacusai.monitoralerttype attribute)": [[146, "abacusai.MonitorAlertType.PREDICTION_COUNT", false]], "prediction_data_use_mappings (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.prediction_data_use_mappings", false]], "prediction_data_use_mappings (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.prediction_data_use_mappings", false]], "prediction_data_use_mappings (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.prediction_data_use_mappings", false]], "prediction_data_use_mappings (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.prediction_data_use_mappings", false]], "prediction_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.prediction_distribution", false]], "prediction_distribution (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.prediction_distribution", false]], "prediction_drift (abacusai.drift_distributions.driftdistributions attribute)": [[93, "abacusai.drift_distributions.DriftDistributions.prediction_drift", false]], "prediction_drift (abacusai.driftdistributions attribute)": [[146, "abacusai.DriftDistributions.prediction_drift", false]], "prediction_drift (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.prediction_drift", false]], "prediction_drift (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.prediction_drift", false]], "prediction_endpoint (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.prediction_endpoint", false]], "prediction_feature_group_id (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.prediction_feature_group_id", false]], "prediction_feature_group_id (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.prediction_feature_group_id", false]], "prediction_feature_group_sampling (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.prediction_feature_group_sampling", false]], "prediction_feature_group_sampling (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.prediction_feature_group_sampling", false]], "prediction_feature_group_version (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.prediction_feature_group_version", false]], "prediction_feature_group_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.prediction_feature_group_version", false]], "prediction_feature_group_version (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.prediction_feature_group_version", false]], "prediction_feature_group_version (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.prediction_feature_group_version", false]], "prediction_forecast_config (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.prediction_forecast_config", false]], "prediction_forecast_config (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.prediction_forecast_config", false]], "prediction_forecast_config (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.prediction_forecast_config", false]], "prediction_forecast_config (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.prediction_forecast_config", false]], "prediction_item_analysis (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis attribute)": [[135, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.prediction_item_analysis", false]], "prediction_item_analysis (abacusai.forecastingmonitoritemanalysis attribute)": [[146, "abacusai.ForecastingMonitorItemAnalysis.prediction_item_analysis", false]], "prediction_item_id (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_item_id", false]], "prediction_item_id (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.prediction_item_id", false]], "prediction_length (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.PREDICTION_LENGTH", false]], "prediction_length (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.PREDICTION_LENGTH", false]], "prediction_length (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.prediction_length", false]], "prediction_length (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.prediction_length", false]], "prediction_length (abacusai.forecastingdatasplittype attribute)": [[146, "abacusai.ForecastingDataSplitType.PREDICTION_LENGTH", false]], "prediction_length (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.prediction_length", false]], "prediction_max (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.prediction_max", false]], "prediction_max (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.prediction_max", false]], "prediction_min (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.prediction_min", false]], "prediction_min (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.prediction_min", false]], "prediction_null_freq (abacusai.null_violation.nullviolation attribute)": [[187, "abacusai.null_violation.NullViolation.prediction_null_freq", false]], "prediction_null_freq (abacusai.nullviolation attribute)": [[146, "abacusai.NullViolation.prediction_null_freq", false]], "prediction_operator_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.prediction_operator_id", false]], "prediction_operator_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.prediction_operator_id", false]], "prediction_operator_id (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.prediction_operator_id", false]], "prediction_operator_id (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.prediction_operator_id", false]], "prediction_operator_id (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.prediction_operator_id", false]], "prediction_operator_id (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.prediction_operator_id", false]], "prediction_operator_id (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.prediction_operator_id", false]], "prediction_operator_id (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.prediction_operator_id", false]], "prediction_operator_version (abacusai.deployment attribute)": [[146, "abacusai.Deployment.prediction_operator_version", false]], "prediction_operator_version (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.prediction_operator_version", false]], "prediction_operator_version (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.prediction_operator_version", false]], "prediction_operator_version (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.prediction_operator_version", false]], "prediction_overrides (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.prediction_overrides", false]], "prediction_overrides (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.prediction_overrides", false]], "prediction_prefix (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PREDICTION_PREFIX", false]], "prediction_start (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.cumulativeforecastingpredictionarguments attribute)": [[146, "abacusai.CumulativeForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.forecastingpredictionarguments attribute)": [[146, "abacusai.ForecastingPredictionArguments.prediction_start", false]], "prediction_statistics (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.prediction_statistics", false]], "prediction_statistics (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.prediction_statistics", false]], "prediction_step_size (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.prediction_step_size", false]], "prediction_step_size (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.prediction_step_size", false]], "prediction_step_size (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.prediction_step_size", false]], "prediction_target_across_time (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_target_across_time", false]], "prediction_target_across_time (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.prediction_target_across_time", false]], "prediction_target_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_target_col", false]], "prediction_target_col (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.prediction_target_col", false]], "prediction_target_feature (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.prediction_target_feature", false]], "prediction_target_feature (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.prediction_target_feature", false]], "prediction_target_feature (abacusai.monitorfilteringconfig attribute)": [[146, "abacusai.MonitorFilteringConfig.prediction_target_feature", false]], "prediction_timestamp_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_timestamp_col", false]], "prediction_timestamp_col (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.prediction_timestamp_col", false]], "predictionarguments (class in abacusai)": [[146, "abacusai.PredictionArguments", false]], "predictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.PredictionArguments", false]], "predictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.PredictionArguments", false]], "predictionclient (class in abacusai)": [[146, "abacusai.PredictionClient", false]], "predictionclient (class in abacusai.prediction_client)": [[206, "abacusai.prediction_client.PredictionClient", false]], "predictioncountconditionconfig (class in abacusai)": [[146, "abacusai.PredictionCountConditionConfig", false]], "predictioncountconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.PredictionCountConditionConfig", false]], "predictioncountconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig", false]], "predictiondataset (class in abacusai)": [[146, "abacusai.PredictionDataset", false]], "predictiondataset (class in abacusai.prediction_dataset)": [[207, "abacusai.prediction_dataset.PredictionDataset", false]], "predictionfeaturegroup (class in abacusai)": [[146, "abacusai.PredictionFeatureGroup", false]], "predictionfeaturegroup (class in abacusai.prediction_feature_group)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup", false]], "predictioninput (class in abacusai)": [[146, "abacusai.PredictionInput", false]], "predictioninput (class in abacusai.prediction_input)": [[209, "abacusai.prediction_input.PredictionInput", false]], "predictionlogrecord (class in abacusai)": [[146, "abacusai.PredictionLogRecord", false]], "predictionlogrecord (class in abacusai.prediction_log_record)": [[210, "abacusai.prediction_log_record.PredictionLogRecord", false]], "predictionoperator (class in abacusai)": [[146, "abacusai.PredictionOperator", false]], "predictionoperator (class in abacusai.prediction_operator)": [[211, "abacusai.prediction_operator.PredictionOperator", false]], "predictionoperatorversion (class in abacusai)": [[146, "abacusai.PredictionOperatorVersion", false]], "predictionoperatorversion (class in abacusai.prediction_operator_version)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion", false]], "predictions_completed_at (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.predictions_completed_at", false]], "predictions_completed_at (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.predictions_completed_at", false]], "predictions_histogram (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.predictions_histogram", false]], "predictions_histogram (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.predictions_histogram", false]], "predictions_start_date (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.predictions_start_date", false]], "predictions_start_date (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.predictions_start_date", false]], "predictions_start_date (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.predictions_start_date", false]], "predictions_started_at (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.predictions_started_at", false]], "predictions_started_at (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.predictions_started_at", false]], "predictive_modeling (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.PREDICTIVE_MODELING", false]], "predictive_modeling (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.PREDICTIVE_MODELING", false]], "predictive_modeling (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.PREDICTIVE_MODELING", false]], "predictivemodelingbatchpredictionargs (class in abacusai)": [[146, "abacusai.PredictiveModelingBatchPredictionArgs", false]], "predictivemodelingbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs", false]], "predictivemodelingbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs", false]], "pretrained_bert (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_BERT", false]], "pretrained_bert (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_BERT", false]], "pretrained_bert (abacusai.nermodeltype attribute)": [[146, "abacusai.NERModelType.PRETRAINED_BERT", false]], "pretrained_llm_name (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.pretrained_llm_name", false]], "pretrained_llm_name (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.pretrained_llm_name", false]], "pretrained_llm_name (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.pretrained_llm_name", false]], "pretrained_model_name (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.pretrained_model_name", false]], "pretrained_model_name (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.pretrained_model_name", false]], "pretrained_model_name (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.pretrained_model_name", false]], "pretrained_models (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.PRETRAINED_MODELS", false]], "pretrained_models (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.PRETRAINED_MODELS", false]], "pretrained_models (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.PRETRAINED_MODELS", false]], "pretrained_multilingual (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_MULTILINGUAL", false]], "pretrained_multilingual (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_MULTILINGUAL", false]], "pretrained_multilingual (abacusai.nermodeltype attribute)": [[146, "abacusai.NERModelType.PRETRAINED_MULTILINGUAL", false]], "pretrained_roberta_27 (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_ROBERTA_27", false]], "pretrained_roberta_27 (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_ROBERTA_27", false]], "pretrained_roberta_27 (abacusai.nermodeltype attribute)": [[146, "abacusai.NERModelType.PRETRAINED_ROBERTA_27", false]], "pretrained_roberta_43 (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_ROBERTA_43", false]], "pretrained_roberta_43 (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_ROBERTA_43", false]], "pretrained_roberta_43 (abacusai.nermodeltype attribute)": [[146, "abacusai.NERModelType.PRETRAINED_ROBERTA_43", false]], "pretrainedmodelsbatchpredictionargs (class in abacusai)": [[146, "abacusai.PretrainedModelsBatchPredictionArgs", false]], "pretrainedmodelsbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs", false]], "pretrainedmodelsbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs", false]], "pretty_name (abacusai.use_case.usecase attribute)": [[246, "abacusai.use_case.UseCase.pretty_name", false]], "pretty_name (abacusai.usecase attribute)": [[146, "abacusai.UseCase.pretty_name", false]], "preview (abacusai.llm_execution_result.llmexecutionresult attribute)": [[154, "abacusai.llm_execution_result.LlmExecutionResult.preview", false]], "preview (abacusai.llmexecutionresult attribute)": [[146, "abacusai.LlmExecutionResult.preview", false]], "preview_feature_group_template_resolution() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.preview_feature_group_template_resolution", false]], "preview_feature_group_template_resolution() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.preview_feature_group_template_resolution", false]], "preview_resolution() (abacusai.feature_group_template.featuregrouptemplate method)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.preview_resolution", false]], "preview_resolution() (abacusai.featuregrouptemplate method)": [[146, "abacusai.FeatureGroupTemplate.preview_resolution", false]], "primary_key (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.primary_key", false]], "primary_key (abacusai.feature_group_row.featuregrouprow attribute)": [[118, "abacusai.feature_group_row.FeatureGroupRow.primary_key", false]], "primary_key (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.primary_key", false]], "primary_key (abacusai.featuregrouprow attribute)": [[146, "abacusai.FeatureGroupRow.primary_key", false]], "primary_key (abacusai.indexing_config.indexingconfig attribute)": [[147, "abacusai.indexing_config.IndexingConfig.primary_key", false]], "primary_key (abacusai.indexingconfig attribute)": [[146, "abacusai.IndexingConfig.primary_key", false]], "primary_key (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.primary_key", false]], "primary_key (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.primary_key", false]], "primary_key_value (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.primary_key_value", false]], "primary_key_value (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.primary_key_value", false]], "primary_key_value (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.primary_key_value", false]], "primary_key_value (abacusai.featuregrouprowprocesslogs attribute)": [[146, "abacusai.FeatureGroupRowProcessLogs.primary_key_value", false]], "primary_keys (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.primary_keys", false]], "primary_keys (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.primary_keys", false]], "primary_keys (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.primary_keys", false]], "primary_keys (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.primary_keys", false]], "primary_start_node (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.primary_start_node", false]], "primary_start_node (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.primary_start_node", false]], "primary_start_node (abacusai.workflowgraph attribute)": [[146, "abacusai.WorkflowGraph.primary_start_node", false]], "probability_quantiles (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.probability_quantiles", false]], "probability_quantiles (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.probability_quantiles", false]], "probability_quantiles (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.probability_quantiles", false]], "problem_type (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.problem_type", false]], "problem_type (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.problem_type", false]], "problem_type (abacusai.api_class.batch_prediction.batchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs.problem_type", false]], "problem_type (abacusai.api_class.batchpredictionargs attribute)": [[27, "abacusai.api_class.BatchPredictionArgs.problem_type", false]], "problem_type (abacusai.api_class.deployment.predictionarguments attribute)": [[23, "abacusai.api_class.deployment.PredictionArguments.problem_type", false]], "problem_type (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig.problem_type", false]], "problem_type (abacusai.api_class.predictionarguments attribute)": [[27, "abacusai.api_class.PredictionArguments.problem_type", false]], "problem_type (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig.problem_type", false]], "problem_type (abacusai.batchpredictionargs attribute)": [[146, "abacusai.BatchPredictionArgs.problem_type", false]], "problem_type (abacusai.custom_metric.custommetric attribute)": [[66, "abacusai.custom_metric.CustomMetric.problem_type", false]], "problem_type (abacusai.custommetric attribute)": [[146, "abacusai.CustomMetric.problem_type", false]], "problem_type (abacusai.predictionarguments attribute)": [[146, "abacusai.PredictionArguments.problem_type", false]], "problem_type (abacusai.problem_type.problemtype attribute)": [[213, "abacusai.problem_type.ProblemType.problem_type", false]], "problem_type (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.problem_type", false]], "problem_type (abacusai.project attribute)": [[146, "abacusai.Project.problem_type", false]], "problem_type (abacusai.project.project attribute)": [[214, "abacusai.project.Project.problem_type", false]], "problem_type (abacusai.trainingconfig attribute)": [[146, "abacusai.TrainingConfig.problem_type", false]], "problem_type (abacusai.use_case.usecase attribute)": [[246, "abacusai.use_case.UseCase.problem_type", false]], "problem_type (abacusai.usecase attribute)": [[146, "abacusai.UseCase.problem_type", false]], "problemtype (class in abacusai)": [[146, "abacusai.ProblemType", false], [146, "id21", false]], "problemtype (class in abacusai.api_class)": [[27, "abacusai.api_class.ProblemType", false]], "problemtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ProblemType", false]], "problemtype (class in abacusai.problem_type)": [[213, "abacusai.problem_type.ProblemType", false]], "process_node_response() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.process_node_response", false]], "process_streaming_data() (abacusai.api_client_utils.streaminghandler class method)": [[35, "abacusai.api_client_utils.StreamingHandler.process_streaming_data", false]], "processing_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.processing_processes", false]], "processing_processes (abacusai.featuregrouprowprocesssummary attribute)": [[146, "abacusai.FeatureGroupRowProcessSummary.processing_processes", false]], "product_maturity (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.product_maturity", false]], "product_maturity (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.product_maturity", false]], "production (abacusai.api_class.enums.personalizationtrainingmode attribute)": [[25, "abacusai.api_class.enums.PersonalizationTrainingMode.PRODUCTION", false]], "production (abacusai.api_class.personalizationtrainingmode attribute)": [[27, "abacusai.api_class.PersonalizationTrainingMode.PRODUCTION", false]], "production (abacusai.personalizationtrainingmode attribute)": [[146, "abacusai.PersonalizationTrainingMode.PRODUCTION", false]], "project (class in abacusai)": [[146, "abacusai.Project", false]], "project (class in abacusai.project)": [[214, "abacusai.project.Project", false]], "project_config (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.project_config", false]], "project_config (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.project_config", false]], "project_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.project_config", false]], "project_config (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.project_config", false]], "project_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.project_config", false]], "project_config (abacusai.projectfeaturegroupschema attribute)": [[146, "abacusai.ProjectFeatureGroupSchema.project_config", false]], "project_feature_group_schema (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.project_feature_group_schema", false]], "project_feature_group_schema (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.project_feature_group_schema", false]], "project_id (abacusai.agent attribute)": [[146, "abacusai.Agent.project_id", false]], "project_id (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.project_id", false]], "project_id (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.project_id", false]], "project_id (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.project_id", false]], "project_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.project_id", false]], "project_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.project_id", false]], "project_id (abacusai.eda attribute)": [[146, "abacusai.Eda.project_id", false]], "project_id (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.project_id", false]], "project_id (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.project_id", false]], "project_id (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.project_id", false]], "project_id (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.project_id", false]], "project_id (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.project_id", false]], "project_id (abacusai.model attribute)": [[146, "abacusai.Model.project_id", false]], "project_id (abacusai.model.model attribute)": [[161, "abacusai.model.Model.project_id", false]], "project_id (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.project_id", false]], "project_id (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.project_id", false]], "project_id (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.project_id", false]], "project_id (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.project_id", false]], "project_id (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.project_id", false]], "project_id (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.project_id", false]], "project_id (abacusai.project attribute)": [[146, "abacusai.Project.project_id", false]], "project_id (abacusai.project.project attribute)": [[214, "abacusai.project.Project.project_id", false]], "project_id (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.project_id", false]], "project_id (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.project_id", false]], "project_name (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.project_name", false]], "project_name (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.project_name", false]], "projectconfig (class in abacusai)": [[146, "abacusai.ProjectConfig", false]], "projectconfig (class in abacusai.project_config)": [[215, "abacusai.project_config.ProjectConfig", false]], "projectconfigtype (class in abacusai)": [[146, "abacusai.ProjectConfigType", false]], "projectconfigtype (class in abacusai.api_class)": [[27, "abacusai.api_class.ProjectConfigType", false]], "projectconfigtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ProjectConfigType", false]], "projectfeaturegroup (class in abacusai)": [[146, "abacusai.ProjectFeatureGroup", false]], "projectfeaturegroup (class in abacusai.project_feature_group)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup", false]], "projectfeaturegroupconfig (class in abacusai)": [[146, "abacusai.ProjectFeatureGroupConfig", false]], "projectfeaturegroupconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ProjectFeatureGroupConfig", false]], "projectfeaturegroupconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ProjectFeatureGroupConfig", false]], "projectfeaturegroupschema (class in abacusai)": [[146, "abacusai.ProjectFeatureGroupSchema", false]], "projectfeaturegroupschema (class in abacusai.project_feature_group_schema)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema", false]], "projectfeaturegroupschemaversion (class in abacusai)": [[146, "abacusai.ProjectFeatureGroupSchemaVersion", false]], "projectfeaturegroupschemaversion (class in abacusai.project_feature_group_schema_version)": [[218, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion", false]], "projectfeaturegrouptypemappingsconfig (class in abacusai)": [[146, "abacusai.ProjectFeatureGroupTypeMappingsConfig", false]], "projectfeaturegrouptypemappingsconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig", false]], "projectfeaturegrouptypemappingsconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig", false]], "projectvalidation (class in abacusai)": [[146, "abacusai.ProjectValidation", false]], "projectvalidation (class in abacusai.project_validation)": [[219, "abacusai.project_validation.ProjectValidation", false]], "prompt (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.prompt", false]], "prompt (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.prompt", false]], "prompt (abacusai.hotkeyprompt attribute)": [[146, "abacusai.HotkeyPrompt.prompt", false]], "prompt (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.prompt", false]], "prompt (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.prompt", false]], "prompt_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.prompt_col", false]], "prompt_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.prompt_col", false]], "prompt_col (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.prompt_col", false]], "properties (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.properties", false]], "properties (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.properties", false]], "proxy_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.proxy_endpoint", false]], "proxy_endpoint (abacusai.apiendpoint attribute)": [[146, "abacusai.ApiEndpoint.proxy_endpoint", false]], "proxy_endpoint (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.proxy_endpoint", false]], "prune_vectors (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.prune_vectors", false]], "prune_vectors (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.prune_vectors", false]], "prune_vectors (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.prune_vectors", false]], "psi (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.PSI", false]], "psi (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.PSI", false]], "psi (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.psi", false]], "psi (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.psi", false]], "psi (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.psi", false]], "psi (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.psi", false]], "psi (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.psi", false]], "psi (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.psi", false]], "psi (abacusai.featuredrifttype attribute)": [[146, "abacusai.FeatureDriftType.PSI", false]], "public_key (abacusai.sftp_key.sftpkey attribute)": [[233, "abacusai.sftp_key.SftpKey.public_key", false]], "public_key (abacusai.sftpkey attribute)": [[146, "abacusai.SftpKey.public_key", false]], "public_user_group (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.public_user_group", false]], "public_user_group (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.public_user_group", false]], "publishing_completed_at (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.publishing_completed_at", false]], "publishing_completed_at (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.publishing_completed_at", false]], "publishing_msg (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.publishing_msg", false]], "publishing_msg (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.publishing_msg", false]], "publishing_started_at (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.publishing_started_at", false]], "publishing_started_at (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.publishing_started_at", false]], "pull_attachments (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.pull_attachments", false]], "pull_attachments (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.pull_attachments", false]], "pull_attachments (abacusai.confluencedatasetconfig attribute)": [[146, "abacusai.ConfluenceDatasetConfig.pull_attachments", false]], "pull_channel_posts (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.pull_channel_posts", false]], "pull_channel_posts (abacusai.api_class.teamsscraperdatasetconfig attribute)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.pull_channel_posts", false]], "pull_channel_posts (abacusai.teamsscraperdatasetconfig attribute)": [[146, "abacusai.TeamsScraperDatasetConfig.pull_channel_posts", false]], "pull_chat_messages (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.pull_chat_messages", false]], "pull_chat_messages (abacusai.api_class.teamsscraperdatasetconfig attribute)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.pull_chat_messages", false]], "pull_chat_messages (abacusai.teamsscraperdatasetconfig attribute)": [[146, "abacusai.TeamsScraperDatasetConfig.pull_chat_messages", false]], "pull_transcripts (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.pull_transcripts", false]], "pull_transcripts (abacusai.api_class.teamsscraperdatasetconfig attribute)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.pull_transcripts", false]], "pull_transcripts (abacusai.teamsscraperdatasetconfig attribute)": [[146, "abacusai.TeamsScraperDatasetConfig.pull_transcripts", false]], "python (abacusai.api_class.codelanguage attribute)": [[27, "abacusai.api_class.CodeLanguage.PYTHON", false]], "python (abacusai.api_class.enums.codelanguage attribute)": [[25, "abacusai.api_class.enums.CodeLanguage.PYTHON", false]], "python (abacusai.codelanguage attribute)": [[146, "abacusai.CodeLanguage.PYTHON", false]], "python (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[238, "abacusai.streaming_sample_code.StreamingSampleCode.python", false]], "python (abacusai.streamingsamplecode attribute)": [[146, "abacusai.StreamingSampleCode.python", false]], "python_function (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.python_function", false]], "python_function (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.python_function", false]], "python_function_bindings (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.python_function_bindings", false]], "python_function_bindings (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.python_function_bindings", false]], "python_function_bindings (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.python_function_bindings", false]], "python_function_bindings (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.python_function_bindings", false]], "python_function_bindings (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.python_function_bindings", false]], "python_function_bindings (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.python_function_bindings", false]], "python_function_id (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.python_function_id", false]], "python_function_id (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.python_function_id", false]], "python_function_id (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.python_function_id", false]], "python_function_id (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.python_function_id", false]], "python_function_id (abacusai.python_function.pythonfunction attribute)": [[220, "abacusai.python_function.PythonFunction.python_function_id", false]], "python_function_id (abacusai.python_plot_function.pythonplotfunction attribute)": [[222, "abacusai.python_plot_function.PythonPlotFunction.python_function_id", false]], "python_function_id (abacusai.pythonfunction attribute)": [[146, "abacusai.PythonFunction.python_function_id", false]], "python_function_id (abacusai.pythonplotfunction attribute)": [[146, "abacusai.PythonPlotFunction.python_function_id", false]], "python_function_ids (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.python_function_ids", false]], "python_function_ids (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.python_function_ids", false]], "python_function_name (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.python_function_name", false]], "python_function_name (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.python_function_name", false]], "python_function_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.python_function_name", false]], "python_function_name (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.python_function_name", false]], "python_function_names (abacusai.graph_dashboard.graphdashboard attribute)": [[140, "abacusai.graph_dashboard.GraphDashboard.python_function_names", false]], "python_function_names (abacusai.graphdashboard attribute)": [[146, "abacusai.GraphDashboard.python_function_names", false]], "pythonfunction (class in abacusai)": [[146, "abacusai.PythonFunction", false]], "pythonfunction (class in abacusai.python_function)": [[220, "abacusai.python_function.PythonFunction", false]], "pythonfunctionargument (class in abacusai)": [[146, "abacusai.PythonFunctionArgument", false]], "pythonfunctionargument (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionArgument", false]], "pythonfunctionargument (class in abacusai.api_class.python_functions)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument", false]], "pythonfunctionargumenttype (class in abacusai)": [[146, "abacusai.PythonFunctionArgumentType", false]], "pythonfunctionargumenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionArgumentType", false]], "pythonfunctionargumenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType", false]], "pythonfunctionoutputargumenttype (class in abacusai)": [[146, "abacusai.PythonFunctionOutputArgumentType", false]], "pythonfunctionoutputargumenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType", false]], "pythonfunctionoutputargumenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType", false]], "pythonfunctiontype (class in abacusai)": [[146, "abacusai.PythonFunctionType", false]], "pythonfunctiontype (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionType", false]], "pythonfunctiontype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PythonFunctionType", false]], "pythonplotfunction (class in abacusai)": [[146, "abacusai.PythonPlotFunction", false]], "pythonplotfunction (class in abacusai.python_plot_function)": [[222, "abacusai.python_plot_function.PythonPlotFunction", false]], "quadratic (abacusai.api_class.enums.forecastingquanitlesextensionmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod.QUADRATIC", false]], "quadratic (abacusai.api_class.forecastingquanitlesextensionmethod attribute)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod.QUADRATIC", false]], "quadratic (abacusai.forecastingquanitlesextensionmethod attribute)": [[146, "abacusai.ForecastingQuanitlesExtensionMethod.QUADRATIC", false]], "quantile (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.QUANTILE", false]], "quantile (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.QUANTILE", false]], "quantile (abacusai.regressiontargettransform attribute)": [[146, "abacusai.RegressionTargetTransform.QUANTILE", false]], "quantiles_extension_method (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.quantiles_extension_method", false]], "quantiles_extension_method (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.quantiles_extension_method", false]], "quantiles_extension_method (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.quantiles_extension_method", false]], "quarter_end (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.QUARTER_END", false]], "quarter_end (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.QUARTER_END", false]], "quarter_end (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.QUARTER_END", false]], "quarter_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.QUARTER_START", false]], "quarter_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.QUARTER_START", false]], "quarter_start (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.QUARTER_START", false]], "query (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.query", false]], "query (abacusai.executefeaturegroupoperation attribute)": [[146, "abacusai.ExecuteFeatureGroupOperation.query", false]], "query (abacusai.prediction_log_record.predictionlogrecord attribute)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.query", false]], "query (abacusai.predictionlogrecord attribute)": [[146, "abacusai.PredictionLogRecord.query", false]], "query() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.query", false]], "query() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.query", false]], "query_column (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.query_column", false]], "query_column (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.query_column", false]], "query_column (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.query_column", false]], "query_database_connector() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.query_database_connector", false]], "query_database_connector() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.query_database_connector", false]], "query_feature_group_code_generator() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.query_feature_group_code_generator", false]], "query_feature_group_code_generator() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.query_feature_group_code_generator", false]], "query_rewrite_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.query_rewrite_instructions", false]], "query_rewrite_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.query_rewrite_instructions", false]], "query_rewrite_instructions (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.query_rewrite_instructions", false]], "query_time_ms (abacusai.prediction_log_record.predictionlogrecord attribute)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.query_time_ms", false]], "query_time_ms (abacusai.predictionlogrecord attribute)": [[146, "abacusai.PredictionLogRecord.query_time_ms", false]], "qwen_2_5_32b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN_2_5_32B", false]], "qwen_2_5_32b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN_2_5_32B", false]], "qwen_2_5_32b (abacusai.llmname attribute)": [[146, "abacusai.LLMName.QWEN_2_5_32B", false]], "qwen_2_5_32b_base (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN_2_5_32B_BASE", false]], "qwen_2_5_32b_base (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN_2_5_32B_BASE", false]], "qwen_2_5_32b_base (abacusai.llmname attribute)": [[146, "abacusai.LLMName.QWEN_2_5_32B_BASE", false]], "qwen_2_5_72b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN_2_5_72B", false]], "qwen_2_5_72b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN_2_5_72B", false]], "qwen_2_5_72b (abacusai.llmname attribute)": [[146, "abacusai.LLMName.QWEN_2_5_72B", false]], "qwq_32b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWQ_32B", false]], "qwq_32b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWQ_32B", false]], "qwq_32b (abacusai.llmname attribute)": [[146, "abacusai.LLMName.QWQ_32B", false]], "r_squared_coefficient_of_determination (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.R_SQUARED_COEFFICIENT_OF_DETERMINATION", false]], "r_squared_coefficient_of_determination (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.R_SQUARED_COEFFICIENT_OF_DETERMINATION", false]], "r_squared_coefficient_of_determination (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.R_SQUARED_COEFFICIENT_OF_DETERMINATION", false]], "random (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.RANDOM", false]], "random (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.RANDOM", false]], "random (abacusai.regressiontypeofsplit attribute)": [[146, "abacusai.RegressionTypeOfSplit.RANDOM", false]], "range_violations (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.RANGE_VIOLATIONS", false]], "range_violations (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.RANGE_VIOLATIONS", false]], "range_violations (abacusai.dataintegrityviolationtype attribute)": [[146, "abacusai.DataIntegrityViolationType.RANGE_VIOLATIONS", false]], "range_violations (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.range_violations", false]], "range_violations (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.range_violations", false]], "rangeviolation (class in abacusai)": [[146, "abacusai.RangeViolation", false]], "rangeviolation (class in abacusai.range_violation)": [[223, "abacusai.range_violation.RangeViolation", false]], "rapid (abacusai.api_class.enums.experimentationmode attribute)": [[25, "abacusai.api_class.enums.ExperimentationMode.RAPID", false]], "rapid (abacusai.api_class.enums.partialdependenceanalysis attribute)": [[25, "abacusai.api_class.enums.PartialDependenceAnalysis.RAPID", false]], "rapid (abacusai.api_class.enums.regressiontreehpomode attribute)": [[25, "abacusai.api_class.enums.RegressionTreeHPOMode.RAPID", false]], "rapid (abacusai.api_class.experimentationmode attribute)": [[27, "abacusai.api_class.ExperimentationMode.RAPID", false]], "rapid (abacusai.api_class.partialdependenceanalysis attribute)": [[27, "abacusai.api_class.PartialDependenceAnalysis.RAPID", false]], "rapid (abacusai.api_class.regressiontreehpomode attribute)": [[27, "abacusai.api_class.RegressionTreeHPOMode.RAPID", false]], "rapid (abacusai.experimentationmode attribute)": [[146, "abacusai.ExperimentationMode.RAPID", false]], "rapid (abacusai.partialdependenceanalysis attribute)": [[146, "abacusai.PartialDependenceAnalysis.RAPID", false]], "rapid (abacusai.regressiontreehpomode attribute)": [[146, "abacusai.RegressionTreeHPOMode.RAPID", false]], "rar (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.RAR", false]], "rar (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.RAR", false]], "rar (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.RAR", false]], "rare_class_augmentation_threshold (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.rare_class_augmentation_threshold", false]], "rare_class_augmentation_threshold (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.rare_class_augmentation_threshold", false]], "rare_class_augmentation_threshold (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.rare_class_augmentation_threshold", false]], "raw_llm_response (abacusai.extracted_fields.extractedfields attribute)": [[106, "abacusai.extracted_fields.ExtractedFields.raw_llm_response", false]], "raw_llm_response (abacusai.extractedfields attribute)": [[146, "abacusai.ExtractedFields.raw_llm_response", false]], "readonlyclient (class in abacusai)": [[146, "abacusai.ReadOnlyClient", false]], "readonlyclient (class in abacusai.client)": [[52, "abacusai.client.ReadOnlyClient", false]], "realtime_monitor_id (abacusai.deployment attribute)": [[146, "abacusai.Deployment.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.monitor_alert.monitoralert attribute)": [[179, "abacusai.monitor_alert.MonitorAlert.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.monitoralert attribute)": [[146, "abacusai.MonitorAlert.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.realtime_monitor.realtimemonitor attribute)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.realtimemonitor attribute)": [[146, "abacusai.RealtimeMonitor.realtime_monitor_id", false]], "realtime_monitor_schedule (abacusai.realtime_monitor.realtimemonitor attribute)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.realtime_monitor_schedule", false]], "realtime_monitor_schedule (abacusai.realtimemonitor attribute)": [[146, "abacusai.RealtimeMonitor.realtime_monitor_schedule", false]], "realtimemonitor (class in abacusai)": [[146, "abacusai.RealtimeMonitor", false]], "realtimemonitor (class in abacusai.realtime_monitor)": [[224, "abacusai.realtime_monitor.RealtimeMonitor", false]], "rebalance_classes (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.rebalance_classes", false]], "rebalance_classes (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.rebalance_classes", false]], "rebalance_classes (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.rebalance_classes", false]], "recall (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.RECALL", false]], "recall (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.RECALL", false]], "recall (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.RECALL", false]], "recall (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.RECALL", false]], "recall (abacusai.nerobjective attribute)": [[146, "abacusai.NERObjective.RECALL", false]], "recall (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.RECALL", false]], "recent_days_for_training (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.recent_days_for_training", false]], "recent_days_for_training (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.recent_days_for_training", false]], "recent_days_for_training (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.recent_days_for_training", false]], "recurrent_layers (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.recurrent_layers", false]], "recurrent_layers (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.recurrent_layers", false]], "recurrent_layers (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.recurrent_layers", false]], "recurrent_units (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.recurrent_units", false]], "recurrent_units (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.recurrent_units", false]], "recurrent_units (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.recurrent_units", false]], "reference_feature_group_version (abacusai.eda attribute)": [[146, "abacusai.Eda.reference_feature_group_version", false]], "reference_feature_group_version (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.reference_feature_group_version", false]], "reference_feature_group_version (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.reference_feature_group_version", false]], "reference_feature_group_version (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.reference_feature_group_version", false]], "reference_only_documentset (abacusai.dataset attribute)": [[146, "abacusai.Dataset.reference_only_documentset", false]], "reference_only_documentset (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.reference_only_documentset", false]], "referenced_feature_groups (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.referenced_feature_groups", false]], "referenced_feature_groups (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.referenced_feature_groups", false]], "referenced_feature_groups (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.referenced_feature_groups", false]], "referenced_feature_groups (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.referenced_feature_groups", false]], "refresh() (abacusai.agent method)": [[146, "abacusai.Agent.refresh", false]], "refresh() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.refresh", false]], "refresh() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.refresh", false]], "refresh() (abacusai.agentversion method)": [[146, "abacusai.AgentVersion.refresh", false]], "refresh() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.refresh", false]], "refresh() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.refresh", false]], "refresh() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.refresh", false]], "refresh() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.refresh", false]], "refresh() (abacusai.custom_metric_version.custommetricversion method)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.refresh", false]], "refresh() (abacusai.custommetricversion method)": [[146, "abacusai.CustomMetricVersion.refresh", false]], "refresh() (abacusai.dataset method)": [[146, "abacusai.Dataset.refresh", false]], "refresh() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.refresh", false]], "refresh() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.refresh", false]], "refresh() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.refresh", false]], "refresh() (abacusai.deployment method)": [[146, "abacusai.Deployment.refresh", false]], "refresh() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.refresh", false]], "refresh() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.refresh", false]], "refresh() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.refresh", false]], "refresh() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.refresh", false]], "refresh() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.refresh", false]], "refresh() (abacusai.eda method)": [[146, "abacusai.Eda.refresh", false]], "refresh() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.refresh", false]], "refresh() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.refresh", false]], "refresh() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.refresh", false]], "refresh() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.refresh", false]], "refresh() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.refresh", false]], "refresh() (abacusai.external_application.externalapplication method)": [[104, "abacusai.external_application.ExternalApplication.refresh", false]], "refresh() (abacusai.externalapplication method)": [[146, "abacusai.ExternalApplication.refresh", false]], "refresh() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.refresh", false]], "refresh() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.refresh", false]], "refresh() (abacusai.feature_group_template.featuregrouptemplate method)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.refresh", false]], "refresh() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.refresh", false]], "refresh() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.refresh", false]], "refresh() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.refresh", false]], "refresh() (abacusai.featuregrouptemplate method)": [[146, "abacusai.FeatureGroupTemplate.refresh", false]], "refresh() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.refresh", false]], "refresh() (abacusai.graph_dashboard.graphdashboard method)": [[140, "abacusai.graph_dashboard.GraphDashboard.refresh", false]], "refresh() (abacusai.graphdashboard method)": [[146, "abacusai.GraphDashboard.refresh", false]], "refresh() (abacusai.holdout_analysis.holdoutanalysis method)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.refresh", false]], "refresh() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.refresh", false]], "refresh() (abacusai.holdoutanalysis method)": [[146, "abacusai.HoldoutAnalysis.refresh", false]], "refresh() (abacusai.holdoutanalysisversion method)": [[146, "abacusai.HoldoutAnalysisVersion.refresh", false]], "refresh() (abacusai.model method)": [[146, "abacusai.Model.refresh", false]], "refresh() (abacusai.model.model method)": [[161, "abacusai.model.Model.refresh", false]], "refresh() (abacusai.model_artifacts_export.modelartifactsexport method)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.refresh", false]], "refresh() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.refresh", false]], "refresh() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.refresh", false]], "refresh() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.refresh", false]], "refresh() (abacusai.modelartifactsexport method)": [[146, "abacusai.ModelArtifactsExport.refresh", false]], "refresh() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.refresh", false]], "refresh() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.refresh", false]], "refresh() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.refresh", false]], "refresh() (abacusai.monitor_alert.monitoralert method)": [[179, "abacusai.monitor_alert.MonitorAlert.refresh", false]], "refresh() (abacusai.monitor_alert_version.monitoralertversion method)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.refresh", false]], "refresh() (abacusai.monitoralert method)": [[146, "abacusai.MonitorAlert.refresh", false]], "refresh() (abacusai.monitoralertversion method)": [[146, "abacusai.MonitorAlertVersion.refresh", false]], "refresh() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.refresh", false]], "refresh() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.refresh", false]], "refresh() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.refresh", false]], "refresh() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.refresh", false]], "refresh() (abacusai.pipeline_step.pipelinestep method)": [[195, "abacusai.pipeline_step.PipelineStep.refresh", false]], "refresh() (abacusai.pipeline_step_version.pipelinestepversion method)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.refresh", false]], "refresh() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.refresh", false]], "refresh() (abacusai.pipelinestep method)": [[146, "abacusai.PipelineStep.refresh", false]], "refresh() (abacusai.pipelinestepversion method)": [[146, "abacusai.PipelineStepVersion.refresh", false]], "refresh() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.refresh", false]], "refresh() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.refresh", false]], "refresh() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.refresh", false]], "refresh() (abacusai.project method)": [[146, "abacusai.Project.refresh", false]], "refresh() (abacusai.project.project method)": [[214, "abacusai.project.Project.refresh", false]], "refresh() (abacusai.realtime_monitor.realtimemonitor method)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.refresh", false]], "refresh() (abacusai.realtimemonitor method)": [[146, "abacusai.RealtimeMonitor.refresh", false]], "refresh() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh", false]], "refresh() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.refresh", false]], "refresh() (abacusai.refreshpipelinerun method)": [[146, "abacusai.RefreshPipelineRun.refresh", false]], "refresh() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.refresh", false]], "refresh() (abacusai.upload method)": [[146, "abacusai.Upload.refresh", false]], "refresh() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.refresh", false]], "refresh() (abacusai.webhook method)": [[146, "abacusai.Webhook.refresh", false]], "refresh() (abacusai.webhook.webhook method)": [[256, "abacusai.webhook.Webhook.refresh", false]], "refresh_pipeline_run_id (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_pipeline_run_id", false]], "refresh_pipeline_run_id (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.refresh_pipeline_run_id", false]], "refresh_policy (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_policy", false]], "refresh_policy (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.refresh_policy", false]], "refresh_policy_id (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_policy_id", false]], "refresh_policy_id (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.refresh_policy_id", false]], "refresh_policy_id (abacusai.refresh_schedule.refreshschedule attribute)": [[227, "abacusai.refresh_schedule.RefreshSchedule.refresh_policy_id", false]], "refresh_policy_id (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.refresh_policy_id", false]], "refresh_policy_id (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.refresh_policy_id", false]], "refresh_policy_id (abacusai.refreshschedule attribute)": [[146, "abacusai.RefreshSchedule.refresh_policy_id", false]], "refresh_schedules (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.refresh_schedules", false]], "refresh_schedules (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.refresh_schedules", false]], "refresh_schedules (abacusai.dataset attribute)": [[146, "abacusai.Dataset.refresh_schedules", false]], "refresh_schedules (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.refresh_schedules", false]], "refresh_schedules (abacusai.deployment attribute)": [[146, "abacusai.Deployment.refresh_schedules", false]], "refresh_schedules (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.refresh_schedules", false]], "refresh_schedules (abacusai.eda attribute)": [[146, "abacusai.Eda.refresh_schedules", false]], "refresh_schedules (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.refresh_schedules", false]], "refresh_schedules (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.refresh_schedules", false]], "refresh_schedules (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.refresh_schedules", false]], "refresh_schedules (abacusai.model attribute)": [[146, "abacusai.Model.refresh_schedules", false]], "refresh_schedules (abacusai.model.model attribute)": [[161, "abacusai.model.Model.refresh_schedules", false]], "refresh_schedules (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.refresh_schedules", false]], "refresh_schedules (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.refresh_schedules", false]], "refresh_schedules (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.refresh_schedules", false]], "refresh_schedules (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.refresh_schedules", false]], "refresh_schedules (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.refresh_schedules", false]], "refresh_schedules (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.refresh_schedules", false]], "refresh_type (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_type", false]], "refresh_type (abacusai.refresh_policy.refreshpolicy attribute)": [[226, "abacusai.refresh_policy.RefreshPolicy.refresh_type", false]], "refresh_type (abacusai.refresh_schedule.refreshschedule attribute)": [[227, "abacusai.refresh_schedule.RefreshSchedule.refresh_type", false]], "refresh_type (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.refresh_type", false]], "refresh_type (abacusai.refreshpolicy attribute)": [[146, "abacusai.RefreshPolicy.refresh_type", false]], "refresh_type (abacusai.refreshschedule attribute)": [[146, "abacusai.RefreshSchedule.refresh_type", false]], "refreshpipelinerun (class in abacusai)": [[146, "abacusai.RefreshPipelineRun", false]], "refreshpipelinerun (class in abacusai.refresh_pipeline_run)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun", false]], "refreshpolicy (class in abacusai)": [[146, "abacusai.RefreshPolicy", false]], "refreshpolicy (class in abacusai.refresh_policy)": [[226, "abacusai.refresh_policy.RefreshPolicy", false]], "refreshschedule (class in abacusai)": [[146, "abacusai.RefreshSchedule", false]], "refreshschedule (class in abacusai.refresh_schedule)": [[227, "abacusai.refresh_schedule.RefreshSchedule", false]], "regenerate_attempt (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.regenerate_attempt", false]], "regenerate_attempt (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.regenerate_attempt", false]], "regenerate_attempt (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.regenerate_attempt", false]], "regenerate_attempt (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.regenerate_attempt", false]], "regeneratellmexternalapplication (class in abacusai)": [[146, "abacusai.RegenerateLlmExternalApplication", false]], "regeneratellmexternalapplication (class in abacusai.regenerate_llm_external_application)": [[228, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication", false]], "regions (abacusai.deployment attribute)": [[146, "abacusai.Deployment.regions", false]], "regions (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.regions", false]], "regressionaugmentationstrategy (class in abacusai)": [[146, "abacusai.RegressionAugmentationStrategy", false]], "regressionaugmentationstrategy (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionAugmentationStrategy", false]], "regressionaugmentationstrategy (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionAugmentationStrategy", false]], "regressionlossfunction (class in abacusai)": [[146, "abacusai.RegressionLossFunction", false]], "regressionlossfunction (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionLossFunction", false]], "regressionlossfunction (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionLossFunction", false]], "regressionobjective (class in abacusai)": [[146, "abacusai.RegressionObjective", false]], "regressionobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionObjective", false]], "regressionobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionObjective", false]], "regressionpredictionarguments (class in abacusai)": [[146, "abacusai.RegressionPredictionArguments", false]], "regressionpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionPredictionArguments", false]], "regressionpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments", false]], "regressiontargettransform (class in abacusai)": [[146, "abacusai.RegressionTargetTransform", false]], "regressiontargettransform (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTargetTransform", false]], "regressiontargettransform (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTargetTransform", false]], "regressiontimesplitmethod (class in abacusai)": [[146, "abacusai.RegressionTimeSplitMethod", false]], "regressiontimesplitmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTimeSplitMethod", false]], "regressiontimesplitmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTimeSplitMethod", false]], "regressiontrainingconfig (class in abacusai)": [[146, "abacusai.RegressionTrainingConfig", false]], "regressiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTrainingConfig", false]], "regressiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.RegressionTrainingConfig", false]], "regressiontreehpomode (class in abacusai)": [[146, "abacusai.RegressionTreeHPOMode", false]], "regressiontreehpomode (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTreeHPOMode", false]], "regressiontreehpomode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTreeHPOMode", false]], "regressiontypeofsplit (class in abacusai)": [[146, "abacusai.RegressionTypeOfSplit", false]], "regressiontypeofsplit (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTypeOfSplit", false]], "regressiontypeofsplit (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit", false]], "remove_annotation_label() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.remove_annotation_label", false]], "remove_annotation_label() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.remove_annotation_label", false]], "remove_app_user_group_from_external_application() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_app_user_group_from_external_application", false]], "remove_app_user_group_from_external_application() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_app_user_group_from_external_application", false]], "remove_app_user_group_report_permission() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_app_user_group_report_permission", false]], "remove_app_user_group_report_permission() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_app_user_group_report_permission", false]], "remove_concatenation_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_concatenation_config", false]], "remove_concatenation_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_concatenation_config", false]], "remove_concatenation_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.remove_concatenation_config", false]], "remove_concatenation_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.remove_concatenation_config", false]], "remove_deployment_feature_group_export_output() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_deployment_feature_group_export_output", false]], "remove_deployment_feature_group_export_output() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_deployment_feature_group_export_output", false]], "remove_feature_group_annotation_label() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_feature_group_annotation_label", false]], "remove_feature_group_annotation_label() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_feature_group_annotation_label", false]], "remove_feature_group_export_output() (abacusai.deployment method)": [[146, "abacusai.Deployment.remove_feature_group_export_output", false]], "remove_feature_group_export_output() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.remove_feature_group_export_output", false]], "remove_feature_group_from_project() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_feature_group_from_project", false]], "remove_feature_group_from_project() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_feature_group_from_project", false]], "remove_feature_group_tag() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_feature_group_tag", false]], "remove_feature_group_tag() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_feature_group_tag", false]], "remove_feature_tag() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_feature_tag", false]], "remove_feature_tag() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_feature_tag", false]], "remove_feature_tag() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.remove_feature_tag", false]], "remove_feature_tag() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.remove_feature_tag", false]], "remove_from_project() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.remove_from_project", false]], "remove_from_project() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.remove_from_project", false]], "remove_header_footer (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.remove_header_footer", false]], "remove_header_footer (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.remove_header_footer", false], [27, "id159", false]], "remove_header_footer (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.remove_header_footer", false]], "remove_organization_group_from_feature_group_modifiers() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_organization_group_from_feature_group_modifiers", false]], "remove_organization_group_from_feature_group_modifiers() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_organization_group_from_feature_group_modifiers", false]], "remove_organization_group_from_modifiers() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.remove_organization_group_from_modifiers", false]], "remove_organization_group_from_modifiers() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.remove_organization_group_from_modifiers", false]], "remove_organization_group_permission() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_organization_group_permission", false]], "remove_organization_group_permission() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_organization_group_permission", false]], "remove_permission() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.remove_permission", false]], "remove_permission() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.remove_permission", false]], "remove_project_tags() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_project_tags", false]], "remove_project_tags() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_project_tags", false]], "remove_tag() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.remove_tag", false]], "remove_tag() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.remove_tag", false]], "remove_tags() (abacusai.project method)": [[146, "abacusai.Project.remove_tags", false]], "remove_tags() (abacusai.project.project method)": [[214, "abacusai.project.Project.remove_tags", false]], "remove_user_from() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.remove_user_from", false]], "remove_user_from() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.remove_user_from", false]], "remove_user_from_feature_group_modifiers() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_user_from_feature_group_modifiers", false]], "remove_user_from_feature_group_modifiers() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_user_from_feature_group_modifiers", false]], "remove_user_from_modifiers() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.remove_user_from_modifiers", false]], "remove_user_from_modifiers() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.remove_user_from_modifiers", false]], "remove_user_from_organization() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_user_from_organization", false]], "remove_user_from_organization() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_user_from_organization", false]], "remove_user_from_organization_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_user_from_organization_group", false]], "remove_user_from_organization_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_user_from_organization_group", false]], "remove_users_from_app_user_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.remove_users_from_app_user_group", false]], "remove_users_from_app_user_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.remove_users_from_app_user_group", false]], "remove_watermarks (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.remove_watermarks", false]], "remove_watermarks (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.remove_watermarks", false], [27, "id160", false]], "remove_watermarks (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.remove_watermarks", false]], "rename() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.rename", false]], "rename() (abacusai.applicationconnector method)": [[146, "abacusai.ApplicationConnector.rename", false]], "rename() (abacusai.chat_session.chatsession method)": [[48, "abacusai.chat_session.ChatSession.rename", false]], "rename() (abacusai.chatsession method)": [[146, "abacusai.ChatSession.rename", false]], "rename() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.rename", false]], "rename() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.rename", false]], "rename() (abacusai.deployment method)": [[146, "abacusai.Deployment.rename", false]], "rename() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.rename", false]], "rename() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.rename", false]], "rename() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.rename", false]], "rename() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.rename", false]], "rename() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.rename", false]], "rename() (abacusai.eda method)": [[146, "abacusai.Eda.rename", false]], "rename() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.rename", false]], "rename() (abacusai.model method)": [[146, "abacusai.Model.rename", false]], "rename() (abacusai.model.model method)": [[161, "abacusai.model.Model.rename", false]], "rename() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.rename", false]], "rename() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.rename", false]], "rename() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.rename", false]], "rename() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.rename", false]], "rename() (abacusai.pipeline_step.pipelinestep method)": [[195, "abacusai.pipeline_step.PipelineStep.rename", false]], "rename() (abacusai.pipelinestep method)": [[146, "abacusai.PipelineStep.rename", false]], "rename() (abacusai.project method)": [[146, "abacusai.Project.rename", false]], "rename() (abacusai.project.project method)": [[214, "abacusai.project.Project.rename", false]], "rename() (abacusai.streaming_connector.streamingconnector method)": [[236, "abacusai.streaming_connector.StreamingConnector.rename", false]], "rename() (abacusai.streamingconnector method)": [[146, "abacusai.StreamingConnector.rename", false]], "rename_application_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_application_connector", false]], "rename_application_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_application_connector", false]], "rename_chat_session() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_chat_session", false]], "rename_chat_session() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_chat_session", false]], "rename_database_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_database_connector", false]], "rename_database_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_database_connector", false]], "rename_deployment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_deployment", false]], "rename_deployment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_deployment", false]], "rename_deployment_conversation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_deployment_conversation", false]], "rename_deployment_conversation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_deployment_conversation", false]], "rename_document_retriever() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_document_retriever", false]], "rename_document_retriever() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_document_retriever", false]], "rename_eda() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_eda", false]], "rename_eda() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_eda", false]], "rename_model() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_model", false]], "rename_model() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_model", false]], "rename_model_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_model_monitor", false]], "rename_model_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_model_monitor", false]], "rename_pipeline() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_pipeline", false]], "rename_pipeline() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_pipeline", false]], "rename_pipeline_step() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_pipeline_step", false]], "rename_pipeline_step() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_pipeline_step", false]], "rename_project() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_project", false]], "rename_project() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_project", false]], "rename_streaming_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rename_streaming_connector", false]], "rename_streaming_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rename_streaming_connector", false]], "render_feature_groups_for_llm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.render_feature_groups_for_llm", false]], "render_feature_groups_for_llm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.render_feature_groups_for_llm", false]], "rendering_code (abacusai.playground_text.playgroundtext attribute)": [[201, "abacusai.playground_text.PlaygroundText.rendering_code", false]], "rendering_code (abacusai.playgroundtext attribute)": [[146, "abacusai.PlaygroundText.rendering_code", false]], "replace_until_timestamp (abacusai.concatenation_config.concatenationconfig attribute)": [[61, "abacusai.concatenation_config.ConcatenationConfig.replace_until_timestamp", false]], "replace_until_timestamp (abacusai.concatenationconfig attribute)": [[146, "abacusai.ConcatenationConfig.replace_until_timestamp", false]], "republish() (abacusai.agent method)": [[146, "abacusai.Agent.republish", false]], "republish() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.republish", false]], "request_id (abacusai.apiexception attribute)": [[146, "abacusai.ApiException.request_id", false]], "request_id (abacusai.client.apiexception attribute)": [[52, "abacusai.client.ApiException.request_id", false]], "request_id (abacusai.prediction_log_record.predictionlogrecord attribute)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.request_id", false]], "request_id (abacusai.predictionlogrecord attribute)": [[146, "abacusai.PredictionLogRecord.request_id", false]], "request_series (abacusai.deployment_statistics.deploymentstatistics attribute)": [[87, "abacusai.deployment_statistics.DeploymentStatistics.request_series", false]], "request_series (abacusai.deploymentstatistics attribute)": [[146, "abacusai.DeploymentStatistics.request_series", false]], "requesttimeouterror": [[52, "abacusai.client.RequestTimeoutError", false]], "required (abacusai.prediction_dataset.predictiondataset attribute)": [[207, "abacusai.prediction_dataset.PredictionDataset.required", false]], "required (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.required", false]], "required (abacusai.predictiondataset attribute)": [[146, "abacusai.PredictionDataset.required", false]], "required (abacusai.predictionfeaturegroup attribute)": [[146, "abacusai.PredictionFeatureGroup.required", false]], "required (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.required", false]], "required (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.required", false]], "required (abacusai.use_case_requirements.usecaserequirements attribute)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.required", false]], "required (abacusai.usecaserequirements attribute)": [[146, "abacusai.UseCaseRequirements.required", false]], "required_feature_group_type (abacusai.problem_type.problemtype attribute)": [[213, "abacusai.problem_type.ProblemType.required_feature_group_type", false]], "required_feature_group_type (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.required_feature_group_type", false]], "requirements_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.requirements_upload_id", false]], "requirements_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.requirements_upload_id", false]], "rerun() (abacusai.eda method)": [[146, "abacusai.Eda.rerun", false]], "rerun() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.rerun", false]], "rerun() (abacusai.holdout_analysis.holdoutanalysis method)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.rerun", false]], "rerun() (abacusai.holdoutanalysis method)": [[146, "abacusai.HoldoutAnalysis.rerun", false]], "rerun() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.rerun", false]], "rerun() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.rerun", false]], "rerun_eda() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rerun_eda", false]], "rerun_eda() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rerun_eda", false]], "rerun_holdout_analysis() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rerun_holdout_analysis", false]], "rerun_holdout_analysis() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rerun_holdout_analysis", false]], "rerun_model_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.rerun_model_monitor", false]], "rerun_model_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.rerun_model_monitor", false]], "resample (abacusai.api_class.enums.regressionaugmentationstrategy attribute)": [[25, "abacusai.api_class.enums.RegressionAugmentationStrategy.RESAMPLE", false]], "resample (abacusai.api_class.regressionaugmentationstrategy attribute)": [[27, "abacusai.api_class.RegressionAugmentationStrategy.RESAMPLE", false]], "resample (abacusai.regressionaugmentationstrategy attribute)": [[146, "abacusai.RegressionAugmentationStrategy.RESAMPLE", false]], "reset() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.reset", false]], "reset() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.reset", false]], "reset_feature_group_row_process_by_key() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.reset_feature_group_row_process_by_key", false]], "reset_feature_group_row_process_by_key() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.reset_feature_group_row_process_by_key", false]], "reset_feature_group_row_process_by_key() (abacusai.deployment method)": [[146, "abacusai.Deployment.reset_feature_group_row_process_by_key", false]], "reset_feature_group_row_process_by_key() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.reset_feature_group_row_process_by_key", false]], "reset_pipeline_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.reset_pipeline_version", false]], "reset_pipeline_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.reset_pipeline_version", false]], "resolve_matching_documents (abacusai.abacususagemetricsdatasetconfig attribute)": [[146, "abacusai.AbacusUsageMetricsDatasetConfig.resolve_matching_documents", false]], "resolve_matching_documents (abacusai.api_class.abacususagemetricsdatasetconfig attribute)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.resolve_matching_documents", false]], "resolve_matching_documents (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.resolve_matching_documents", false]], "resolved_config (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.resolved_config", false]], "resolved_config (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.resolved_config", false]], "resolved_sql (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.resolved_sql", false]], "resolved_sql (abacusai.resolvedfeaturegrouptemplate attribute)": [[146, "abacusai.ResolvedFeatureGroupTemplate.resolved_sql", false]], "resolved_variables (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.resolved_variables", false]], "resolved_variables (abacusai.resolvedfeaturegrouptemplate attribute)": [[146, "abacusai.ResolvedFeatureGroupTemplate.resolved_variables", false]], "resolvedfeaturegrouptemplate (class in abacusai)": [[146, "abacusai.ResolvedFeatureGroupTemplate", false]], "resolvedfeaturegrouptemplate (class in abacusai.resolved_feature_group_template)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate", false]], "resources_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.resources_upload_id", false]], "resources_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.resources_upload_id", false]], "response (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.response", false]], "response (abacusai.agentdataexecutionresult attribute)": [[146, "abacusai.AgentDataExecutionResult.response", false]], "response (abacusai.prediction_log_record.predictionlogrecord attribute)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.response", false]], "response (abacusai.predictionlogrecord attribute)": [[146, "abacusai.PredictionLogRecord.response", false]], "response_format (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.response_format", false]], "response_format (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.response_format", false]], "response_format (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.response_format", false]], "response_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.response_instructions", false]], "response_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.response_instructions", false]], "response_instructions (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.response_instructions", false]], "response_instructions (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.response_instructions", false]], "response_instructions (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.response_instructions", false]], "response_version (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.response_version", false]], "response_version (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.response_version", false]], "responsesection (class in abacusai)": [[146, "abacusai.ResponseSection", false]], "responsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ResponseSection", false]], "responsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ResponseSection", false]], "responsesectiontype (class in abacusai)": [[146, "abacusai.ResponseSectionType", false]], "responsesectiontype (class in abacusai.api_class)": [[27, "abacusai.api_class.ResponseSectionType", false]], "responsesectiontype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ResponseSectionType", false]], "restart() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.restart", false]], "restart() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.restart", false]], "restart_document_retriever() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.restart_document_retriever", false]], "restart_document_retriever() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.restart_document_retriever", false]], "restrict_feature_mappings (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.restrict_feature_mappings", false]], "restrict_feature_mappings (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.restrict_feature_mappings", false]], "restrict_feature_mappings (abacusai.monitorfilteringconfig attribute)": [[146, "abacusai.MonitorFilteringConfig.restrict_feature_mappings", false]], "restricted_algorithms (abacusai.model attribute)": [[146, "abacusai.Model.restricted_algorithms", false]], "restricted_algorithms (abacusai.model.model attribute)": [[161, "abacusai.model.Model.restricted_algorithms", false]], "restricted_feature_values (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.restricted_feature_values", false]], "restricted_feature_values (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.restricted_feature_values", false]], "restricted_feature_values (abacusai.restrictfeaturemappings attribute)": [[146, "abacusai.RestrictFeatureMappings.restricted_feature_values", false]], "restrictfeaturemappings (class in abacusai)": [[146, "abacusai.RestrictFeatureMappings", false]], "restrictfeaturemappings (class in abacusai.api_class)": [[27, "abacusai.api_class.RestrictFeatureMappings", false]], "restrictfeaturemappings (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings", false]], "result_input_columns (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.result_input_columns", false]], "result_input_columns (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.result_input_columns", false]], "result_input_columns (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.result_input_columns", false]], "result_input_columns (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.result_input_columns", false]], "results (abacusai.data_quality_results.dataqualityresults attribute)": [[72, "abacusai.data_quality_results.DataQualityResults.results", false]], "results (abacusai.dataqualityresults attribute)": [[146, "abacusai.DataQualityResults.results", false]], "resume() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.resume", false]], "resume() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.resume", false]], "resume_pipeline_refresh_schedule() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.resume_pipeline_refresh_schedule", false]], "resume_pipeline_refresh_schedule() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.resume_pipeline_refresh_schedule", false]], "resume_refresh_policy() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.resume_refresh_policy", false]], "resume_refresh_policy() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.resume_refresh_policy", false]], "resume_refresh_schedule() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.resume_refresh_schedule", false]], "resume_refresh_schedule() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.resume_refresh_schedule", false]], "retrain() (abacusai.model method)": [[146, "abacusai.Model.retrain", false]], "retrain() (abacusai.model.model method)": [[161, "abacusai.model.Model.retrain", false]], "retrain_model() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.retrain_model", false]], "retrain_model() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.retrain_model", false]], "retries_remaining (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.retries_remaining", false]], "retries_remaining (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.retries_remaining", false]], "retrieval_columns (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.retrieval_columns", false]], "retrieval_columns (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.retrieval_columns", false]], "retrieval_columns (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.retrieval_columns", false]], "return_fractional_forecasts (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.return_fractional_forecasts", false]], "return_fractional_forecasts (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.return_fractional_forecasts", false]], "return_fractional_forecasts (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.return_fractional_forecasts", false]], "review_mode (abacusai.api_class.enums.projectconfigtype attribute)": [[25, "abacusai.api_class.enums.ProjectConfigType.REVIEW_MODE", false]], "review_mode (abacusai.api_class.projectconfigtype attribute)": [[27, "abacusai.api_class.ProjectConfigType.REVIEW_MODE", false]], "review_mode (abacusai.projectconfigtype attribute)": [[146, "abacusai.ProjectConfigType.REVIEW_MODE", false]], "reviewmodeprojectfeaturegroupconfig (class in abacusai)": [[146, "abacusai.ReviewModeProjectFeatureGroupConfig", false]], "reviewmodeprojectfeaturegroupconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ReviewModeProjectFeatureGroupConfig", false]], "reviewmodeprojectfeaturegroupconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig", false]], "rmse (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.RMSE", false]], "rmse (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.RMSE", false]], "rmse (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.RMSE", false]], "rmse (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.RMSE", false]], "rmse (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.RMSE", false]], "rmse (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.RMSE", false]], "robust (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.ROBUST", false]], "robust (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.ROBUST", false]], "robust (abacusai.forecastinglocalscaling attribute)": [[146, "abacusai.ForecastingLocalScaling.ROBUST", false]], "role (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.role", false]], "role (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.role", false]], "role (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.role", false]], "role (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.role", false]], "role (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.role", false]], "role (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.role", false]], "root_mean_square_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.ROOT_MEAN_SQUARE_ERROR", false]], "root_mean_square_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.ROOT_MEAN_SQUARE_ERROR", false]], "root_mean_square_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.ROOT_MEAN_SQUARE_ERROR", false]], "rotation_angle (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.rotation_angle", false]], "rotation_angle (abacusai.pagedata attribute)": [[146, "abacusai.PageData.rotation_angle", false]], "routed_llm (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.routed_llm", false]], "routed_llm (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.routed_llm", false]], "routingaction (class in abacusai)": [[146, "abacusai.RoutingAction", false]], "routingaction (class in abacusai.routing_action)": [[231, "abacusai.routing_action.RoutingAction", false]], "row_count (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.row_count", false]], "row_count (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.row_count", false]], "row_indicator_based (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.ROW_INDICATOR_BASED", false]], "row_indicator_based (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.ROW_INDICATOR_BASED", false]], "row_indicator_based (abacusai.regressiontypeofsplit attribute)": [[146, "abacusai.RegressionTypeOfSplit.ROW_INDICATOR_BASED", false]], "run() (abacusai.monitor_alert.monitoralert method)": [[179, "abacusai.monitor_alert.MonitorAlert.run", false]], "run() (abacusai.monitoralert method)": [[146, "abacusai.MonitorAlert.run", false]], "run() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.run", false]], "run() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.run", false]], "run() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.run", false]], "run() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.run", false]], "run() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.run", false]], "run_monitor_alert() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.run_monitor_alert", false]], "run_monitor_alert() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.run_monitor_alert", false]], "run_pipeline() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.run_pipeline", false]], "run_pipeline() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.run_pipeline", false]], "run_refresh_policy() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.run_refresh_policy", false]], "run_refresh_policy() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.run_refresh_policy", false]], "run_workflow_graph() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.run_workflow_graph", false]], "run_workflow_graph() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.run_workflow_graph", false]], "runtime_configs (abacusai.deployment attribute)": [[146, "abacusai.Deployment.runtime_configs", false]], "runtime_configs (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.runtime_configs", false]], "runtime_schema (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.runtime_schema", false]], "runtime_schema (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.runtime_schema", false]], "runtime_schema (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.workflownodeinputschema attribute)": [[146, "abacusai.WorkflowNodeInputSchema.runtime_schema", false]], "runtime_schema (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.RUNTIME_SCHEMA", false]], "runtimeschemaresponsesection (class in abacusai)": [[146, "abacusai.RuntimeSchemaResponseSection", false]], "runtimeschemaresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.RuntimeSchemaResponseSection", false]], "runtimeschemaresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.RuntimeSchemaResponseSection", false]], "sales_across_time (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.sales_across_time", false]], "sales_across_time (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.sales_across_time", false]], "sample (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[69, "abacusai.data_consistency_duplication.DataConsistencyDuplication.sample", false]], "sample (abacusai.dataconsistencyduplication attribute)": [[146, "abacusai.DataConsistencyDuplication.sample", false]], "sample_count (abacusai.api_class.feature_group.nsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.NSamplingConfig.sample_count", false]], "sample_count (abacusai.api_class.nsamplingconfig attribute)": [[27, "abacusai.api_class.NSamplingConfig.sample_count", false]], "sample_count (abacusai.nsamplingconfig attribute)": [[146, "abacusai.NSamplingConfig.sample_count", false]], "sample_percent (abacusai.api_class.feature_group.percentsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig.sample_percent", false]], "sample_percent (abacusai.api_class.percentsamplingconfig attribute)": [[27, "abacusai.api_class.PercentSamplingConfig.sample_percent", false]], "sample_percent (abacusai.percentsamplingconfig attribute)": [[146, "abacusai.PercentSamplingConfig.sample_percent", false]], "sample_weight (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.sample_weight", false]], "sample_weight (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.sample_weight", false]], "sample_weight (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.sample_weight", false]], "sampling_config (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.sampling_config", false]], "sampling_config (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.sampling_config", false]], "sampling_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.sampling_config", false]], "sampling_config (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.sampling_config", false]], "sampling_method (abacusai.api_class.feature_group.samplingconfig attribute)": [[26, "abacusai.api_class.feature_group.SamplingConfig.sampling_method", false]], "sampling_method (abacusai.api_class.samplingconfig attribute)": [[27, "abacusai.api_class.SamplingConfig.sampling_method", false]], "sampling_method (abacusai.samplingconfig attribute)": [[146, "abacusai.SamplingConfig.sampling_method", false]], "sampling_unit_keys (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.sampling_unit_keys", false]], "sampling_unit_keys (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.sampling_unit_keys", false]], "sampling_unit_keys (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.sampling_unit_keys", false]], "samplingconfig (class in abacusai)": [[146, "abacusai.SamplingConfig", false]], "samplingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SamplingConfig", false]], "samplingconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.SamplingConfig", false]], "samplingmethodtype (class in abacusai)": [[146, "abacusai.SamplingMethodType", false]], "samplingmethodtype (class in abacusai.api_class)": [[27, "abacusai.api_class.SamplingMethodType", false]], "samplingmethodtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.SamplingMethodType", false]], "save_predicted_pdf (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.save_predicted_pdf", false]], "save_predicted_pdf (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.save_predicted_pdf", false]], "save_predicted_pdf (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.save_predicted_pdf", false]], "scanned (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.SCANNED", false]], "scanned (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.SCANNED", false], [27, "id117", false]], "scanned (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.SCANNED", false]], "scanned_text (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.SCANNED_TEXT", false], [27, "id132", false]], "scanned_text (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.SCANNED_TEXT", false]], "scanned_text (abacusai.documenttype attribute)": [[146, "abacusai.DocumentType.SCANNED_TEXT", false]], "schedule_info (abacusai.chatllm_task.chatllmtask attribute)": [[51, "abacusai.chatllm_task.ChatllmTask.schedule_info", false]], "schedule_info (abacusai.chatllmtask attribute)": [[146, "abacusai.ChatllmTask.schedule_info", false]], "schema (abacusai.data_metrics.datametrics attribute)": [[70, "abacusai.data_metrics.DataMetrics.schema", false]], "schema (abacusai.datametrics attribute)": [[146, "abacusai.DataMetrics.schema", false]], "schema (abacusai.dataset attribute)": [[146, "abacusai.Dataset.schema", false]], "schema (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.schema", false]], "schema (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[176, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.schema", false]], "schema (abacusai.modelversionfeaturegroupschema attribute)": [[146, "abacusai.ModelVersionFeatureGroupSchema.schema", false]], "schema (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.schema", false]], "schema (abacusai.projectfeaturegroupschema attribute)": [[146, "abacusai.ProjectFeatureGroupSchema.schema", false]], "schema (class in abacusai)": [[146, "abacusai.Schema", false]], "schema (class in abacusai.schema)": [[232, "abacusai.schema.Schema", false]], "schema_mappings (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.schema_mappings", false]], "schema_mappings (abacusai.customtrainfunctioninfo attribute)": [[146, "abacusai.CustomTrainFunctionInfo.schema_mappings", false]], "schema_prop (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.schema_prop", false]], "schema_prop (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.schema_prop", false]], "schema_prop (abacusai.workflownodeinputschema attribute)": [[146, "abacusai.WorkflowNodeInputSchema.schema_prop", false]], "schema_source (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.schema_source", false]], "schema_source (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.schema_source", false]], "schema_source (abacusai.workflownodeinputschema attribute)": [[146, "abacusai.WorkflowNodeInputSchema.schema_source", false]], "schema_version (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion attribute)": [[218, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.schema_version", false]], "schema_version (abacusai.projectfeaturegroupschemaversion attribute)": [[146, "abacusai.ProjectFeatureGroupSchemaVersion.schema_version", false]], "score (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.score", false]], "score (abacusai.abacusapi attribute)": [[146, "abacusai.AbacusApi.score", false]], "score (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.score", false]], "score (abacusai.documentretrieverlookupresult attribute)": [[146, "abacusai.DocumentRetrieverLookupResult.score", false]], "score (abacusai.organization_search_result.organizationsearchresult attribute)": [[190, "abacusai.organization_search_result.OrganizationSearchResult.score", false]], "score (abacusai.organizationsearchresult attribute)": [[146, "abacusai.OrganizationSearchResult.score", false]], "score_field (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.score_field", false]], "score_field (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.score_field", false]], "score_field (abacusai.personalizationbatchpredictionargs attribute)": [[146, "abacusai.PersonalizationBatchPredictionArgs.score_field", false]], "score_image() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.score_image", false]], "score_image() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.score_image", false]], "score_image() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.score_image", false]], "score_image() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.score_image", false]], "score_multiplier_column (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.score_multiplier_column", false]], "score_multiplier_column (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.score_multiplier_column", false]], "score_multiplier_column (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.score_multiplier_column", false]], "search_chunk_size (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.search_chunk_size", false]], "search_chunk_size (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.search_chunk_size", false]], "search_chunk_size (abacusai.naturallanguagesearchtrainingconfig attribute)": [[146, "abacusai.NaturalLanguageSearchTrainingConfig.search_chunk_size", false]], "search_feature_groups() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.search_feature_groups", false]], "search_feature_groups() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.search_feature_groups", false]], "search_results (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.search_results", false]], "search_results (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.search_results", false]], "search_results (abacusai.web_search_response.websearchresponse attribute)": [[254, "abacusai.web_search_response.WebSearchResponse.search_results", false]], "search_results (abacusai.websearchresponse attribute)": [[146, "abacusai.WebSearchResponse.search_results", false]], "search_score_cutoff (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.chatllmpredictionarguments attribute)": [[146, "abacusai.ChatLLMPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.search_score_cutoff", false]], "search_score_cutoff (abacusai.naturallanguagesearchpredictionarguments attribute)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments.search_score_cutoff", false]], "search_suggestions (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.search_suggestions", false]], "search_suggestions (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.search_suggestions", false]], "search_web_for_llm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.search_web_for_llm", false]], "search_web_for_llm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.search_web_for_llm", false]], "seasonality_day_of_month (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_day_of_month", false]], "seasonality_day_of_month (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_day_of_month", false]], "seasonality_day_of_week (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_day_of_week", false]], "seasonality_day_of_week (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_day_of_week", false]], "seasonality_day_of_year (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_day_of_year", false]], "seasonality_day_of_year (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_day_of_year", false]], "seasonality_hour (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_hour", false]], "seasonality_hour (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_hour", false]], "seasonality_minute (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_minute", false]], "seasonality_minute (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_minute", false]], "seasonality_month (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_month", false]], "seasonality_month (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_month", false]], "seasonality_quarter (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_quarter", false]], "seasonality_quarter (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_quarter", false]], "seasonality_second (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_second", false]], "seasonality_second (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_second", false]], "seasonality_week_of_year (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_week_of_year", false]], "seasonality_week_of_year (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_week_of_year", false]], "seasonality_year (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_year", false]], "seasonality_year (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.seasonality_year", false]], "secret_key (abacusai.organization_secret.organizationsecret attribute)": [[191, "abacusai.organization_secret.OrganizationSecret.secret_key", false]], "secret_key (abacusai.organizationsecret attribute)": [[146, "abacusai.OrganizationSecret.secret_key", false]], "section_data_list (abacusai.agentresponse attribute)": [[146, "abacusai.AgentResponse.section_data_list", false]], "section_data_list (abacusai.client.agentresponse attribute)": [[52, "abacusai.client.AgentResponse.section_data_list", false]], "section_output (abacusai.api_client_utils.streamtype attribute)": [[35, "abacusai.api_client_utils.StreamType.SECTION_OUTPUT", false]], "seed (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.seed", false]], "seed (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.seed", false]], "seed (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.seed", false]], "segment (abacusai.api_class.segments.textresponsesection attribute)": [[34, "abacusai.api_class.segments.TextResponseSection.segment", false]], "segment (abacusai.api_class.textresponsesection attribute)": [[27, "abacusai.api_class.TextResponseSection.segment", false]], "segment (abacusai.api_client_utils.streamtype attribute)": [[35, "abacusai.api_client_utils.StreamType.SEGMENT", false]], "segment (abacusai.textresponsesection attribute)": [[146, "abacusai.TextResponseSection.segment", false]], "segment (in module abacusai)": [[146, "abacusai.Segment", false]], "segment (in module abacusai.api_class)": [[27, "abacusai.api_class.Segment", false]], "segment (in module abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.Segment", false]], "segments (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.segments", false]], "segments (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.segments", false]], "segments (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.segments", false]], "segments (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.segments", false]], "select_clause (abacusai.feature attribute)": [[146, "abacusai.Feature.select_clause", false]], "select_clause (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.select_clause", false]], "select_clause (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.select_clause", false]], "select_clause (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.select_clause", false]], "selected_algorithm (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.selected_algorithm", false]], "selected_algorithm (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.selected_algorithm", false]], "selected_algorithm_name (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.selected_algorithm_name", false]], "selected_algorithm_name (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.selected_algorithm_name", false]], "selected_feature (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[99, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.selected_feature", false]], "selected_feature (abacusai.edafeaturecollinearity attribute)": [[146, "abacusai.EdaFeatureCollinearity.selected_feature", false]], "send_email() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.send_email", false]], "send_email() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.send_email", false]], "sentence_bert (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.SENTENCE_BERT", false]], "sentence_bert (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.SENTENCE_BERT", false], [27, "id110", false]], "sentence_bert (abacusai.vectorstoretextencoder attribute)": [[146, "abacusai.VectorStoreTextEncoder.SENTENCE_BERT", false]], "sentence_boundary_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.SENTENCE_BOUNDARY_DETECTION", false]], "sentence_boundary_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.SENTENCE_BOUNDARY_DETECTION", false]], "sentence_boundary_detection (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.SENTENCE_BOUNDARY_DETECTION", false]], "sentenceboundarydetectionbatchpredictionargs (class in abacusai)": [[146, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs", false]], "sentenceboundarydetectionbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs", false]], "sentenceboundarydetectionbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs", false]], "sentenceboundarydetectiontrainingconfig (class in abacusai)": [[146, "abacusai.SentenceBoundaryDetectionTrainingConfig", false]], "sentenceboundarydetectiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig", false]], "sentenceboundarydetectiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig", false]], "sentiment_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.SENTIMENT_DETECTION", false]], "sentiment_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.SENTIMENT_DETECTION", false]], "sentiment_detection (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.SENTIMENT_DETECTION", false]], "sentiment_type (abacusai.api_class.model.sentimentdetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig.sentiment_type", false]], "sentiment_type (abacusai.api_class.sentimentdetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig.sentiment_type", false]], "sentiment_type (abacusai.sentimentdetectiontrainingconfig attribute)": [[146, "abacusai.SentimentDetectionTrainingConfig.sentiment_type", false]], "sentimentdetectiontrainingconfig (class in abacusai)": [[146, "abacusai.SentimentDetectionTrainingConfig", false]], "sentimentdetectiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig", false]], "sentimentdetectiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig", false]], "sentimenttype (class in abacusai)": [[146, "abacusai.SentimentType", false]], "sentimenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.SentimentType", false]], "sentimenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.SentimentType", false]], "sequential_training (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.sequential_training", false]], "sequential_training (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.sequential_training", false]], "sequential_training (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.sequential_training", false]], "server (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.server", false]], "server (abacusai.client.clientoptions attribute)": [[52, "abacusai.client.ClientOptions.server", false]], "server (abacusai.clientoptions attribute)": [[146, "abacusai.ClientOptions.server", false]], "service (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.service", false]], "service (abacusai.applicationconnector attribute)": [[146, "abacusai.ApplicationConnector.service", false]], "service (abacusai.database_connector.databaseconnector attribute)": [[75, "abacusai.database_connector.DatabaseConnector.service", false]], "service (abacusai.databaseconnector attribute)": [[146, "abacusai.DatabaseConnector.service", false]], "service (abacusai.streaming_connector.streamingconnector attribute)": [[236, "abacusai.streaming_connector.StreamingConnector.service", false]], "service (abacusai.streamingconnector attribute)": [[146, "abacusai.StreamingConnector.service", false]], "service_discovery_url (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.service_discovery_url", false]], "service_port (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.service_port", false]], "service_port (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.service_port", false]], "service_port (abacusai.customtrainedmodeltrainingconfig attribute)": [[146, "abacusai.CustomTrainedModelTrainingConfig.service_port", false]], "session_dedupe_mins (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.session_dedupe_mins", false]], "session_dedupe_mins (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.session_dedupe_mins", false]], "session_dedupe_mins (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.session_dedupe_mins", false]], "session_event_types (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.session_event_types", false]], "session_event_types (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.session_event_types", false]], "session_event_types (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.session_event_types", false]], "set() (in module abacusai.global_context)": [[139, "abacusai.global_context.set", false]], "set_agent_context_chat_history() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_agent_context_chat_history", false]], "set_agent_context_chat_history() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_agent_context_chat_history", false]], "set_agent_context_conversation_id() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_agent_context_conversation_id", false]], "set_agent_context_conversation_id() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_agent_context_conversation_id", false]], "set_agent_context_doc_ids() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_agent_context_doc_ids", false]], "set_agent_context_doc_ids() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_agent_context_doc_ids", false]], "set_agent_context_doc_infos() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_agent_context_doc_infos", false]], "set_agent_context_doc_infos() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_agent_context_doc_infos", false]], "set_agent_context_external_session_id() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_agent_context_external_session_id", false]], "set_agent_context_external_session_id() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_agent_context_external_session_id", false]], "set_agent_response_document_sources() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_agent_response_document_sources", false]], "set_agent_response_document_sources() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_agent_response_document_sources", false]], "set_annotation_status_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_annotation_status_feature", false]], "set_annotation_status_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_annotation_status_feature", false]], "set_annotation_status_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_annotation_status_feature", false]], "set_annotation_status_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_annotation_status_feature", false]], "set_auto() (abacusai.deployment method)": [[146, "abacusai.Deployment.set_auto", false]], "set_auto() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.set_auto", false]], "set_auto_deployment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_auto_deployment", false]], "set_auto_deployment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_auto_deployment", false]], "set_azure_blob_connection_string() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_azure_blob_connection_string", false]], "set_azure_blob_connection_string() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_azure_blob_connection_string", false]], "set_batch_prediction_database_connector_output() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_batch_prediction_database_connector_output", false]], "set_batch_prediction_database_connector_output() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_batch_prediction_database_connector_output", false]], "set_batch_prediction_dataset_remap() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_batch_prediction_dataset_remap", false]], "set_batch_prediction_dataset_remap() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_batch_prediction_dataset_remap", false]], "set_batch_prediction_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_batch_prediction_feature_group", false]], "set_batch_prediction_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_batch_prediction_feature_group", false]], "set_batch_prediction_feature_group_output() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_batch_prediction_feature_group_output", false]], "set_batch_prediction_feature_group_output() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_batch_prediction_feature_group_output", false]], "set_batch_prediction_file_connector_output() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_batch_prediction_file_connector_output", false]], "set_batch_prediction_file_connector_output() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_batch_prediction_file_connector_output", false]], "set_batch_prediction_output_to_console() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_batch_prediction_output_to_console", false]], "set_batch_prediction_output_to_console() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_batch_prediction_output_to_console", false]], "set_cache_scope() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_cache_scope", false]], "set_cache_scope() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_cache_scope", false]], "set_column_data_type() (abacusai.dataset method)": [[146, "abacusai.Dataset.set_column_data_type", false]], "set_column_data_type() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.set_column_data_type", false]], "set_database_connector_config() (abacusai.dataset method)": [[146, "abacusai.Dataset.set_database_connector_config", false]], "set_database_connector_config() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.set_database_connector_config", false]], "set_database_connector_output() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.set_database_connector_output", false]], "set_database_connector_output() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.set_database_connector_output", false]], "set_dataset_column_data_type() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_dataset_column_data_type", false]], "set_dataset_column_data_type() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_dataset_column_data_type", false]], "set_dataset_database_connector_config() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.set_dataset_database_connector_config", false]], "set_dataset_database_connector_config() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.set_dataset_database_connector_config", false]], "set_dataset_remap() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.set_dataset_remap", false]], "set_dataset_remap() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.set_dataset_remap", false]], "set_default() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.set_default", false]], "set_default() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.set_default", false]], "set_default_algorithm() (abacusai.model method)": [[146, "abacusai.Model.set_default_algorithm", false]], "set_default_algorithm() (abacusai.model.model method)": [[161, "abacusai.model.Model.set_default_algorithm", false]], "set_default_model_algorithm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_default_model_algorithm", false]], "set_default_model_algorithm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_default_model_algorithm", false]], "set_default_organization_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_default_organization_group", false]], "set_default_organization_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_default_organization_group", false]], "set_default_prediction_arguments() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_default_prediction_arguments", false]], "set_default_prediction_arguments() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_default_prediction_arguments", false]], "set_default_prediction_arguments() (abacusai.deployment method)": [[146, "abacusai.Deployment.set_default_prediction_arguments", false]], "set_default_prediction_arguments() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.set_default_prediction_arguments", false]], "set_deployment_conversation_feedback() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_deployment_conversation_feedback", false]], "set_deployment_conversation_feedback() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_deployment_conversation_feedback", false]], "set_deployment_feature_group_export_database_connector_output() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_deployment_feature_group_export_database_connector_output", false]], "set_deployment_feature_group_export_database_connector_output() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_deployment_feature_group_export_database_connector_output", false]], "set_deployment_feature_group_export_file_connector_output() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_deployment_feature_group_export_file_connector_output", false]], "set_deployment_feature_group_export_file_connector_output() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_deployment_feature_group_export_file_connector_output", false]], "set_deployment_feature_group_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_deployment_feature_group_version", false]], "set_deployment_feature_group_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_deployment_feature_group_version", false]], "set_deployment_model_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_deployment_model_version", false]], "set_deployment_model_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_deployment_model_version", false]], "set_deployment_prediction_operator_version() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_deployment_prediction_operator_version", false]], "set_deployment_prediction_operator_version() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_deployment_prediction_operator_version", false]], "set_export_connector_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_export_connector_config", false]], "set_export_connector_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_export_connector_config", false]], "set_export_on_materialization() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_export_on_materialization", false]], "set_export_on_materialization() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_export_on_materialization", false]], "set_export_on_materialization() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_export_on_materialization", false]], "set_export_on_materialization() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_export_on_materialization", false]], "set_feature_as_annotatable_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_as_annotatable_feature", false]], "set_feature_as_annotatable_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_as_annotatable_feature", false]], "set_feature_as_annotatable_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_feature_as_annotatable_feature", false]], "set_feature_as_annotatable_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_feature_as_annotatable_feature", false]], "set_feature_group() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.set_feature_group", false]], "set_feature_group() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.set_feature_group", false]], "set_feature_group_export_connector_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_export_connector_config", false]], "set_feature_group_export_connector_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_export_connector_config", false]], "set_feature_group_export_database_connector_output() (abacusai.deployment method)": [[146, "abacusai.Deployment.set_feature_group_export_database_connector_output", false]], "set_feature_group_export_database_connector_output() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.set_feature_group_export_database_connector_output", false]], "set_feature_group_export_file_connector_output() (abacusai.deployment method)": [[146, "abacusai.Deployment.set_feature_group_export_file_connector_output", false]], "set_feature_group_export_file_connector_output() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.set_feature_group_export_file_connector_output", false]], "set_feature_group_indexing_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_indexing_config", false]], "set_feature_group_indexing_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_indexing_config", false]], "set_feature_group_merge_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_merge_config", false]], "set_feature_group_merge_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_merge_config", false]], "set_feature_group_modifier_lock() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_modifier_lock", false]], "set_feature_group_modifier_lock() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_modifier_lock", false]], "set_feature_group_operator_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_operator_config", false]], "set_feature_group_operator_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_operator_config", false]], "set_feature_group_output() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.set_feature_group_output", false]], "set_feature_group_output() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.set_feature_group_output", false]], "set_feature_group_sampling_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_sampling_config", false]], "set_feature_group_sampling_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_sampling_config", false]], "set_feature_group_schema() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_schema", false]], "set_feature_group_schema() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_schema", false]], "set_feature_group_type() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_group_type", false]], "set_feature_group_type() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_group_type", false]], "set_feature_group_version() (abacusai.deployment method)": [[146, "abacusai.Deployment.set_feature_group_version", false]], "set_feature_group_version() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.set_feature_group_version", false]], "set_feature_mapping() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_mapping", false]], "set_feature_mapping() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_mapping", false]], "set_feature_mapping() (abacusai.project method)": [[146, "abacusai.Project.set_feature_mapping", false]], "set_feature_mapping() (abacusai.project.project method)": [[214, "abacusai.project.Project.set_feature_mapping", false]], "set_feature_type() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_feature_type", false]], "set_feature_type() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_feature_type", false]], "set_feature_type() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_feature_type", false]], "set_feature_type() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_feature_type", false]], "set_feedback() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.set_feedback", false]], "set_feedback() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.set_feedback", false]], "set_file_connector_output() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.set_file_connector_output", false]], "set_file_connector_output() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.set_file_connector_output", false]], "set_indexing_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_indexing_config", false]], "set_indexing_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_indexing_config", false]], "set_merge_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_merge_config", false]], "set_merge_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_merge_config", false]], "set_model_objective() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_model_objective", false]], "set_model_objective() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_model_objective", false]], "set_model_objective() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.set_model_objective", false]], "set_model_objective() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.set_model_objective", false]], "set_model_prediction_params() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_model_prediction_params", false]], "set_model_prediction_params() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_model_prediction_params", false]], "set_model_training_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_model_training_config", false]], "set_model_training_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_model_training_config", false]], "set_model_version() (abacusai.deployment method)": [[146, "abacusai.Deployment.set_model_version", false]], "set_model_version() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.set_model_version", false]], "set_modifier_lock() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_modifier_lock", false]], "set_modifier_lock() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_modifier_lock", false]], "set_natural_language_explanation() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_natural_language_explanation", false]], "set_natural_language_explanation() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_natural_language_explanation", false]], "set_operator_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_operator_config", false]], "set_operator_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_operator_config", false]], "set_output_to_console() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.set_output_to_console", false]], "set_output_to_console() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.set_output_to_console", false]], "set_prediction_operator_version() (abacusai.deployment method)": [[146, "abacusai.Deployment.set_prediction_operator_version", false]], "set_prediction_operator_version() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.set_prediction_operator_version", false]], "set_prediction_params() (abacusai.model method)": [[146, "abacusai.Model.set_prediction_params", false]], "set_prediction_params() (abacusai.model.model method)": [[161, "abacusai.model.Model.set_prediction_params", false]], "set_project_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_project_config", false]], "set_project_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_project_config", false]], "set_project_feature_group_config() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_project_feature_group_config", false]], "set_project_feature_group_config() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_project_feature_group_config", false]], "set_sampling_config() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_sampling_config", false]], "set_sampling_config() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_sampling_config", false]], "set_schema() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_schema", false]], "set_schema() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_schema", false]], "set_scoped_cache_value() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_scoped_cache_value", false]], "set_scoped_cache_value() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_scoped_cache_value", false]], "set_streaming_retention_policy() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.set_streaming_retention_policy", false]], "set_streaming_retention_policy() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.set_streaming_retention_policy", false]], "set_streaming_retention_policy() (abacusai.dataset method)": [[146, "abacusai.Dataset.set_streaming_retention_policy", false]], "set_streaming_retention_policy() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.set_streaming_retention_policy", false]], "set_training_config() (abacusai.model method)": [[146, "abacusai.Model.set_training_config", false]], "set_training_config() (abacusai.model.model method)": [[161, "abacusai.model.Model.set_training_config", false]], "set_type() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.set_type", false]], "set_type() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.set_type", false]], "settings (abacusai.image_gen_settings.imagegensettings attribute)": [[145, "abacusai.image_gen_settings.ImageGenSettings.settings", false]], "settings (abacusai.imagegensettings attribute)": [[146, "abacusai.ImageGenSettings.settings", false]], "settings (abacusai.video_gen_settings.videogensettings attribute)": [[250, "abacusai.video_gen_settings.VideoGenSettings.settings", false]], "settings (abacusai.videogensettings attribute)": [[146, "abacusai.VideoGenSettings.settings", false]], "severely_drifting_threshold (abacusai.api_class.monitor_alert.monitorthresholdconfig attribute)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.severely_drifting_threshold", false]], "severely_drifting_threshold (abacusai.api_class.monitorthresholdconfig attribute)": [[27, "abacusai.api_class.MonitorThresholdConfig.severely_drifting_threshold", false]], "severely_drifting_threshold (abacusai.monitorthresholdconfig attribute)": [[146, "abacusai.MonitorThresholdConfig.severely_drifting_threshold", false]], "sftpkey (class in abacusai)": [[146, "abacusai.SftpKey", false]], "sftpkey (class in abacusai.sftp_key)": [[233, "abacusai.sftp_key.SftpKey", false]], "shap_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[126, "abacusai.feature_importance.FeatureImportance.shap_feature_importance", false]], "shap_feature_importance (abacusai.featureimportance attribute)": [[146, "abacusai.FeatureImportance.shap_feature_importance", false]], "shared (abacusai.model attribute)": [[146, "abacusai.Model.shared", false]], "shared (abacusai.model.model attribute)": [[161, "abacusai.model.Model.shared", false]], "shared_at (abacusai.model attribute)": [[146, "abacusai.Model.shared_at", false]], "shared_at (abacusai.model.model attribute)": [[161, "abacusai.model.Model.shared_at", false]], "sharepoint (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.SHAREPOINT", false]], "sharepoint (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.SHAREPOINT", false]], "sharepoint (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.SHAREPOINT", false]], "sharepointdatasetconfig (class in abacusai)": [[146, "abacusai.SharepointDatasetConfig", false]], "sharepointdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SharepointDatasetConfig", false]], "sharepointdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig", false]], "short_explanation (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation.short_explanation", false]], "short_explanation (abacusai.naturallanguageexplanation attribute)": [[146, "abacusai.NaturalLanguageExplanation.short_explanation", false]], "show_autocomplete (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[54, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.show_autocomplete", false]], "show_autocomplete (abacusai.codeautocompleteresponse attribute)": [[146, "abacusai.CodeAutocompleteResponse.show_autocomplete", false]], "simple_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.SIMPLE_AGENT", false]], "simple_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.SIMPLE_AGENT", false]], "simple_agent (abacusai.deploymentconversationtype attribute)": [[146, "abacusai.DeploymentConversationType.SIMPLE_AGENT", false]], "simple_text (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.SIMPLE_TEXT", false], [27, "id128", false]], "simple_text (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.SIMPLE_TEXT", false]], "simple_text (abacusai.documenttype attribute)": [[146, "abacusai.DocumentType.SIMPLE_TEXT", false]], "size (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.size", false]], "size (abacusai.agentdatadocumentinfo attribute)": [[146, "abacusai.AgentDataDocumentInfo.size", false]], "size (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.size", false]], "size (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.size", false]], "size (abacusai.blob attribute)": [[146, "abacusai.Blob.size", false]], "size (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.size", false]], "size (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.size", false]], "skip_input_transform (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.skip_input_transform", false]], "skip_input_transform (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.skip_input_transform", false]], "skip_input_transform (abacusai.cumulativeforecastingtrainingconfig attribute)": [[146, "abacusai.CumulativeForecastingTrainingConfig.skip_input_transform", false]], "skip_materialize (abacusai.concatenation_config.concatenationconfig attribute)": [[61, "abacusai.concatenation_config.ConcatenationConfig.skip_materialize", false]], "skip_materialize (abacusai.concatenationconfig attribute)": [[146, "abacusai.ConcatenationConfig.skip_materialize", false]], "skip_metrics_check (abacusai.deployment attribute)": [[146, "abacusai.Deployment.skip_metrics_check", false]], "skip_metrics_check (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.skip_metrics_check", false]], "skip_missing (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.skip_missing", false]], "skip_missing (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.skip_missing", false]], "skip_missing (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.skip_missing", false]], "skip_pending_pipeline_version_steps() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.skip_pending_pipeline_version_steps", false]], "skip_pending_pipeline_version_steps() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.skip_pending_pipeline_version_steps", false]], "skip_pending_steps() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.skip_pending_steps", false]], "skip_pending_steps() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.skip_pending_steps", false]], "skip_target_transform (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.skip_target_transform", false]], "skip_target_transform (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.skip_target_transform", false]], "skip_target_transform (abacusai.cumulativeforecastingtrainingconfig attribute)": [[146, "abacusai.CumulativeForecastingTrainingConfig.skip_target_transform", false]], "skip_timeseries_weight_scaling (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.skip_timeseries_weight_scaling", false]], "skip_timeseries_weight_scaling (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.skip_timeseries_weight_scaling", false]], "skip_timeseries_weight_scaling (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.skip_timeseries_weight_scaling", false]], "slack (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.SLACK", false]], "slack (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.SLACK", false]], "slack (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.SLACK", false]], "sleep_time (abacusai.api_class.ai_agents.triggerconfig attribute)": [[16, "abacusai.api_class.ai_agents.TriggerConfig.sleep_time", false]], "sleep_time (abacusai.api_class.triggerconfig attribute)": [[27, "abacusai.api_class.TriggerConfig.sleep_time", false]], "sleep_time (abacusai.triggerconfig attribute)": [[146, "abacusai.TriggerConfig.sleep_time", false]], "sliding_zscore (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.SLIDING_ZSCORE", false]], "sliding_zscore (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.SLIDING_ZSCORE", false]], "sliding_zscore (abacusai.forecastinglocalscaling attribute)": [[146, "abacusai.ForecastingLocalScaling.SLIDING_ZSCORE", false]], "small (abacusai.api_class.cpusize attribute)": [[27, "abacusai.api_class.CPUSize.SMALL", false]], "small (abacusai.api_class.enums.cpusize attribute)": [[25, "abacusai.api_class.enums.CPUSize.SMALL", false]], "small (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.SMALL", false]], "small (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.SMALL", false]], "small (abacusai.cpusize attribute)": [[146, "abacusai.CPUSize.SMALL", false]], "small (abacusai.memorysize attribute)": [[146, "abacusai.MemorySize.SMALL", false]], "smooth_history (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.smooth_history", false]], "smooth_history (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.smooth_history", false]], "smooth_history (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.smooth_history", false]], "smote (abacusai.api_class.enums.regressionaugmentationstrategy attribute)": [[25, "abacusai.api_class.enums.RegressionAugmentationStrategy.SMOTE", false]], "smote (abacusai.api_class.regressionaugmentationstrategy attribute)": [[27, "abacusai.api_class.RegressionAugmentationStrategy.SMOTE", false]], "smote (abacusai.regressionaugmentationstrategy attribute)": [[146, "abacusai.RegressionAugmentationStrategy.SMOTE", false]], "snake_case() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.snake_case", false]], "snapshot_streaming_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.snapshot_streaming_data", false]], "snapshot_streaming_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.snapshot_streaming_data", false]], "snapshot_streaming_data() (abacusai.dataset method)": [[146, "abacusai.Dataset.snapshot_streaming_data", false]], "snapshot_streaming_data() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.snapshot_streaming_data", false]], "snippet (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.snippet", false]], "snippet (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.snippet", false]], "solve_time_limit (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.solve_time_limit", false]], "solve_time_limit (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.solve_time_limit", false]], "solve_time_limit (abacusai.optimizationtrainingconfig attribute)": [[146, "abacusai.OptimizationTrainingConfig.solve_time_limit", false]], "solve_time_limit_seconds (abacusai.api_class.deployment.optimizationpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.solve_time_limit_seconds", false]], "solve_time_limit_seconds (abacusai.api_class.optimizationpredictionarguments attribute)": [[27, "abacusai.api_class.OptimizationPredictionArguments.solve_time_limit_seconds", false]], "solve_time_limit_seconds (abacusai.optimizationpredictionarguments attribute)": [[146, "abacusai.OptimizationPredictionArguments.solve_time_limit_seconds", false]], "sort_objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.sort_objective", false]], "sort_objective (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.sort_objective", false]], "sort_objective (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.sort_objective", false]], "sort_objective (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.sort_objective", false]], "sorted_column_names (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[99, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.sorted_column_names", false]], "sorted_column_names (abacusai.edafeaturecollinearity attribute)": [[146, "abacusai.EdaFeatureCollinearity.sorted_column_names", false]], "source (abacusai.api_class.ai_agents.workflowgraphedge attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.source", false]], "source (abacusai.api_class.workflowgraphedge attribute)": [[27, "abacusai.api_class.WorkflowGraphEdge.source", false]], "source (abacusai.workflowgraphedge attribute)": [[146, "abacusai.WorkflowGraphEdge.source", false]], "source_code (abacusai.agent attribute)": [[146, "abacusai.Agent.source_code", false]], "source_code (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.source_code", false]], "source_code (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.source_code", false]], "source_code (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.source_code", false]], "source_code (abacusai.model attribute)": [[146, "abacusai.Model.source_code", false]], "source_code (abacusai.model.model attribute)": [[161, "abacusai.model.Model.source_code", false]], "source_code (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.source_code", false]], "source_code (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.source_code", false]], "source_code (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.source_code", false]], "source_code (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.source_code", false]], "source_code (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.source_code", false]], "source_code (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.source_code", false]], "source_dataset_versions (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.source_dataset_versions", false]], "source_dataset_versions (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.source_dataset_versions", false]], "source_prop (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.source_prop", false]], "source_prop (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.source_prop", false]], "source_prop (abacusai.workflownodeinputmapping attribute)": [[146, "abacusai.WorkflowNodeInputMapping.source_prop", false]], "source_table (abacusai.feature attribute)": [[146, "abacusai.Feature.source_table", false]], "source_table (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.source_table", false]], "source_table (abacusai.nested_feature.nestedfeature attribute)": [[183, "abacusai.nested_feature.NestedFeature.source_table", false]], "source_table (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.source_table", false]], "source_table (abacusai.nestedfeature attribute)": [[146, "abacusai.NestedFeature.source_table", false]], "source_table (abacusai.nestedfeatureschema attribute)": [[146, "abacusai.NestedFeatureSchema.source_table", false]], "source_tables (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.source_tables", false]], "source_tables (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.source_tables", false]], "source_tables (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.source_tables", false]], "source_tables (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.source_tables", false]], "source_tables (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.source_tables", false]], "source_tables (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.source_tables", false]], "source_type (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.source_type", false]], "source_type (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.source_type", false]], "source_type (abacusai.dataset attribute)": [[146, "abacusai.Dataset.source_type", false]], "source_type (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.source_type", false]], "space_key (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.space_key", false]], "space_key (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.space_key", false]], "space_key (abacusai.confluencedatasetconfig attribute)": [[146, "abacusai.ConfluenceDatasetConfig.space_key", false]], "specification_type (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.specification_type", false]], "specification_type (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.specification_type", false]], "specification_type (abacusai.workflowgraph attribute)": [[146, "abacusai.WorkflowGraph.specification_type", false]], "sql (abacusai.api_class.codelanguage attribute)": [[27, "abacusai.api_class.CodeLanguage.SQL", false]], "sql (abacusai.api_class.enums.codelanguage attribute)": [[25, "abacusai.api_class.enums.CodeLanguage.SQL", false]], "sql (abacusai.codelanguage attribute)": [[146, "abacusai.CodeLanguage.SQL", false]], "sql (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.sql", false]], "sql (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.sql", false]], "sql (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.sql", false]], "sql (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.sql", false]], "sql (abacusai.llm_execution_preview.llmexecutionpreview attribute)": [[153, "abacusai.llm_execution_preview.LlmExecutionPreview.sql", false]], "sql (abacusai.llm_generated_code.llmgeneratedcode attribute)": [[155, "abacusai.llm_generated_code.LlmGeneratedCode.sql", false]], "sql (abacusai.llmexecutionpreview attribute)": [[146, "abacusai.LlmExecutionPreview.sql", false]], "sql (abacusai.llmgeneratedcode attribute)": [[146, "abacusai.LlmGeneratedCode.sql", false]], "sql (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.sql", false]], "sql (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.sql", false]], "sql_error (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.sql_error", false]], "sql_error (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.sql_error", false]], "sql_error (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.sql_error", false]], "sql_error (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.sql_error", false]], "sql_error (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.sql_error", false]], "sql_error (abacusai.resolvedfeaturegrouptemplate attribute)": [[146, "abacusai.ResolvedFeatureGroupTemplate.sql_error", false]], "srmse (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.SRMSE", false]], "srmse (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.SRMSE", false]], "srmse (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.SRMSE", false]], "sse_asynchronous_generator() (in module abacusai.client)": [[52, "abacusai.client.sse_asynchronous_generator", false]], "stable_standardized_mean_absolute_percentage_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "stable_standardized_mean_absolute_percentage_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "stable_standardized_mean_absolute_percentage_error (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "stage_name (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.stage_name", false]], "stage_name (abacusai.modelblueprintstage attribute)": [[146, "abacusai.ModelBlueprintStage.stage_name", false]], "standalone_deployment (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.standalone_deployment", false]], "standalone_deployment (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.standalone_deployment", false]], "standalone_deployment (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.standalone_deployment", false]], "starred (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.starred", false]], "starred (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.starred", false]], "start (abacusai.llm_code_block.llmcodeblock attribute)": [[152, "abacusai.llm_code_block.LlmCodeBlock.start", false]], "start (abacusai.llmcodeblock attribute)": [[146, "abacusai.LlmCodeBlock.start", false]], "start() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.start", false]], "start() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.start", false]], "start() (abacusai.deployment method)": [[146, "abacusai.Deployment.start", false]], "start() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.start", false]], "start_autonomous_agent() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.start_autonomous_agent", false]], "start_autonomous_agent() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.start_autonomous_agent", false]], "start_autonomous_agent() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.start_autonomous_agent", false]], "start_autonomous_agent() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.start_autonomous_agent", false]], "start_batch_prediction() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.start_batch_prediction", false]], "start_batch_prediction() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.start_batch_prediction", false]], "start_date (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.start_date", false]], "start_date (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.start_date", false]], "start_date (abacusai.themeanalysisbatchpredictionargs attribute)": [[146, "abacusai.ThemeAnalysisBatchPredictionArgs.start_date", false]], "start_date_offset (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.start_date_offset", false]], "start_date_offset (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.start_date_offset", false]], "start_date_offset (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.start_date_offset", false]], "start_deployment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.start_deployment", false]], "start_deployment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.start_deployment", false]], "start_line (abacusai.code_edit.codeedit attribute)": [[56, "abacusai.code_edit.CodeEdit.start_line", false]], "start_line (abacusai.codeedit attribute)": [[146, "abacusai.CodeEdit.start_line", false]], "start_time (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.start_time", false]], "start_time (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.start_time", false]], "start_time (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.start_time", false]], "start_time (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.start_time", false]], "start_time (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.start_time", false]], "start_time (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.start_time", false]], "start_time (abacusai.forecastingmonitorconfig attribute)": [[146, "abacusai.ForecastingMonitorConfig.start_time", false]], "start_time (abacusai.monitorfilteringconfig attribute)": [[146, "abacusai.MonitorFilteringConfig.start_time", false]], "start_time (abacusai.restrictfeaturemappings attribute)": [[146, "abacusai.RestrictFeatureMappings.start_time", false]], "start_timestamp (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.start_timestamp", false]], "start_timestamp (abacusai.api_class.deployment.timeseriesanomalypredictionarguments attribute)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.start_timestamp", false]], "start_timestamp (abacusai.api_class.googleanalyticsdatasetconfig attribute)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.start_timestamp", false]], "start_timestamp (abacusai.api_class.timeseriesanomalypredictionarguments attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.start_timestamp", false]], "start_timestamp (abacusai.googleanalyticsdatasetconfig attribute)": [[146, "abacusai.GoogleAnalyticsDatasetConfig.start_timestamp", false]], "start_timestamp (abacusai.timeseriesanomalypredictionarguments attribute)": [[146, "abacusai.TimeseriesAnomalyPredictionArguments.start_timestamp", false]], "start_ts_ms (abacusai.streaming_row_count.streamingrowcount attribute)": [[237, "abacusai.streaming_row_count.StreamingRowCount.start_ts_ms", false]], "start_ts_ms (abacusai.streamingrowcount attribute)": [[146, "abacusai.StreamingRowCount.start_ts_ms", false]], "started_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.started_at", false]], "started_at (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.started_at", false]], "started_at (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.started_at", false]], "started_at (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.started_at", false]], "state_or_province (abacusai.address attribute)": [[146, "abacusai.Address.state_or_province", false]], "state_or_province (abacusai.address.address attribute)": [[1, "abacusai.address.Address.state_or_province", false]], "stats (abacusai.function_logs.functionlogs attribute)": [[137, "abacusai.function_logs.FunctionLogs.stats", false]], "stats (abacusai.functionlogs attribute)": [[146, "abacusai.FunctionLogs.stats", false]], "status (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.status", false]], "status (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.status", false]], "status (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.status", false]], "status (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.status", false]], "status (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.status", false]], "status (abacusai.applicationconnector attribute)": [[146, "abacusai.ApplicationConnector.status", false]], "status (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.status", false]], "status (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.status", false]], "status (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.status", false]], "status (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.status", false]], "status (abacusai.code_source.codesource attribute)": [[59, "abacusai.code_source.CodeSource.status", false]], "status (abacusai.codesource attribute)": [[146, "abacusai.CodeSource.status", false]], "status (abacusai.database_connector.databaseconnector attribute)": [[75, "abacusai.database_connector.DatabaseConnector.status", false]], "status (abacusai.databaseconnector attribute)": [[146, "abacusai.DatabaseConnector.status", false]], "status (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.status", false]], "status (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.status", false]], "status (abacusai.deployment attribute)": [[146, "abacusai.Deployment.status", false]], "status (abacusai.deployment.deployment attribute)": [[82, "abacusai.deployment.Deployment.status", false]], "status (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.status", false]], "status (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.status", false]], "status (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.status", false]], "status (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.status", false]], "status (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.status", false]], "status (abacusai.executefeaturegroupoperation attribute)": [[146, "abacusai.ExecuteFeatureGroupOperation.status", false]], "status (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.status", false]], "status (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.status", false]], "status (abacusai.feature_group_document.featuregroupdocument attribute)": [[112, "abacusai.feature_group_document.FeatureGroupDocument.status", false]], "status (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.status", false]], "status (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.status", false]], "status (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.status", false]], "status (abacusai.featuregroupdocument attribute)": [[146, "abacusai.FeatureGroupDocument.status", false]], "status (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.status", false]], "status (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.status", false]], "status (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.status", false]], "status (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.status", false]], "status (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.status", false]], "status (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.status", false]], "status (abacusai.holdoutanalysisversion attribute)": [[146, "abacusai.HoldoutAnalysisVersion.status", false]], "status (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.status", false]], "status (abacusai.llm_execution_result.llmexecutionresult attribute)": [[154, "abacusai.llm_execution_result.LlmExecutionResult.status", false]], "status (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.status", false]], "status (abacusai.llmexecutionresult attribute)": [[146, "abacusai.LlmExecutionResult.status", false]], "status (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.status", false]], "status (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.status", false]], "status (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.status", false]], "status (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.status", false]], "status (abacusai.modelartifactsexport attribute)": [[146, "abacusai.ModelArtifactsExport.status", false]], "status (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.status", false]], "status (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.status", false]], "status (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.status", false]], "status (abacusai.monitor_alert_version.monitoralertversion attribute)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.status", false]], "status (abacusai.monitoralertversion attribute)": [[146, "abacusai.MonitorAlertVersion.status", false]], "status (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.status", false]], "status (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.status", false]], "status (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.status", false]], "status (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.status", false]], "status (abacusai.pipelinestepversionreference attribute)": [[146, "abacusai.PipelineStepVersionReference.status", false]], "status (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.status", false]], "status (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.status", false]], "status (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.status", false]], "status (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.status", false]], "status (abacusai.refreshpipelinerun attribute)": [[146, "abacusai.RefreshPipelineRun.status", false]], "status (abacusai.streaming_connector.streamingconnector attribute)": [[236, "abacusai.streaming_connector.StreamingConnector.status", false]], "status (abacusai.streamingconnector attribute)": [[146, "abacusai.StreamingConnector.status", false]], "status (abacusai.upload attribute)": [[146, "abacusai.Upload.status", false]], "status (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.status", false]], "status (abacusai.user attribute)": [[146, "abacusai.User.status", false]], "status (abacusai.user.user attribute)": [[248, "abacusai.user.User.status", false]], "status_feature (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.status_feature", false]], "status_feature (abacusai.annotationconfig attribute)": [[146, "abacusai.AnnotationConfig.status_feature", false]], "stddev (abacusai.api_class.enums.stddevthresholdtype attribute)": [[25, "abacusai.api_class.enums.StdDevThresholdType.STDDEV", false]], "stddev (abacusai.api_class.stddevthresholdtype attribute)": [[27, "abacusai.api_class.StdDevThresholdType.STDDEV", false], [27, "id203", false]], "stddev (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.stddev", false]], "stddev (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.stddev", false]], "stddev (abacusai.stddevthresholdtype attribute)": [[146, "abacusai.StdDevThresholdType.STDDEV", false]], "stddevthreshold (class in abacusai)": [[146, "abacusai.StdDevThreshold", false]], "stddevthreshold (class in abacusai.api_class)": [[27, "abacusai.api_class.StdDevThreshold", false]], "stddevthreshold (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.StdDevThreshold", false]], "stddevthresholdtype (class in abacusai)": [[146, "abacusai.StdDevThresholdType", false]], "stddevthresholdtype (class in abacusai.api_class)": [[27, "abacusai.api_class.StdDevThresholdType", false], [27, "id200", false]], "stddevthresholdtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.StdDevThresholdType", false]], "stderr (abacusai.function_logs.functionlogs attribute)": [[137, "abacusai.function_logs.FunctionLogs.stderr", false]], "stderr (abacusai.functionlogs attribute)": [[146, "abacusai.FunctionLogs.stderr", false]], "stdout (abacusai.function_logs.functionlogs attribute)": [[137, "abacusai.function_logs.FunctionLogs.stdout", false]], "stdout (abacusai.functionlogs attribute)": [[146, "abacusai.FunctionLogs.stdout", false]], "step_dependencies (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.step_dependencies", false]], "step_dependencies (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.step_dependencies", false]], "step_dependencies (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.step_dependencies", false]], "step_dependencies (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.step_dependencies", false]], "step_function (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.STEP_FUNCTION", false]], "step_function (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.STEP_FUNCTION", false]], "step_function (abacusai.pythonfunctiontype attribute)": [[146, "abacusai.PythonFunctionType.STEP_FUNCTION", false]], "step_logs (abacusai.pipeline_version_logs.pipelineversionlogs attribute)": [[200, "abacusai.pipeline_version_logs.PipelineVersionLogs.step_logs", false]], "step_logs (abacusai.pipelineversionlogs attribute)": [[146, "abacusai.PipelineVersionLogs.step_logs", false]], "step_name (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.step_name", false]], "step_name (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.step_name", false]], "step_name (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.step_name", false]], "step_name (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.step_name", false]], "step_name (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.step_name", false]], "step_name (abacusai.pipelinestepversionlogs attribute)": [[146, "abacusai.PipelineStepVersionLogs.step_name", false]], "step_versions (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.step_versions", false]], "step_versions (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.step_versions", false]], "steps (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.steps", false]], "steps (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.steps", false]], "stop() (abacusai.deployment method)": [[146, "abacusai.Deployment.stop", false]], "stop() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.stop", false]], "stop_deployment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.stop_deployment", false]], "stop_deployment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.stop_deployment", false]], "stop_reason (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.stop_reason", false]], "stop_reason (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.stop_reason", false]], "stratified_random_sampling (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.STRATIFIED_RANDOM_SAMPLING", false]], "stratified_random_sampling (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.STRATIFIED_RANDOM_SAMPLING", false]], "stratified_random_sampling (abacusai.regressiontypeofsplit attribute)": [[146, "abacusai.RegressionTypeOfSplit.STRATIFIED_RANDOM_SAMPLING", false]], "stream_message() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.stream_message", false]], "stream_message() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.stream_message", false]], "stream_response_section() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.stream_response_section", false]], "stream_response_section() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.stream_response_section", false]], "stream_section_output() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.stream_section_output", false]], "stream_section_output() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.stream_section_output", false]], "streamed_data (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.streamed_data", false]], "streamed_data (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.streamed_data", false]], "streamed_data (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.streamed_data", false]], "streamed_data (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.streamed_data", false]], "streamed_section_data (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.streamed_section_data", false]], "streamed_section_data (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.streamed_section_data", false]], "streamed_section_data (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.streamed_section_data", false]], "streamed_section_data (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.streamed_section_data", false]], "streaming (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.STREAMING", false]], "streaming (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.STREAMING", false]], "streaming (abacusai.connectortype attribute)": [[146, "abacusai.ConnectorType.STREAMING", false]], "streaming_connector_id (abacusai.streaming_connector.streamingconnector attribute)": [[236, "abacusai.streaming_connector.StreamingConnector.streaming_connector_id", false]], "streaming_connector_id (abacusai.streamingconnector attribute)": [[146, "abacusai.StreamingConnector.streaming_connector_id", false]], "streaming_connector_type (abacusai.api_class.connectors.streamingconnectordatasetconfig attribute)": [[20, "abacusai.api_class.connectors.StreamingConnectorDatasetConfig.streaming_connector_type", false]], "streaming_connector_type (abacusai.api_class.streamingconnectordatasetconfig attribute)": [[27, "abacusai.api_class.StreamingConnectorDatasetConfig.streaming_connector_type", false]], "streaming_connector_type (abacusai.streamingconnectordatasetconfig attribute)": [[146, "abacusai.StreamingConnectorDatasetConfig.streaming_connector_type", false]], "streaming_embeddings (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.streaming_embeddings", false]], "streaming_embeddings (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.streaming_embeddings", false]], "streaming_embeddings (abacusai.customtrainedmodeltrainingconfig attribute)": [[146, "abacusai.CustomTrainedModelTrainingConfig.streaming_embeddings", false]], "streaming_enabled (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.streaming_enabled", false]], "streaming_enabled (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.streaming_enabled", false]], "streaming_enabled (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.streaming_enabled", false]], "streaming_enabled (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.streaming_enabled", false]], "streaming_evaluate_prompt() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.streaming_evaluate_prompt", false]], "streaming_evaluate_prompt() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.streaming_evaluate_prompt", false]], "streaming_ready (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.streaming_ready", false]], "streaming_ready (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.streaming_ready", false]], "streaming_ready (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.streaming_ready", false]], "streaming_ready (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.streaming_ready", false]], "streaming_token (abacusai.streaming_auth_token.streamingauthtoken attribute)": [[234, "abacusai.streaming_auth_token.StreamingAuthToken.streaming_token", false]], "streaming_token (abacusai.streamingauthtoken attribute)": [[146, "abacusai.StreamingAuthToken.streaming_token", false]], "streamingauthtoken (class in abacusai)": [[146, "abacusai.StreamingAuthToken", false]], "streamingauthtoken (class in abacusai.streaming_auth_token)": [[234, "abacusai.streaming_auth_token.StreamingAuthToken", false]], "streamingclient (class in abacusai)": [[146, "abacusai.StreamingClient", false]], "streamingclient (class in abacusai.streaming_client)": [[235, "abacusai.streaming_client.StreamingClient", false]], "streamingconnector (class in abacusai)": [[146, "abacusai.StreamingConnector", false]], "streamingconnector (class in abacusai.streaming_connector)": [[236, "abacusai.streaming_connector.StreamingConnector", false]], "streamingconnectordatasetconfig (class in abacusai)": [[146, "abacusai.StreamingConnectorDatasetConfig", false]], "streamingconnectordatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.StreamingConnectorDatasetConfig", false]], "streamingconnectordatasetconfig (class in abacusai.api_class.connectors)": [[20, "abacusai.api_class.connectors.StreamingConnectorDatasetConfig", false]], "streamingconnectortype (class in abacusai)": [[146, "abacusai.StreamingConnectorType", false]], "streamingconnectortype (class in abacusai.api_class)": [[27, "abacusai.api_class.StreamingConnectorType", false]], "streamingconnectortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.StreamingConnectorType", false]], "streaminghandler (class in abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.StreamingHandler", false]], "streamingrowcount (class in abacusai)": [[146, "abacusai.StreamingRowCount", false]], "streamingrowcount (class in abacusai.streaming_row_count)": [[237, "abacusai.streaming_row_count.StreamingRowCount", false]], "streamingsamplecode (class in abacusai)": [[146, "abacusai.StreamingSampleCode", false]], "streamingsamplecode (class in abacusai.streaming_sample_code)": [[238, "abacusai.streaming_sample_code.StreamingSampleCode", false]], "streamtype (class in abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.StreamType", false]], "string (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.STRING", false]], "string (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.STRING", false]], "string (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.STRING", false]], "string (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.STRING", false]], "string (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.STRING", false]], "string (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.STRING", false]], "string (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.STRING", false]], "string (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.STRING", false]], "string (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.STRING", false]], "string (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.STRING", false]], "string (abacusai.datatype attribute)": [[146, "abacusai.DataType.STRING", false]], "string (abacusai.fielddescriptortype attribute)": [[146, "abacusai.FieldDescriptorType.STRING", false]], "string (abacusai.pythonfunctionargumenttype attribute)": [[146, "abacusai.PythonFunctionArgumentType.STRING", false]], "string (abacusai.pythonfunctionoutputargumenttype attribute)": [[146, "abacusai.PythonFunctionOutputArgumentType.STRING", false]], "string (abacusai.workflownodeoutputtype attribute)": [[146, "abacusai.WorkflowNodeOutputType.STRING", false]], "struct (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.STRUCT", false]], "struct (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.STRUCT", false]], "struct (abacusai.datatype attribute)": [[146, "abacusai.DataType.STRUCT", false]], "subset_size (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.subset_size", false]], "subset_size (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.subset_size", false]], "subset_size (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.subset_size", false]], "successful_invites (abacusai.chatllm_referral_invite.chatllmreferralinvite attribute)": [[50, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.successful_invites", false]], "successful_invites (abacusai.chatllmreferralinvite attribute)": [[146, "abacusai.ChatllmReferralInvite.successful_invites", false]], "successful_invites (abacusai.external_invite.externalinvite attribute)": [[105, "abacusai.external_invite.ExternalInvite.successful_invites", false]], "successful_invites (abacusai.externalinvite attribute)": [[146, "abacusai.ExternalInvite.successful_invites", false]], "suggest_abacus_apis() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.suggest_abacus_apis", false]], "suggest_abacus_apis() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.suggest_abacus_apis", false]], "suggest_feature_group_template_for_feature_group() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.suggest_feature_group_template_for_feature_group", false]], "suggest_feature_group_template_for_feature_group() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.suggest_feature_group_template_for_feature_group", false]], "suggest_template_for() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.suggest_template_for", false]], "suggest_template_for() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.suggest_template_for", false]], "summarized_metrics (abacusai.test_point_predictions.testpointpredictions attribute)": [[240, "abacusai.test_point_predictions.TestPointPredictions.summarized_metrics", false]], "summarized_metrics (abacusai.testpointpredictions attribute)": [[146, "abacusai.TestPointPredictions.summarized_metrics", false]], "summary (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.summary", false]], "summary (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.summary", false]], "summary_feature_group_table_name (abacusai.batch_prediction.batchprediction attribute)": [[42, "abacusai.batch_prediction.BatchPrediction.summary_feature_group_table_name", false]], "summary_feature_group_table_name (abacusai.batchprediction attribute)": [[146, "abacusai.BatchPrediction.summary_feature_group_table_name", false]], "summary_instructions (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.summary_instructions", false]], "summary_instructions (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.summary_instructions", false]], "summary_instructions (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.summary_instructions", false]], "symmetrize_quantiles (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.symmetrize_quantiles", false]], "symmetrize_quantiles (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.symmetrize_quantiles", false]], "symmetrize_quantiles (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.symmetrize_quantiles", false]], "syspath_prepend() (abacusai.python_function_validator._monkeypatch method)": [[221, "abacusai.python_function_validator._MonkeyPatch.syspath_prepend", false]], "system_message (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.system_message", false]], "system_message (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.system_message", false]], "system_message (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.system_message", false]], "system_message (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.system_message", false]], "system_message (abacusai.chatllmpredictionarguments attribute)": [[146, "abacusai.ChatLLMPredictionArguments.system_message", false]], "system_message (abacusai.naturallanguagesearchpredictionarguments attribute)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments.system_message", false]], "table (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.TABLE", false]], "table (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.TABLE", false]], "table (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.TABLE", false]], "table_name (abacusai.database_connector_schema.databaseconnectorschema attribute)": [[77, "abacusai.database_connector_schema.DatabaseConnectorSchema.table_name", false]], "table_name (abacusai.databaseconnectorschema attribute)": [[146, "abacusai.DatabaseConnectorSchema.table_name", false]], "table_name (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.table_name", false]], "table_name (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.table_name", false]], "table_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.table_name", false]], "table_name (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.table_name", false]], "tables_and_forms (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.TABLES_AND_FORMS", false], [27, "id130", false]], "tables_and_forms (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.TABLES_AND_FORMS", false]], "tables_and_forms (abacusai.documenttype attribute)": [[146, "abacusai.DocumentType.TABLES_AND_FORMS", false]], "tag (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.tag", false]], "tag (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.tag", false]], "tag (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[143, "abacusai.hosted_model_token.HostedModelToken.tag", false]], "tag (abacusai.hostedmodeltoken attribute)": [[146, "abacusai.HostedModelToken.tag", false]], "tags (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.tags", false]], "tags (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.tags", false]], "tags (abacusai.project attribute)": [[146, "abacusai.Project.tags", false]], "tags (abacusai.project.project attribute)": [[214, "abacusai.project.Project.tags", false]], "tags (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.tags", false]], "tags (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.tags", false]], "tags (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.tags", false]], "tags (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.tags", false]], "tar (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TAR", false]], "tar (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TAR", false]], "tar (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.TAR", false]], "target (abacusai.api_class.ai_agents.workflowgraphedge attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.target", false]], "target (abacusai.api_class.workflowgraphedge attribute)": [[27, "abacusai.api_class.WorkflowGraphEdge.target", false]], "target (abacusai.workflowgraphedge attribute)": [[146, "abacusai.WorkflowGraphEdge.target", false]], "target_action_types (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.target_action_types", false]], "target_action_types (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.target_action_types", false]], "target_action_types (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.target_action_types", false]], "target_action_weights (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.target_action_weights", false]], "target_action_weights (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.target_action_weights", false]], "target_action_weights (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.target_action_weights", false]], "target_class (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.target_class", false]], "target_class (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.target_class", false]], "target_class (abacusai.monitorfilteringconfig attribute)": [[146, "abacusai.MonitorFilteringConfig.target_class", false]], "target_column (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.target_column", false]], "target_column (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.target_column", false]], "target_column (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.target_column", false]], "target_column (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.target_column", false]], "target_column (abacusai.forecastingmonitorconfig attribute)": [[146, "abacusai.ForecastingMonitorConfig.target_column", false]], "target_column (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.target_column", false]], "target_column (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.target_column", false]], "target_drift (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.TARGET_DRIFT", false]], "target_drift (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.TARGET_DRIFT", false]], "target_drift (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.target_drift", false]], "target_drift (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.target_drift", false]], "target_drift (abacusai.monitoralerttype attribute)": [[146, "abacusai.MonitorAlertType.TARGET_DRIFT", false]], "target_encode_categoricals (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.target_encode_categoricals", false]], "target_encode_categoricals (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.target_encode_categoricals", false]], "target_encode_categoricals (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.target_encode_categoricals", false]], "target_transform (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.target_transform", false]], "target_transform (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.target_transform", false]], "target_transform (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.target_transform", false]], "targetdriftconditionconfig (class in abacusai)": [[146, "abacusai.TargetDriftConditionConfig", false]], "targetdriftconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TargetDriftConditionConfig", false]], "targetdriftconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig", false]], "task (abacusai.ai_building_task.aibuildingtask attribute)": [[8, "abacusai.ai_building_task.AiBuildingTask.task", false]], "task (abacusai.aibuildingtask attribute)": [[146, "abacusai.AiBuildingTask.task", false]], "task_type (abacusai.ai_building_task.aibuildingtask attribute)": [[8, "abacusai.ai_building_task.AiBuildingTask.task_type", false]], "task_type (abacusai.aibuildingtask attribute)": [[146, "abacusai.AiBuildingTask.task_type", false]], "tasks (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.tasks", false]], "tasks (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.tasks", false]], "teams (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.TEAMS", false]], "teams (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.TEAMS", false]], "teams (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.TEAMS", false]], "teamsscraper (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.TEAMSSCRAPER", false]], "teamsscraper (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.TEAMSSCRAPER", false]], "teamsscraper (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.TEAMSSCRAPER", false]], "teamsscraperdatasetconfig (class in abacusai)": [[146, "abacusai.TeamsScraperDatasetConfig", false]], "teamsscraperdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig", false]], "teamsscraperdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig", false]], "temperature (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.temperature", false]], "temperature (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.temperature", false]], "temperature (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.temperature", false]], "temperature (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.temperature", false]], "temperature (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.temperature", false]], "temperature (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.temperature", false]], "temperature (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.temperature", false]], "temperature (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.temperature", false]], "temperature (abacusai.chatllmpredictionarguments attribute)": [[146, "abacusai.ChatLLMPredictionArguments.temperature", false]], "temperature (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.temperature", false]], "temperature (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.temperature", false]], "temperature (abacusai.naturallanguagesearchpredictionarguments attribute)": [[146, "abacusai.NaturalLanguageSearchPredictionArguments.temperature", false]], "template_bindings (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.template_bindings", false]], "template_bindings (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.template_bindings", false]], "template_bindings (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.template_bindings", false]], "template_bindings (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.template_bindings", false]], "template_bindings (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.template_bindings", false]], "template_bindings (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.template_bindings", false]], "template_configs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.template_configs", false]], "template_configs (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.template_configs", false]], "template_metadata (abacusai.api_class.ai_agents.workflowgraphnode attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.template_metadata", false]], "template_metadata (abacusai.api_class.workflowgraphnode attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.template_metadata", false]], "template_metadata (abacusai.workflowgraphnode attribute)": [[146, "abacusai.WorkflowGraphNode.template_metadata", false]], "template_sql (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.template_sql", false]], "template_sql (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.template_sql", false]], "template_sql (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.template_sql", false]], "template_sql (abacusai.resolvedfeaturegrouptemplate attribute)": [[146, "abacusai.ResolvedFeatureGroupTemplate.template_sql", false]], "template_variable_options (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions attribute)": [[123, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.template_variable_options", false]], "template_variable_options (abacusai.featuregrouptemplatevariableoptions attribute)": [[146, "abacusai.FeatureGroupTemplateVariableOptions.template_variable_options", false]], "template_variables (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.template_variables", false]], "template_variables (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.template_variables", false]], "templatenodedetails (class in abacusai)": [[146, "abacusai.TemplateNodeDetails", false]], "templatenodedetails (class in abacusai.template_node_details)": [[239, "abacusai.template_node_details.TemplateNodeDetails", false]], "tesseract_fast (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.TESSERACT_FAST", false]], "tesseract_fast (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.TESSERACT_FAST", false], [27, "id123", false]], "tesseract_fast (abacusai.ocrmode attribute)": [[146, "abacusai.OcrMode.TESSERACT_FAST", false]], "test_by_item (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.test_by_item", false]], "test_by_item (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.test_by_item", false]], "test_by_item (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.test_by_item", false]], "test_feature_group_version (abacusai.eda attribute)": [[146, "abacusai.Eda.test_feature_group_version", false]], "test_feature_group_version (abacusai.eda.eda attribute)": [[94, "abacusai.eda.Eda.test_feature_group_version", false]], "test_feature_group_version (abacusai.eda_version.edaversion attribute)": [[101, "abacusai.eda_version.EdaVersion.test_feature_group_version", false]], "test_feature_group_version (abacusai.edaversion attribute)": [[146, "abacusai.EdaVersion.test_feature_group_version", false]], "test_last_items_length (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_last_items_length", false]], "test_last_items_length (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_last_items_length", false]], "test_last_items_length (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.test_last_items_length", false]], "test_on_user_split (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_on_user_split", false]], "test_on_user_split (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_on_user_split", false]], "test_on_user_split (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.test_on_user_split", false]], "test_row_indicator (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.test_row_indicator", false]], "test_split (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.documentclassificationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.documentsummarizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.documentvisualizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.documentclassificationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.documentsummarizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.documentvisualizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.sentimentdetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.test_split", false]], "test_split (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.sentenceboundarydetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.sentimentdetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.test_split", false]], "test_split (abacusai.cumulativeforecastingtrainingconfig attribute)": [[146, "abacusai.CumulativeForecastingTrainingConfig.test_split", false]], "test_split (abacusai.documentclassificationtrainingconfig attribute)": [[146, "abacusai.DocumentClassificationTrainingConfig.test_split", false]], "test_split (abacusai.documentsummarizationtrainingconfig attribute)": [[146, "abacusai.DocumentSummarizationTrainingConfig.test_split", false]], "test_split (abacusai.documentvisualizationtrainingconfig attribute)": [[146, "abacusai.DocumentVisualizationTrainingConfig.test_split", false]], "test_split (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.test_split", false]], "test_split (abacusai.namedentityextractiontrainingconfig attribute)": [[146, "abacusai.NamedEntityExtractionTrainingConfig.test_split", false]], "test_split (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.test_split", false]], "test_split (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.test_split", false]], "test_split (abacusai.sentenceboundarydetectiontrainingconfig attribute)": [[146, "abacusai.SentenceBoundaryDetectionTrainingConfig.test_split", false]], "test_split (abacusai.sentimentdetectiontrainingconfig attribute)": [[146, "abacusai.SentimentDetectionTrainingConfig.test_split", false]], "test_split (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.test_split", false]], "test_split_on_last_k_items (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_split_on_last_k_items", false]], "test_split_on_last_k_items (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_split_on_last_k_items", false]], "test_split_on_last_k_items (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.test_split_on_last_k_items", false]], "test_split_percentage_based (abacusai.api_class.enums.regressiontimesplitmethod attribute)": [[25, "abacusai.api_class.enums.RegressionTimeSplitMethod.TEST_SPLIT_PERCENTAGE_BASED", false]], "test_split_percentage_based (abacusai.api_class.regressiontimesplitmethod attribute)": [[27, "abacusai.api_class.RegressionTimeSplitMethod.TEST_SPLIT_PERCENTAGE_BASED", false]], "test_split_percentage_based (abacusai.regressiontimesplitmethod attribute)": [[146, "abacusai.RegressionTimeSplitMethod.TEST_SPLIT_PERCENTAGE_BASED", false]], "test_splitting_timestamp (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.test_splitting_timestamp", false]], "test_splitting_timestamp (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.test_splitting_timestamp", false]], "test_splitting_timestamp (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.test_splitting_timestamp", false]], "test_start (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.test_start", false]], "test_start (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.test_start", false]], "test_start (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.test_start", false]], "test_start (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.test_start", false]], "test_start (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.test_start", false]], "test_start (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.test_start", false]], "test_start_timestamp_based (abacusai.api_class.enums.regressiontimesplitmethod attribute)": [[25, "abacusai.api_class.enums.RegressionTimeSplitMethod.TEST_START_TIMESTAMP_BASED", false]], "test_start_timestamp_based (abacusai.api_class.regressiontimesplitmethod attribute)": [[27, "abacusai.api_class.RegressionTimeSplitMethod.TEST_START_TIMESTAMP_BASED", false]], "test_start_timestamp_based (abacusai.regressiontimesplitmethod attribute)": [[146, "abacusai.RegressionTimeSplitMethod.TEST_START_TIMESTAMP_BASED", false]], "test_window_length_hours (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_window_length_hours", false]], "test_window_length_hours (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_window_length_hours", false]], "test_window_length_hours (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.test_window_length_hours", false]], "testpointpredictions (class in abacusai)": [[146, "abacusai.TestPointPredictions", false]], "testpointpredictions (class in abacusai.test_point_predictions)": [[240, "abacusai.test_point_predictions.TestPointPredictions", false]], "text (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.text", false]], "text (abacusai.agentchatmessage attribute)": [[146, "abacusai.AgentChatMessage.text", false]], "text (abacusai.agentconversationmessage attribute)": [[146, "abacusai.AgentConversationMessage.text", false]], "text (abacusai.api_class.agentconversationmessage attribute)": [[27, "abacusai.api_class.AgentConversationMessage.text", false]], "text (abacusai.api_class.ai_agents.agentconversationmessage attribute)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.text", false]], "text (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.TEXT", false], [27, "id129", false]], "text (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.TEXT", false]], "text (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.TEXT", false]], "text (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.TEXT", false]], "text (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.TEXT", false]], "text (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.TEXT", false]], "text (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.text", false]], "text (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.text", false]], "text (abacusai.code_edit.codeedit attribute)": [[56, "abacusai.code_edit.CodeEdit.text", false]], "text (abacusai.codeedit attribute)": [[146, "abacusai.CodeEdit.text", false]], "text (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.text", false]], "text (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.text", false]], "text (abacusai.documenttype attribute)": [[146, "abacusai.DocumentType.TEXT", false]], "text (abacusai.nlpdocumentformat attribute)": [[146, "abacusai.NLPDocumentFormat.TEXT", false]], "text (abacusai.responsesectiontype attribute)": [[146, "abacusai.ResponseSectionType.TEXT", false]], "text_encoder (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.text_encoder", false]], "text_encoder (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.text_encoder", false]], "text_encoder (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.text_encoder", false]], "textresponsesection (class in abacusai)": [[146, "abacusai.TextResponseSection", false]], "textresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.TextResponseSection", false]], "textresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.TextResponseSection", false]], "tfrecord (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TFRECORD", false]], "tfrecord (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TFRECORD", false]], "tfrecord (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.TFRECORD", false]], "theme (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.theme", false]], "theme (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.theme", false]], "theme (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.theme", false]], "theme (abacusai.organizationexternalapplicationsettings attribute)": [[146, "abacusai.OrganizationExternalApplicationSettings.theme", false]], "theme_analysis (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.THEME_ANALYSIS", false]], "theme_analysis (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.THEME_ANALYSIS", false]], "theme_analysis (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.THEME_ANALYSIS", false]], "themeanalysisbatchpredictionargs (class in abacusai)": [[146, "abacusai.ThemeAnalysisBatchPredictionArgs", false]], "themeanalysisbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs", false]], "themeanalysisbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs", false]], "themeanalysistrainingconfig (class in abacusai)": [[146, "abacusai.ThemeAnalysisTrainingConfig", false]], "themeanalysistrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ThemeAnalysisTrainingConfig", false]], "themeanalysistrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ThemeAnalysisTrainingConfig", false]], "thorough (abacusai.api_class.enums.experimentationmode attribute)": [[25, "abacusai.api_class.enums.ExperimentationMode.THOROUGH", false]], "thorough (abacusai.api_class.enums.partialdependenceanalysis attribute)": [[25, "abacusai.api_class.enums.PartialDependenceAnalysis.THOROUGH", false]], "thorough (abacusai.api_class.enums.regressiontreehpomode attribute)": [[25, "abacusai.api_class.enums.RegressionTreeHPOMode.THOROUGH", false]], "thorough (abacusai.api_class.experimentationmode attribute)": [[27, "abacusai.api_class.ExperimentationMode.THOROUGH", false]], "thorough (abacusai.api_class.partialdependenceanalysis attribute)": [[27, "abacusai.api_class.PartialDependenceAnalysis.THOROUGH", false]], "thorough (abacusai.api_class.regressiontreehpomode attribute)": [[27, "abacusai.api_class.RegressionTreeHPOMode.THOROUGH", false]], "thorough (abacusai.experimentationmode attribute)": [[146, "abacusai.ExperimentationMode.THOROUGH", false]], "thorough (abacusai.partialdependenceanalysis attribute)": [[146, "abacusai.PartialDependenceAnalysis.THOROUGH", false]], "thorough (abacusai.regressiontreehpomode attribute)": [[146, "abacusai.RegressionTreeHPOMode.THOROUGH", false]], "threshold (abacusai.accuracybelowthresholdconditionconfig attribute)": [[146, "abacusai.AccuracyBelowThresholdConditionConfig.threshold", false]], "threshold (abacusai.api_class.accuracybelowthresholdconditionconfig attribute)": [[27, "abacusai.api_class.AccuracyBelowThresholdConditionConfig.threshold", false]], "threshold (abacusai.api_class.biasviolationconditionconfig attribute)": [[27, "abacusai.api_class.BiasViolationConditionConfig.threshold", false]], "threshold (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.historylengthdriftconditionconfig attribute)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.accuracybelowthresholdconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.biasviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.historylengthdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.predictioncountconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.targetdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.predictioncountconditionconfig attribute)": [[27, "abacusai.api_class.PredictionCountConditionConfig.threshold", false]], "threshold (abacusai.api_class.targetdriftconditionconfig attribute)": [[27, "abacusai.api_class.TargetDriftConditionConfig.threshold", false]], "threshold (abacusai.biasviolationconditionconfig attribute)": [[146, "abacusai.BiasViolationConditionConfig.threshold", false]], "threshold (abacusai.featuredriftconditionconfig attribute)": [[146, "abacusai.FeatureDriftConditionConfig.threshold", false]], "threshold (abacusai.historylengthdriftconditionconfig attribute)": [[146, "abacusai.HistoryLengthDriftConditionConfig.threshold", false]], "threshold (abacusai.predictioncountconditionconfig attribute)": [[146, "abacusai.PredictionCountConditionConfig.threshold", false]], "threshold (abacusai.targetdriftconditionconfig attribute)": [[146, "abacusai.TargetDriftConditionConfig.threshold", false]], "threshold_score (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.threshold_score", false]], "threshold_score (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.threshold_score", false]], "threshold_score (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.threshold_score", false]], "threshold_type (abacusai.api_class.monitor.stddevthreshold attribute)": [[29, "abacusai.api_class.monitor.StdDevThreshold.threshold_type", false]], "threshold_type (abacusai.api_class.stddevthreshold attribute)": [[27, "abacusai.api_class.StdDevThreshold.threshold_type", false]], "threshold_type (abacusai.stddevthreshold attribute)": [[146, "abacusai.StdDevThreshold.threshold_type", false]], "thumbnail_height (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.thumbnail_height", false]], "thumbnail_height (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.thumbnail_height", false]], "thumbnail_height (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.thumbnail_height", false]], "thumbnail_height (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.thumbnail_height", false]], "thumbnail_url (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.video_search_result.videosearchresult attribute)": [[251, "abacusai.video_search_result.VideoSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.videosearchresult attribute)": [[146, "abacusai.VideoSearchResult.thumbnail_url", false]], "thumbnail_width (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.thumbnail_width", false]], "thumbnail_width (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.thumbnail_width", false]], "thumbnail_width (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.thumbnail_width", false]], "thumbnail_width (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.thumbnail_width", false]], "tif (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TIF", false]], "tif (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TIF", false]], "tif (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.TIF", false]], "time_format (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.time_format", false]], "time_format (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.time_format", false]], "time_window (abacusai.api_class.enums.mergemode attribute)": [[25, "abacusai.api_class.enums.MergeMode.TIME_WINDOW", false]], "time_window (abacusai.api_class.mergemode attribute)": [[27, "abacusai.api_class.MergeMode.TIME_WINDOW", false]], "time_window (abacusai.mergemode attribute)": [[146, "abacusai.MergeMode.TIME_WINDOW", false]], "time_window_size_ms (abacusai.api_class.feature_group.timewindowmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.time_window_size_ms", false]], "time_window_size_ms (abacusai.api_class.timewindowmergeconfig attribute)": [[27, "abacusai.api_class.TimeWindowMergeConfig.time_window_size_ms", false]], "time_window_size_ms (abacusai.timewindowmergeconfig attribute)": [[146, "abacusai.TimeWindowMergeConfig.time_window_size_ms", false]], "timeout (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.timeout", false]], "timeout (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.timeout", false]], "timeout (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.timeout", false]], "timeout (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.timeout", false]], "timeout_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.timeout_at", false]], "timeout_at (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.timeout_at", false]], "timeout_minutes (abacusai.api_class.customalgorithmtrainingconfig attribute)": [[27, "abacusai.api_class.CustomAlgorithmTrainingConfig.timeout_minutes", false]], "timeout_minutes (abacusai.api_class.model.customalgorithmtrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomAlgorithmTrainingConfig.timeout_minutes", false]], "timeout_minutes (abacusai.customalgorithmtrainingconfig attribute)": [[146, "abacusai.CustomAlgorithmTrainingConfig.timeout_minutes", false]], "timeseries_frequency (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.timeseries_frequency", false]], "timeseries_frequency (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.timeseries_frequency", false]], "timeseries_frequency (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.timeseries_frequency", false]], "timeseries_loss_weight_column (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.timeseries_loss_weight_column", false]], "timeseries_loss_weight_column (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.timeseries_loss_weight_column", false]], "timeseries_loss_weight_column (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.timeseries_loss_weight_column", false]], "timeseries_weight_column (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.timeseries_weight_column", false]], "timeseries_weight_column (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.timeseries_weight_column", false]], "timeseries_weight_column (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.timeseries_weight_column", false]], "timeseriesanomalydatasplittype (class in abacusai)": [[146, "abacusai.TimeseriesAnomalyDataSplitType", false]], "timeseriesanomalydatasplittype (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyDataSplitType", false]], "timeseriesanomalydatasplittype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType", false]], "timeseriesanomalypredictionarguments (class in abacusai)": [[146, "abacusai.TimeseriesAnomalyPredictionArguments", false]], "timeseriesanomalypredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments", false]], "timeseriesanomalypredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments", false]], "timeseriesanomalytrainingconfig (class in abacusai)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig", false]], "timeseriesanomalytrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig", false]], "timeseriesanomalytrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig", false]], "timeseriesanomalytypeofanomaly (class in abacusai)": [[146, "abacusai.TimeseriesAnomalyTypeOfAnomaly", false]], "timeseriesanomalytypeofanomaly (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly", false]], "timeseriesanomalytypeofanomaly (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly", false]], "timeseriesanomalyuseheuristic (class in abacusai)": [[146, "abacusai.TimeseriesAnomalyUseHeuristic", false]], "timeseriesanomalyuseheuristic (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic", false]], "timeseriesanomalyuseheuristic (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic", false]], "timestamp (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.api_class.enums.timeseriesanomalydatasplittype attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.api_class.timeseriesanomalydatasplittype attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.chat_message.chatmessage attribute)": [[47, "abacusai.chat_message.ChatMessage.timestamp", false]], "timestamp (abacusai.chatmessage attribute)": [[146, "abacusai.ChatMessage.timestamp", false]], "timestamp (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.timestamp", false]], "timestamp (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.timestamp", false]], "timestamp (abacusai.forecastingdatasplittype attribute)": [[146, "abacusai.ForecastingDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.timeseriesanomalydatasplittype attribute)": [[146, "abacusai.TimeseriesAnomalyDataSplitType.TIMESTAMP", false]], "timestamp_based (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.TIMESTAMP_BASED", false]], "timestamp_based (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.TIMESTAMP_BASED", false]], "timestamp_based (abacusai.regressiontypeofsplit attribute)": [[146, "abacusai.RegressionTypeOfSplit.TIMESTAMP_BASED", false]], "timestamp_based_splitting_column (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.timestamp_based_splitting_column", false]], "timestamp_based_splitting_column (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.timestamp_based_splitting_column", false]], "timestamp_based_splitting_column (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.timestamp_based_splitting_column", false]], "timestamp_based_splitting_method (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.timestamp_based_splitting_method", false]], "timestamp_based_splitting_method (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.timestamp_based_splitting_method", false]], "timestamp_based_splitting_method (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.timestamp_based_splitting_method", false]], "timestamp_column (abacusai.api_class.dataset.incrementaldatabaseconnectorconfig attribute)": [[21, "abacusai.api_class.dataset.IncrementalDatabaseConnectorConfig.timestamp_column", false]], "timestamp_column (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.timestamp_column", false]], "timestamp_column (abacusai.api_class.incrementaldatabaseconnectorconfig attribute)": [[27, "abacusai.api_class.IncrementalDatabaseConnectorConfig.timestamp_column", false]], "timestamp_column (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.timestamp_column", false]], "timestamp_column (abacusai.forecastingmonitorconfig attribute)": [[146, "abacusai.ForecastingMonitorConfig.timestamp_column", false]], "timestamp_column (abacusai.incrementaldatabaseconnectorconfig attribute)": [[146, "abacusai.IncrementalDatabaseConnectorConfig.timestamp_column", false]], "timestamp_feature (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.timestamp_feature", false]], "timestamp_feature (abacusai.edaforecastinganalysis attribute)": [[146, "abacusai.EdaForecastingAnalysis.timestamp_feature", false]], "timestamp_frequency (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.timestamp_frequency", false]], "timestamp_frequency (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.timestamp_frequency", false]], "timestamp_key (abacusai.point_in_time_feature.pointintimefeature attribute)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.timestamp_key", false]], "timestamp_key (abacusai.pointintimefeature attribute)": [[146, "abacusai.PointInTimeFeature.timestamp_key", false]], "timestamp_ms (abacusai.prediction_log_record.predictionlogrecord attribute)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.timestamp_ms", false]], "timestamp_ms (abacusai.predictionlogrecord attribute)": [[146, "abacusai.PredictionLogRecord.timestamp_ms", false]], "timewindowconfig (class in abacusai)": [[146, "abacusai.TimeWindowConfig", false]], "timewindowconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeWindowConfig", false]], "timewindowconfig (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.TimeWindowConfig", false]], "timewindowmergeconfig (class in abacusai)": [[146, "abacusai.TimeWindowMergeConfig", false]], "timewindowmergeconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeWindowMergeConfig", false]], "timewindowmergeconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig", false]], "title (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.title", false]], "title (abacusai.api_class.collapseresponsesection attribute)": [[27, "abacusai.api_class.CollapseResponseSection.title", false]], "title (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.title", false]], "title (abacusai.api_class.segments.collapseresponsesection attribute)": [[34, "abacusai.api_class.segments.CollapseResponseSection.title", false]], "title (abacusai.collapseresponsesection attribute)": [[146, "abacusai.CollapseResponseSection.title", false]], "title (abacusai.hotkeyprompt attribute)": [[146, "abacusai.HotkeyPrompt.title", false]], "title (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.title", false]], "title (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.title", false]], "title (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.title", false]], "title (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.title", false]], "title (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.title", false]], "title (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.title", false]], "title (abacusai.video_search_result.videosearchresult attribute)": [[251, "abacusai.video_search_result.VideoSearchResult.title", false]], "title (abacusai.videosearchresult attribute)": [[146, "abacusai.VideoSearchResult.title", false]], "title (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.title", false]], "title (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.title", false]], "to_dict() (abacusai.abacus_api.abacusapi method)": [[0, "abacusai.abacus_api.AbacusApi.to_dict", false]], "to_dict() (abacusai.abacusapi method)": [[146, "abacusai.AbacusApi.to_dict", false]], "to_dict() (abacusai.address method)": [[146, "abacusai.Address.to_dict", false]], "to_dict() (abacusai.address.address method)": [[1, "abacusai.address.Address.to_dict", false]], "to_dict() (abacusai.agent method)": [[146, "abacusai.Agent.to_dict", false]], "to_dict() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.to_dict", false]], "to_dict() (abacusai.agent_chat_message.agentchatmessage method)": [[3, "abacusai.agent_chat_message.AgentChatMessage.to_dict", false]], "to_dict() (abacusai.agent_conversation.agentconversation method)": [[4, "abacusai.agent_conversation.AgentConversation.to_dict", false]], "to_dict() (abacusai.agent_data_document_info.agentdatadocumentinfo method)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.to_dict", false]], "to_dict() (abacusai.agent_data_execution_result.agentdataexecutionresult method)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.to_dict", false]], "to_dict() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.to_dict", false]], "to_dict() (abacusai.agentchatmessage method)": [[146, "abacusai.AgentChatMessage.to_dict", false]], "to_dict() (abacusai.agentconversation method)": [[146, "abacusai.AgentConversation.to_dict", false]], "to_dict() (abacusai.agentconversationmessage method)": [[146, "abacusai.AgentConversationMessage.to_dict", false]], "to_dict() (abacusai.agentdatadocumentinfo method)": [[146, "abacusai.AgentDataDocumentInfo.to_dict", false]], "to_dict() (abacusai.agentdataexecutionresult method)": [[146, "abacusai.AgentDataExecutionResult.to_dict", false]], "to_dict() (abacusai.agentresponse method)": [[146, "abacusai.AgentResponse.to_dict", false]], "to_dict() (abacusai.agentversion method)": [[146, "abacusai.AgentVersion.to_dict", false]], "to_dict() (abacusai.ai_building_task.aibuildingtask method)": [[8, "abacusai.ai_building_task.AiBuildingTask.to_dict", false]], "to_dict() (abacusai.aibuildingtask method)": [[146, "abacusai.AiBuildingTask.to_dict", false]], "to_dict() (abacusai.algorithm method)": [[146, "abacusai.Algorithm.to_dict", false]], "to_dict() (abacusai.algorithm.algorithm method)": [[9, "abacusai.algorithm.Algorithm.to_dict", false]], "to_dict() (abacusai.annotation method)": [[146, "abacusai.Annotation.to_dict", false]], "to_dict() (abacusai.annotation.annotation method)": [[10, "abacusai.annotation.Annotation.to_dict", false]], "to_dict() (abacusai.annotation_config.annotationconfig method)": [[11, "abacusai.annotation_config.AnnotationConfig.to_dict", false]], "to_dict() (abacusai.annotation_document.annotationdocument method)": [[12, "abacusai.annotation_document.AnnotationDocument.to_dict", false]], "to_dict() (abacusai.annotation_entry.annotationentry method)": [[13, "abacusai.annotation_entry.AnnotationEntry.to_dict", false]], "to_dict() (abacusai.annotationconfig method)": [[146, "abacusai.AnnotationConfig.to_dict", false]], "to_dict() (abacusai.annotationdocument method)": [[146, "abacusai.AnnotationDocument.to_dict", false]], "to_dict() (abacusai.annotationentry method)": [[146, "abacusai.AnnotationEntry.to_dict", false]], "to_dict() (abacusai.annotations_status.annotationsstatus method)": [[14, "abacusai.annotations_status.AnnotationsStatus.to_dict", false]], "to_dict() (abacusai.annotationsstatus method)": [[146, "abacusai.AnnotationsStatus.to_dict", false]], "to_dict() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.to_dict", false]], "to_dict() (abacusai.api_class.agentconversationmessage method)": [[27, "abacusai.api_class.AgentConversationMessage.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.agentconversationmessage method)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.triggerconfig method)": [[16, "abacusai.api_class.ai_agents.TriggerConfig.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflowgraph method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeinputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeinputschema method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeoutputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeoutputschema method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodetemplateconfig method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodetemplateinput method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodetemplateoutput method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.to_dict", false]], "to_dict() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.to_dict", false], [27, "id103", false], [27, "id12", false], [27, "id146", false], [27, "id179", false], [27, "id198", false], [27, "id216", false], [27, "id235", false], [27, "id254", false], [27, "id26", false], [27, "id268", false], [27, "id287", false], [27, "id40", false], [27, "id59", false], [27, "id84", false]], "to_dict() (abacusai.api_class.collapseresponsesection method)": [[27, "abacusai.api_class.CollapseResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.databaseconnectorexportconfig method)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.fileconnectorexportconfig method)": [[27, "abacusai.api_class.FileConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.forecastingmonitorconfig method)": [[27, "abacusai.api_class.ForecastingMonitorConfig.to_dict", false]], "to_dict() (abacusai.api_class.itemattributesstddevthreshold method)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.monitor.forecastingmonitorconfig method)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitor.itemattributesstddevthreshold method)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.monitor.monitorfilteringconfig method)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitor.restrictfeaturemappings method)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.to_dict", false]], "to_dict() (abacusai.api_class.monitor.stddevthreshold method)": [[29, "abacusai.api_class.monitor.StdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.monitor.timewindowconfig method)": [[29, "abacusai.api_class.monitor.TimeWindowConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitor_alert.monitorthresholdconfig method)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitorfilteringconfig method)": [[27, "abacusai.api_class.MonitorFilteringConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitorthresholdconfig method)": [[27, "abacusai.api_class.MonitorThresholdConfig.to_dict", false]], "to_dict() (abacusai.api_class.refresh.databaseconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.refresh.fileconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.responsesection method)": [[27, "abacusai.api_class.ResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.restrictfeaturemappings method)": [[27, "abacusai.api_class.RestrictFeatureMappings.to_dict", false]], "to_dict() (abacusai.api_class.segments.collapseresponsesection method)": [[34, "abacusai.api_class.segments.CollapseResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.segments.responsesection method)": [[34, "abacusai.api_class.segments.ResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.stddevthreshold method)": [[27, "abacusai.api_class.StdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.timewindowconfig method)": [[27, "abacusai.api_class.TimeWindowConfig.to_dict", false]], "to_dict() (abacusai.api_class.triggerconfig method)": [[27, "abacusai.api_class.TriggerConfig.to_dict", false]], "to_dict() (abacusai.api_class.workflowgraph method)": [[27, "abacusai.api_class.WorkflowGraph.to_dict", false]], "to_dict() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeinputmapping method)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeinputschema method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeoutputmapping method)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeoutputschema method)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema.to_dict", false]], "to_dict() (abacusai.api_class.workflownodetemplateconfig method)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.to_dict", false]], "to_dict() (abacusai.api_class.workflownodetemplateinput method)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.to_dict", false]], "to_dict() (abacusai.api_class.workflownodetemplateoutput method)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.to_dict", false]], "to_dict() (abacusai.api_endpoint.apiendpoint method)": [[36, "abacusai.api_endpoint.ApiEndpoint.to_dict", false]], "to_dict() (abacusai.api_key.apikey method)": [[37, "abacusai.api_key.ApiKey.to_dict", false]], "to_dict() (abacusai.apiclass method)": [[146, "abacusai.ApiClass.to_dict", false]], "to_dict() (abacusai.apiendpoint method)": [[146, "abacusai.ApiEndpoint.to_dict", false]], "to_dict() (abacusai.apikey method)": [[146, "abacusai.ApiKey.to_dict", false]], "to_dict() (abacusai.app_user_group.appusergroup method)": [[38, "abacusai.app_user_group.AppUserGroup.to_dict", false]], "to_dict() (abacusai.app_user_group_sign_in_token.appusergroupsignintoken method)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.to_dict", false]], "to_dict() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.to_dict", false]], "to_dict() (abacusai.applicationconnector method)": [[146, "abacusai.ApplicationConnector.to_dict", false]], "to_dict() (abacusai.appusergroup method)": [[146, "abacusai.AppUserGroup.to_dict", false]], "to_dict() (abacusai.appusergroupsignintoken method)": [[146, "abacusai.AppUserGroupSignInToken.to_dict", false]], "to_dict() (abacusai.audio_gen_settings.audiogensettings method)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.to_dict", false]], "to_dict() (abacusai.audiogensettings method)": [[146, "abacusai.AudioGenSettings.to_dict", false]], "to_dict() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.to_dict", false]], "to_dict() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.to_dict", false]], "to_dict() (abacusai.batch_prediction_version_logs.batchpredictionversionlogs method)": [[44, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.to_dict", false]], "to_dict() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.to_dict", false]], "to_dict() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.to_dict", false]], "to_dict() (abacusai.batchpredictionversionlogs method)": [[146, "abacusai.BatchPredictionVersionLogs.to_dict", false]], "to_dict() (abacusai.bot_info.botinfo method)": [[45, "abacusai.bot_info.BotInfo.to_dict", false]], "to_dict() (abacusai.botinfo method)": [[146, "abacusai.BotInfo.to_dict", false]], "to_dict() (abacusai.categorical_range_violation.categoricalrangeviolation method)": [[46, "abacusai.categorical_range_violation.CategoricalRangeViolation.to_dict", false]], "to_dict() (abacusai.categoricalrangeviolation method)": [[146, "abacusai.CategoricalRangeViolation.to_dict", false]], "to_dict() (abacusai.chat_message.chatmessage method)": [[47, "abacusai.chat_message.ChatMessage.to_dict", false]], "to_dict() (abacusai.chat_session.chatsession method)": [[48, "abacusai.chat_session.ChatSession.to_dict", false]], "to_dict() (abacusai.chatllm_computer.chatllmcomputer method)": [[49, "abacusai.chatllm_computer.ChatllmComputer.to_dict", false]], "to_dict() (abacusai.chatllm_referral_invite.chatllmreferralinvite method)": [[50, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.to_dict", false]], "to_dict() (abacusai.chatllm_task.chatllmtask method)": [[51, "abacusai.chatllm_task.ChatllmTask.to_dict", false]], "to_dict() (abacusai.chatllmcomputer method)": [[146, "abacusai.ChatllmComputer.to_dict", false]], "to_dict() (abacusai.chatllmreferralinvite method)": [[146, "abacusai.ChatllmReferralInvite.to_dict", false]], "to_dict() (abacusai.chatllmtask method)": [[146, "abacusai.ChatllmTask.to_dict", false]], "to_dict() (abacusai.chatmessage method)": [[146, "abacusai.ChatMessage.to_dict", false]], "to_dict() (abacusai.chatsession method)": [[146, "abacusai.ChatSession.to_dict", false]], "to_dict() (abacusai.client.agentresponse method)": [[52, "abacusai.client.AgentResponse.to_dict", false]], "to_dict() (abacusai.code_agent_response.codeagentresponse method)": [[53, "abacusai.code_agent_response.CodeAgentResponse.to_dict", false]], "to_dict() (abacusai.code_autocomplete_response.codeautocompleteresponse method)": [[54, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.to_dict", false]], "to_dict() (abacusai.code_bot.codebot method)": [[55, "abacusai.code_bot.CodeBot.to_dict", false]], "to_dict() (abacusai.code_edit.codeedit method)": [[56, "abacusai.code_edit.CodeEdit.to_dict", false]], "to_dict() (abacusai.code_edit_response.codeeditresponse method)": [[57, "abacusai.code_edit_response.CodeEditResponse.to_dict", false]], "to_dict() (abacusai.code_edits.codeedits method)": [[58, "abacusai.code_edits.CodeEdits.to_dict", false]], "to_dict() (abacusai.code_source.codesource method)": [[59, "abacusai.code_source.CodeSource.to_dict", false]], "to_dict() (abacusai.codeagentresponse method)": [[146, "abacusai.CodeAgentResponse.to_dict", false]], "to_dict() (abacusai.codeautocompleteresponse method)": [[146, "abacusai.CodeAutocompleteResponse.to_dict", false]], "to_dict() (abacusai.codebot method)": [[146, "abacusai.CodeBot.to_dict", false]], "to_dict() (abacusai.codeedit method)": [[146, "abacusai.CodeEdit.to_dict", false]], "to_dict() (abacusai.codeeditresponse method)": [[146, "abacusai.CodeEditResponse.to_dict", false]], "to_dict() (abacusai.codeedits method)": [[146, "abacusai.CodeEdits.to_dict", false]], "to_dict() (abacusai.codesource method)": [[146, "abacusai.CodeSource.to_dict", false]], "to_dict() (abacusai.collapseresponsesection method)": [[146, "abacusai.CollapseResponseSection.to_dict", false]], "to_dict() (abacusai.compute_point_info.computepointinfo method)": [[60, "abacusai.compute_point_info.ComputePointInfo.to_dict", false]], "to_dict() (abacusai.computepointinfo method)": [[146, "abacusai.ComputePointInfo.to_dict", false]], "to_dict() (abacusai.concatenation_config.concatenationconfig method)": [[61, "abacusai.concatenation_config.ConcatenationConfig.to_dict", false]], "to_dict() (abacusai.concatenationconfig method)": [[146, "abacusai.ConcatenationConfig.to_dict", false]], "to_dict() (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs method)": [[62, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.to_dict", false]], "to_dict() (abacusai.cpugpumemoryspecs method)": [[146, "abacusai.CpuGpuMemorySpecs.to_dict", false]], "to_dict() (abacusai.custom_chat_instructions.customchatinstructions method)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.to_dict", false]], "to_dict() (abacusai.custom_loss_function.customlossfunction method)": [[65, "abacusai.custom_loss_function.CustomLossFunction.to_dict", false]], "to_dict() (abacusai.custom_metric.custommetric method)": [[66, "abacusai.custom_metric.CustomMetric.to_dict", false]], "to_dict() (abacusai.custom_metric_version.custommetricversion method)": [[67, "abacusai.custom_metric_version.CustomMetricVersion.to_dict", false]], "to_dict() (abacusai.custom_train_function_info.customtrainfunctioninfo method)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.to_dict", false]], "to_dict() (abacusai.customchatinstructions method)": [[146, "abacusai.CustomChatInstructions.to_dict", false]], "to_dict() (abacusai.customlossfunction method)": [[146, "abacusai.CustomLossFunction.to_dict", false]], "to_dict() (abacusai.custommetric method)": [[146, "abacusai.CustomMetric.to_dict", false]], "to_dict() (abacusai.custommetricversion method)": [[146, "abacusai.CustomMetricVersion.to_dict", false]], "to_dict() (abacusai.customtrainfunctioninfo method)": [[146, "abacusai.CustomTrainFunctionInfo.to_dict", false]], "to_dict() (abacusai.data_consistency_duplication.dataconsistencyduplication method)": [[69, "abacusai.data_consistency_duplication.DataConsistencyDuplication.to_dict", false]], "to_dict() (abacusai.data_metrics.datametrics method)": [[70, "abacusai.data_metrics.DataMetrics.to_dict", false]], "to_dict() (abacusai.data_prep_logs.datapreplogs method)": [[71, "abacusai.data_prep_logs.DataPrepLogs.to_dict", false]], "to_dict() (abacusai.data_quality_results.dataqualityresults method)": [[72, "abacusai.data_quality_results.DataQualityResults.to_dict", false]], "to_dict() (abacusai.data_upload_result.datauploadresult method)": [[73, "abacusai.data_upload_result.DataUploadResult.to_dict", false]], "to_dict() (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping method)": [[74, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.to_dict", false]], "to_dict() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.to_dict", false]], "to_dict() (abacusai.database_connector_column.databaseconnectorcolumn method)": [[76, "abacusai.database_connector_column.DatabaseConnectorColumn.to_dict", false]], "to_dict() (abacusai.database_connector_schema.databaseconnectorschema method)": [[77, "abacusai.database_connector_schema.DatabaseConnectorSchema.to_dict", false]], "to_dict() (abacusai.databasecolumnfeaturemapping method)": [[146, "abacusai.DatabaseColumnFeatureMapping.to_dict", false]], "to_dict() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.to_dict", false]], "to_dict() (abacusai.databaseconnectorcolumn method)": [[146, "abacusai.DatabaseConnectorColumn.to_dict", false]], "to_dict() (abacusai.databaseconnectorexportconfig method)": [[146, "abacusai.DatabaseConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.databaseconnectorschema method)": [[146, "abacusai.DatabaseConnectorSchema.to_dict", false]], "to_dict() (abacusai.dataconsistencyduplication method)": [[146, "abacusai.DataConsistencyDuplication.to_dict", false]], "to_dict() (abacusai.datametrics method)": [[146, "abacusai.DataMetrics.to_dict", false]], "to_dict() (abacusai.datapreplogs method)": [[146, "abacusai.DataPrepLogs.to_dict", false]], "to_dict() (abacusai.dataqualityresults method)": [[146, "abacusai.DataQualityResults.to_dict", false]], "to_dict() (abacusai.dataset method)": [[146, "abacusai.Dataset.to_dict", false]], "to_dict() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.to_dict", false]], "to_dict() (abacusai.dataset_column.datasetcolumn method)": [[79, "abacusai.dataset_column.DatasetColumn.to_dict", false]], "to_dict() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.to_dict", false]], "to_dict() (abacusai.dataset_version_logs.datasetversionlogs method)": [[81, "abacusai.dataset_version_logs.DatasetVersionLogs.to_dict", false]], "to_dict() (abacusai.datasetcolumn method)": [[146, "abacusai.DatasetColumn.to_dict", false]], "to_dict() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.to_dict", false]], "to_dict() (abacusai.datasetversionlogs method)": [[146, "abacusai.DatasetVersionLogs.to_dict", false]], "to_dict() (abacusai.datauploadresult method)": [[146, "abacusai.DataUploadResult.to_dict", false]], "to_dict() (abacusai.deployment method)": [[146, "abacusai.Deployment.to_dict", false]], "to_dict() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.to_dict", false]], "to_dict() (abacusai.deployment_auth_token.deploymentauthtoken method)": [[83, "abacusai.deployment_auth_token.DeploymentAuthToken.to_dict", false]], "to_dict() (abacusai.deployment_conversation.deploymentconversation method)": [[84, "abacusai.deployment_conversation.DeploymentConversation.to_dict", false]], "to_dict() (abacusai.deployment_conversation_event.deploymentconversationevent method)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.to_dict", false]], "to_dict() (abacusai.deployment_conversation_export.deploymentconversationexport method)": [[86, "abacusai.deployment_conversation_export.DeploymentConversationExport.to_dict", false]], "to_dict() (abacusai.deployment_statistics.deploymentstatistics method)": [[87, "abacusai.deployment_statistics.DeploymentStatistics.to_dict", false]], "to_dict() (abacusai.deploymentauthtoken method)": [[146, "abacusai.DeploymentAuthToken.to_dict", false]], "to_dict() (abacusai.deploymentconversation method)": [[146, "abacusai.DeploymentConversation.to_dict", false]], "to_dict() (abacusai.deploymentconversationevent method)": [[146, "abacusai.DeploymentConversationEvent.to_dict", false]], "to_dict() (abacusai.deploymentconversationexport method)": [[146, "abacusai.DeploymentConversationExport.to_dict", false]], "to_dict() (abacusai.deploymentstatistics method)": [[146, "abacusai.DeploymentStatistics.to_dict", false]], "to_dict() (abacusai.document_data.documentdata method)": [[88, "abacusai.document_data.DocumentData.to_dict", false]], "to_dict() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.to_dict", false]], "to_dict() (abacusai.document_retriever_lookup_result.documentretrieverlookupresult method)": [[90, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.to_dict", false]], "to_dict() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.to_dict", false]], "to_dict() (abacusai.documentdata method)": [[146, "abacusai.DocumentData.to_dict", false]], "to_dict() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.to_dict", false]], "to_dict() (abacusai.documentretrieverlookupresult method)": [[146, "abacusai.DocumentRetrieverLookupResult.to_dict", false]], "to_dict() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.to_dict", false]], "to_dict() (abacusai.drift_distribution.driftdistribution method)": [[92, "abacusai.drift_distribution.DriftDistribution.to_dict", false]], "to_dict() (abacusai.drift_distributions.driftdistributions method)": [[93, "abacusai.drift_distributions.DriftDistributions.to_dict", false]], "to_dict() (abacusai.driftdistribution method)": [[146, "abacusai.DriftDistribution.to_dict", false]], "to_dict() (abacusai.driftdistributions method)": [[146, "abacusai.DriftDistributions.to_dict", false]], "to_dict() (abacusai.eda method)": [[146, "abacusai.Eda.to_dict", false]], "to_dict() (abacusai.eda.eda method)": [[94, "abacusai.eda.Eda.to_dict", false]], "to_dict() (abacusai.eda_chart_description.edachartdescription method)": [[95, "abacusai.eda_chart_description.EdaChartDescription.to_dict", false]], "to_dict() (abacusai.eda_collinearity.edacollinearity method)": [[96, "abacusai.eda_collinearity.EdaCollinearity.to_dict", false]], "to_dict() (abacusai.eda_data_consistency.edadataconsistency method)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.to_dict", false]], "to_dict() (abacusai.eda_feature_association.edafeatureassociation method)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.to_dict", false]], "to_dict() (abacusai.eda_feature_collinearity.edafeaturecollinearity method)": [[99, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.to_dict", false]], "to_dict() (abacusai.eda_forecasting_analysis.edaforecastinganalysis method)": [[100, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.to_dict", false]], "to_dict() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.to_dict", false]], "to_dict() (abacusai.edachartdescription method)": [[146, "abacusai.EdaChartDescription.to_dict", false]], "to_dict() (abacusai.edacollinearity method)": [[146, "abacusai.EdaCollinearity.to_dict", false]], "to_dict() (abacusai.edadataconsistency method)": [[146, "abacusai.EdaDataConsistency.to_dict", false]], "to_dict() (abacusai.edafeatureassociation method)": [[146, "abacusai.EdaFeatureAssociation.to_dict", false]], "to_dict() (abacusai.edafeaturecollinearity method)": [[146, "abacusai.EdaFeatureCollinearity.to_dict", false]], "to_dict() (abacusai.edaforecastinganalysis method)": [[146, "abacusai.EdaForecastingAnalysis.to_dict", false]], "to_dict() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.to_dict", false]], "to_dict() (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution method)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.to_dict", false]], "to_dict() (abacusai.embeddingfeaturedriftdistribution method)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.to_dict", false]], "to_dict() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.to_dict", false]], "to_dict() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.to_dict", false]], "to_dict() (abacusai.external_application.externalapplication method)": [[104, "abacusai.external_application.ExternalApplication.to_dict", false]], "to_dict() (abacusai.external_invite.externalinvite method)": [[105, "abacusai.external_invite.ExternalInvite.to_dict", false]], "to_dict() (abacusai.externalapplication method)": [[146, "abacusai.ExternalApplication.to_dict", false]], "to_dict() (abacusai.externalinvite method)": [[146, "abacusai.ExternalInvite.to_dict", false]], "to_dict() (abacusai.extracted_fields.extractedfields method)": [[106, "abacusai.extracted_fields.ExtractedFields.to_dict", false]], "to_dict() (abacusai.extractedfields method)": [[146, "abacusai.ExtractedFields.to_dict", false]], "to_dict() (abacusai.feature method)": [[146, "abacusai.Feature.to_dict", false]], "to_dict() (abacusai.feature.feature method)": [[107, "abacusai.feature.Feature.to_dict", false]], "to_dict() (abacusai.feature_distribution.featuredistribution method)": [[108, "abacusai.feature_distribution.FeatureDistribution.to_dict", false]], "to_dict() (abacusai.feature_drift_record.featuredriftrecord method)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.to_dict", false]], "to_dict() (abacusai.feature_drift_summary.featuredriftsummary method)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.to_dict", false]], "to_dict() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.to_dict", false]], "to_dict() (abacusai.feature_group_document.featuregroupdocument method)": [[112, "abacusai.feature_group_document.FeatureGroupDocument.to_dict", false]], "to_dict() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.to_dict", false]], "to_dict() (abacusai.feature_group_export_config.featuregroupexportconfig method)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.to_dict", false]], "to_dict() (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl method)": [[115, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.to_dict", false]], "to_dict() (abacusai.feature_group_lineage.featuregrouplineage method)": [[116, "abacusai.feature_group_lineage.FeatureGroupLineage.to_dict", false]], "to_dict() (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig method)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.to_dict", false]], "to_dict() (abacusai.feature_group_row.featuregrouprow method)": [[118, "abacusai.feature_group_row.FeatureGroupRow.to_dict", false]], "to_dict() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.to_dict", false]], "to_dict() (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs method)": [[120, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.to_dict", false]], "to_dict() (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary method)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.to_dict", false]], "to_dict() (abacusai.feature_group_template.featuregrouptemplate method)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions method)": [[123, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.to_dict", false]], "to_dict() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.to_dict", false]], "to_dict() (abacusai.feature_group_version_logs.featuregroupversionlogs method)": [[125, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.to_dict", false]], "to_dict() (abacusai.feature_importance.featureimportance method)": [[126, "abacusai.feature_importance.FeatureImportance.to_dict", false]], "to_dict() (abacusai.feature_mapping.featuremapping method)": [[127, "abacusai.feature_mapping.FeatureMapping.to_dict", false]], "to_dict() (abacusai.feature_performance_analysis.featureperformanceanalysis method)": [[128, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.to_dict", false]], "to_dict() (abacusai.feature_record.featurerecord method)": [[129, "abacusai.feature_record.FeatureRecord.to_dict", false]], "to_dict() (abacusai.featuredistribution method)": [[146, "abacusai.FeatureDistribution.to_dict", false]], "to_dict() (abacusai.featuredriftrecord method)": [[146, "abacusai.FeatureDriftRecord.to_dict", false]], "to_dict() (abacusai.featuredriftsummary method)": [[146, "abacusai.FeatureDriftSummary.to_dict", false]], "to_dict() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.to_dict", false]], "to_dict() (abacusai.featuregroupdocument method)": [[146, "abacusai.FeatureGroupDocument.to_dict", false]], "to_dict() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.to_dict", false]], "to_dict() (abacusai.featuregroupexportconfig method)": [[146, "abacusai.FeatureGroupExportConfig.to_dict", false]], "to_dict() (abacusai.featuregroupexportdownloadurl method)": [[146, "abacusai.FeatureGroupExportDownloadUrl.to_dict", false]], "to_dict() (abacusai.featuregrouplineage method)": [[146, "abacusai.FeatureGroupLineage.to_dict", false]], "to_dict() (abacusai.featuregrouprefreshexportconfig method)": [[146, "abacusai.FeatureGroupRefreshExportConfig.to_dict", false]], "to_dict() (abacusai.featuregrouprow method)": [[146, "abacusai.FeatureGroupRow.to_dict", false]], "to_dict() (abacusai.featuregrouprowprocess method)": [[146, "abacusai.FeatureGroupRowProcess.to_dict", false]], "to_dict() (abacusai.featuregrouprowprocesslogs method)": [[146, "abacusai.FeatureGroupRowProcessLogs.to_dict", false]], "to_dict() (abacusai.featuregrouprowprocesssummary method)": [[146, "abacusai.FeatureGroupRowProcessSummary.to_dict", false]], "to_dict() (abacusai.featuregrouptemplate method)": [[146, "abacusai.FeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.featuregrouptemplatevariableoptions method)": [[146, "abacusai.FeatureGroupTemplateVariableOptions.to_dict", false]], "to_dict() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.to_dict", false]], "to_dict() (abacusai.featuregroupversionlogs method)": [[146, "abacusai.FeatureGroupVersionLogs.to_dict", false]], "to_dict() (abacusai.featureimportance method)": [[146, "abacusai.FeatureImportance.to_dict", false]], "to_dict() (abacusai.featuremapping method)": [[146, "abacusai.FeatureMapping.to_dict", false]], "to_dict() (abacusai.featureperformanceanalysis method)": [[146, "abacusai.FeaturePerformanceAnalysis.to_dict", false]], "to_dict() (abacusai.featurerecord method)": [[146, "abacusai.FeatureRecord.to_dict", false]], "to_dict() (abacusai.file_connector.fileconnector method)": [[130, "abacusai.file_connector.FileConnector.to_dict", false]], "to_dict() (abacusai.file_connector_instructions.fileconnectorinstructions method)": [[131, "abacusai.file_connector_instructions.FileConnectorInstructions.to_dict", false]], "to_dict() (abacusai.file_connector_verification.fileconnectorverification method)": [[132, "abacusai.file_connector_verification.FileConnectorVerification.to_dict", false]], "to_dict() (abacusai.fileconnector method)": [[146, "abacusai.FileConnector.to_dict", false]], "to_dict() (abacusai.fileconnectorexportconfig method)": [[146, "abacusai.FileConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.fileconnectorinstructions method)": [[146, "abacusai.FileConnectorInstructions.to_dict", false]], "to_dict() (abacusai.fileconnectorverification method)": [[146, "abacusai.FileConnectorVerification.to_dict", false]], "to_dict() (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel method)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.to_dict", false]], "to_dict() (abacusai.finetunedpretrainedmodel method)": [[146, "abacusai.FinetunedPretrainedModel.to_dict", false]], "to_dict() (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata method)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.to_dict", false]], "to_dict() (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis method)": [[135, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.to_dict", false]], "to_dict() (abacusai.forecasting_monitor_summary.forecastingmonitorsummary method)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.to_dict", false]], "to_dict() (abacusai.forecastinganalysisgraphdata method)": [[146, "abacusai.ForecastingAnalysisGraphData.to_dict", false]], "to_dict() (abacusai.forecastingmonitorconfig method)": [[146, "abacusai.ForecastingMonitorConfig.to_dict", false]], "to_dict() (abacusai.forecastingmonitoritemanalysis method)": [[146, "abacusai.ForecastingMonitorItemAnalysis.to_dict", false]], "to_dict() (abacusai.forecastingmonitorsummary method)": [[146, "abacusai.ForecastingMonitorSummary.to_dict", false]], "to_dict() (abacusai.function_logs.functionlogs method)": [[137, "abacusai.function_logs.FunctionLogs.to_dict", false]], "to_dict() (abacusai.functionlogs method)": [[146, "abacusai.FunctionLogs.to_dict", false]], "to_dict() (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption method)": [[138, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.to_dict", false]], "to_dict() (abacusai.generatedpitfeatureconfigoption method)": [[146, "abacusai.GeneratedPitFeatureConfigOption.to_dict", false]], "to_dict() (abacusai.graph_dashboard.graphdashboard method)": [[140, "abacusai.graph_dashboard.GraphDashboard.to_dict", false]], "to_dict() (abacusai.graphdashboard method)": [[146, "abacusai.GraphDashboard.to_dict", false]], "to_dict() (abacusai.holdout_analysis.holdoutanalysis method)": [[141, "abacusai.holdout_analysis.HoldoutAnalysis.to_dict", false]], "to_dict() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.to_dict", false]], "to_dict() (abacusai.holdoutanalysis method)": [[146, "abacusai.HoldoutAnalysis.to_dict", false]], "to_dict() (abacusai.holdoutanalysisversion method)": [[146, "abacusai.HoldoutAnalysisVersion.to_dict", false]], "to_dict() (abacusai.hosted_model_token.hostedmodeltoken method)": [[143, "abacusai.hosted_model_token.HostedModelToken.to_dict", false]], "to_dict() (abacusai.hostedmodeltoken method)": [[146, "abacusai.HostedModelToken.to_dict", false]], "to_dict() (abacusai.hume_voice.humevoice method)": [[144, "abacusai.hume_voice.HumeVoice.to_dict", false]], "to_dict() (abacusai.humevoice method)": [[146, "abacusai.HumeVoice.to_dict", false]], "to_dict() (abacusai.image_gen_settings.imagegensettings method)": [[145, "abacusai.image_gen_settings.ImageGenSettings.to_dict", false]], "to_dict() (abacusai.imagegensettings method)": [[146, "abacusai.ImageGenSettings.to_dict", false]], "to_dict() (abacusai.indexing_config.indexingconfig method)": [[147, "abacusai.indexing_config.IndexingConfig.to_dict", false]], "to_dict() (abacusai.indexingconfig method)": [[146, "abacusai.IndexingConfig.to_dict", false]], "to_dict() (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings method)": [[148, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.to_dict", false]], "to_dict() (abacusai.inferred_feature_mappings.inferredfeaturemappings method)": [[149, "abacusai.inferred_feature_mappings.InferredFeatureMappings.to_dict", false]], "to_dict() (abacusai.inferreddatabasecolumntofeaturemappings method)": [[146, "abacusai.InferredDatabaseColumnToFeatureMappings.to_dict", false]], "to_dict() (abacusai.inferredfeaturemappings method)": [[146, "abacusai.InferredFeatureMappings.to_dict", false]], "to_dict() (abacusai.item_statistics.itemstatistics method)": [[150, "abacusai.item_statistics.ItemStatistics.to_dict", false]], "to_dict() (abacusai.itemattributesstddevthreshold method)": [[146, "abacusai.ItemAttributesStdDevThreshold.to_dict", false]], "to_dict() (abacusai.itemstatistics method)": [[146, "abacusai.ItemStatistics.to_dict", false]], "to_dict() (abacusai.llm_app.llmapp method)": [[151, "abacusai.llm_app.LlmApp.to_dict", false]], "to_dict() (abacusai.llm_code_block.llmcodeblock method)": [[152, "abacusai.llm_code_block.LlmCodeBlock.to_dict", false]], "to_dict() (abacusai.llm_execution_preview.llmexecutionpreview method)": [[153, "abacusai.llm_execution_preview.LlmExecutionPreview.to_dict", false]], "to_dict() (abacusai.llm_execution_result.llmexecutionresult method)": [[154, "abacusai.llm_execution_result.LlmExecutionResult.to_dict", false]], "to_dict() (abacusai.llm_generated_code.llmgeneratedcode method)": [[155, "abacusai.llm_generated_code.LlmGeneratedCode.to_dict", false]], "to_dict() (abacusai.llm_input.llminput method)": [[156, "abacusai.llm_input.LlmInput.to_dict", false]], "to_dict() (abacusai.llm_parameters.llmparameters method)": [[157, "abacusai.llm_parameters.LlmParameters.to_dict", false]], "to_dict() (abacusai.llm_response.llmresponse method)": [[158, "abacusai.llm_response.LlmResponse.to_dict", false]], "to_dict() (abacusai.llmapp method)": [[146, "abacusai.LlmApp.to_dict", false]], "to_dict() (abacusai.llmcodeblock method)": [[146, "abacusai.LlmCodeBlock.to_dict", false]], "to_dict() (abacusai.llmexecutionpreview method)": [[146, "abacusai.LlmExecutionPreview.to_dict", false]], "to_dict() (abacusai.llmexecutionresult method)": [[146, "abacusai.LlmExecutionResult.to_dict", false]], "to_dict() (abacusai.llmgeneratedcode method)": [[146, "abacusai.LlmGeneratedCode.to_dict", false]], "to_dict() (abacusai.llminput method)": [[146, "abacusai.LlmInput.to_dict", false]], "to_dict() (abacusai.llmparameters method)": [[146, "abacusai.LlmParameters.to_dict", false]], "to_dict() (abacusai.llmresponse method)": [[146, "abacusai.LlmResponse.to_dict", false]], "to_dict() (abacusai.memory_options.memoryoptions method)": [[159, "abacusai.memory_options.MemoryOptions.to_dict", false]], "to_dict() (abacusai.memoryoptions method)": [[146, "abacusai.MemoryOptions.to_dict", false]], "to_dict() (abacusai.messaging_connector_response.messagingconnectorresponse method)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.to_dict", false]], "to_dict() (abacusai.messagingconnectorresponse method)": [[146, "abacusai.MessagingConnectorResponse.to_dict", false]], "to_dict() (abacusai.model method)": [[146, "abacusai.Model.to_dict", false]], "to_dict() (abacusai.model.model method)": [[161, "abacusai.model.Model.to_dict", false]], "to_dict() (abacusai.model_artifacts_export.modelartifactsexport method)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.to_dict", false]], "to_dict() (abacusai.model_blueprint_export.modelblueprintexport method)": [[163, "abacusai.model_blueprint_export.ModelBlueprintExport.to_dict", false]], "to_dict() (abacusai.model_blueprint_stage.modelblueprintstage method)": [[164, "abacusai.model_blueprint_stage.ModelBlueprintStage.to_dict", false]], "to_dict() (abacusai.model_location.modellocation method)": [[165, "abacusai.model_location.ModelLocation.to_dict", false]], "to_dict() (abacusai.model_metrics.modelmetrics method)": [[166, "abacusai.model_metrics.ModelMetrics.to_dict", false]], "to_dict() (abacusai.model_monitor.modelmonitor method)": [[167, "abacusai.model_monitor.ModelMonitor.to_dict", false]], "to_dict() (abacusai.model_monitor_org_summary.modelmonitororgsummary method)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.to_dict", false]], "to_dict() (abacusai.model_monitor_summary.modelmonitorsummary method)": [[169, "abacusai.model_monitor_summary.ModelMonitorSummary.to_dict", false]], "to_dict() (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg method)": [[170, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.to_dict", false]], "to_dict() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.to_dict", false]], "to_dict() (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata method)": [[172, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.to_dict", false]], "to_dict() (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment method)": [[173, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.to_dict", false]], "to_dict() (abacusai.model_upload.modelupload method)": [[174, "abacusai.model_upload.ModelUpload.to_dict", false]], "to_dict() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.to_dict", false]], "to_dict() (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema method)": [[176, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.modelartifactsexport method)": [[146, "abacusai.ModelArtifactsExport.to_dict", false]], "to_dict() (abacusai.modelblueprintexport method)": [[146, "abacusai.ModelBlueprintExport.to_dict", false]], "to_dict() (abacusai.modelblueprintstage method)": [[146, "abacusai.ModelBlueprintStage.to_dict", false]], "to_dict() (abacusai.modellocation method)": [[146, "abacusai.ModelLocation.to_dict", false]], "to_dict() (abacusai.modelmetrics method)": [[146, "abacusai.ModelMetrics.to_dict", false]], "to_dict() (abacusai.modelmonitor method)": [[146, "abacusai.ModelMonitor.to_dict", false]], "to_dict() (abacusai.modelmonitororgsummary method)": [[146, "abacusai.ModelMonitorOrgSummary.to_dict", false]], "to_dict() (abacusai.modelmonitorsummary method)": [[146, "abacusai.ModelMonitorSummary.to_dict", false]], "to_dict() (abacusai.modelmonitorsummaryfromorg method)": [[146, "abacusai.ModelMonitorSummaryFromOrg.to_dict", false]], "to_dict() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.to_dict", false]], "to_dict() (abacusai.modelmonitorversionmetricdata method)": [[146, "abacusai.ModelMonitorVersionMetricData.to_dict", false]], "to_dict() (abacusai.modeltrainingtypefordeployment method)": [[146, "abacusai.ModelTrainingTypeForDeployment.to_dict", false]], "to_dict() (abacusai.modelupload method)": [[146, "abacusai.ModelUpload.to_dict", false]], "to_dict() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.to_dict", false]], "to_dict() (abacusai.modelversionfeaturegroupschema method)": [[146, "abacusai.ModelVersionFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.modification_lock_info.modificationlockinfo method)": [[177, "abacusai.modification_lock_info.ModificationLockInfo.to_dict", false]], "to_dict() (abacusai.modificationlockinfo method)": [[146, "abacusai.ModificationLockInfo.to_dict", false]], "to_dict() (abacusai.module method)": [[146, "abacusai.Module.to_dict", false]], "to_dict() (abacusai.module.module method)": [[178, "abacusai.module.Module.to_dict", false]], "to_dict() (abacusai.monitor_alert.monitoralert method)": [[179, "abacusai.monitor_alert.MonitorAlert.to_dict", false]], "to_dict() (abacusai.monitor_alert_version.monitoralertversion method)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.to_dict", false]], "to_dict() (abacusai.monitor_drift_and_distributions.monitordriftanddistributions method)": [[181, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.to_dict", false]], "to_dict() (abacusai.monitoralert method)": [[146, "abacusai.MonitorAlert.to_dict", false]], "to_dict() (abacusai.monitoralertversion method)": [[146, "abacusai.MonitorAlertVersion.to_dict", false]], "to_dict() (abacusai.monitordriftanddistributions method)": [[146, "abacusai.MonitorDriftAndDistributions.to_dict", false]], "to_dict() (abacusai.monitorfilteringconfig method)": [[146, "abacusai.MonitorFilteringConfig.to_dict", false]], "to_dict() (abacusai.monitorthresholdconfig method)": [[146, "abacusai.MonitorThresholdConfig.to_dict", false]], "to_dict() (abacusai.natural_language_explanation.naturallanguageexplanation method)": [[182, "abacusai.natural_language_explanation.NaturalLanguageExplanation.to_dict", false]], "to_dict() (abacusai.naturallanguageexplanation method)": [[146, "abacusai.NaturalLanguageExplanation.to_dict", false]], "to_dict() (abacusai.nested_feature.nestedfeature method)": [[183, "abacusai.nested_feature.NestedFeature.to_dict", false]], "to_dict() (abacusai.nested_feature_schema.nestedfeatureschema method)": [[184, "abacusai.nested_feature_schema.NestedFeatureSchema.to_dict", false]], "to_dict() (abacusai.nestedfeature method)": [[146, "abacusai.NestedFeature.to_dict", false]], "to_dict() (abacusai.nestedfeatureschema method)": [[146, "abacusai.NestedFeatureSchema.to_dict", false]], "to_dict() (abacusai.news_search_result.newssearchresult method)": [[185, "abacusai.news_search_result.NewsSearchResult.to_dict", false]], "to_dict() (abacusai.newssearchresult method)": [[146, "abacusai.NewsSearchResult.to_dict", false]], "to_dict() (abacusai.nlp_chat_response.nlpchatresponse method)": [[186, "abacusai.nlp_chat_response.NlpChatResponse.to_dict", false]], "to_dict() (abacusai.nlpchatresponse method)": [[146, "abacusai.NlpChatResponse.to_dict", false]], "to_dict() (abacusai.null_violation.nullviolation method)": [[187, "abacusai.null_violation.NullViolation.to_dict", false]], "to_dict() (abacusai.nullviolation method)": [[146, "abacusai.NullViolation.to_dict", false]], "to_dict() (abacusai.organization_external_application_settings.organizationexternalapplicationsettings method)": [[188, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.to_dict", false]], "to_dict() (abacusai.organization_group.organizationgroup method)": [[189, "abacusai.organization_group.OrganizationGroup.to_dict", false]], "to_dict() (abacusai.organization_search_result.organizationsearchresult method)": [[190, "abacusai.organization_search_result.OrganizationSearchResult.to_dict", false]], "to_dict() (abacusai.organization_secret.organizationsecret method)": [[191, "abacusai.organization_secret.OrganizationSecret.to_dict", false]], "to_dict() (abacusai.organizationexternalapplicationsettings method)": [[146, "abacusai.OrganizationExternalApplicationSettings.to_dict", false]], "to_dict() (abacusai.organizationgroup method)": [[146, "abacusai.OrganizationGroup.to_dict", false]], "to_dict() (abacusai.organizationsearchresult method)": [[146, "abacusai.OrganizationSearchResult.to_dict", false]], "to_dict() (abacusai.organizationsecret method)": [[146, "abacusai.OrganizationSecret.to_dict", false]], "to_dict() (abacusai.page_data.pagedata method)": [[192, "abacusai.page_data.PageData.to_dict", false]], "to_dict() (abacusai.pagedata method)": [[146, "abacusai.PageData.to_dict", false]], "to_dict() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.to_dict", false]], "to_dict() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.to_dict", false]], "to_dict() (abacusai.pipeline_reference.pipelinereference method)": [[194, "abacusai.pipeline_reference.PipelineReference.to_dict", false]], "to_dict() (abacusai.pipeline_step.pipelinestep method)": [[195, "abacusai.pipeline_step.PipelineStep.to_dict", false]], "to_dict() (abacusai.pipeline_step_version.pipelinestepversion method)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.to_dict", false]], "to_dict() (abacusai.pipeline_step_version_logs.pipelinestepversionlogs method)": [[197, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.to_dict", false]], "to_dict() (abacusai.pipeline_step_version_reference.pipelinestepversionreference method)": [[198, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.to_dict", false]], "to_dict() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.to_dict", false]], "to_dict() (abacusai.pipeline_version_logs.pipelineversionlogs method)": [[200, "abacusai.pipeline_version_logs.PipelineVersionLogs.to_dict", false]], "to_dict() (abacusai.pipelinereference method)": [[146, "abacusai.PipelineReference.to_dict", false]], "to_dict() (abacusai.pipelinestep method)": [[146, "abacusai.PipelineStep.to_dict", false]], "to_dict() (abacusai.pipelinestepversion method)": [[146, "abacusai.PipelineStepVersion.to_dict", false]], "to_dict() (abacusai.pipelinestepversionlogs method)": [[146, "abacusai.PipelineStepVersionLogs.to_dict", false]], "to_dict() (abacusai.pipelinestepversionreference method)": [[146, "abacusai.PipelineStepVersionReference.to_dict", false]], "to_dict() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.to_dict", false]], "to_dict() (abacusai.pipelineversionlogs method)": [[146, "abacusai.PipelineVersionLogs.to_dict", false]], "to_dict() (abacusai.playground_text.playgroundtext method)": [[201, "abacusai.playground_text.PlaygroundText.to_dict", false]], "to_dict() (abacusai.playgroundtext method)": [[146, "abacusai.PlaygroundText.to_dict", false]], "to_dict() (abacusai.point_in_time_feature.pointintimefeature method)": [[202, "abacusai.point_in_time_feature.PointInTimeFeature.to_dict", false]], "to_dict() (abacusai.point_in_time_feature_info.pointintimefeatureinfo method)": [[203, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.to_dict", false]], "to_dict() (abacusai.point_in_time_group.pointintimegroup method)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.to_dict", false]], "to_dict() (abacusai.point_in_time_group_feature.pointintimegroupfeature method)": [[205, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.to_dict", false]], "to_dict() (abacusai.pointintimefeature method)": [[146, "abacusai.PointInTimeFeature.to_dict", false]], "to_dict() (abacusai.pointintimefeatureinfo method)": [[146, "abacusai.PointInTimeFeatureInfo.to_dict", false]], "to_dict() (abacusai.pointintimegroup method)": [[146, "abacusai.PointInTimeGroup.to_dict", false]], "to_dict() (abacusai.pointintimegroupfeature method)": [[146, "abacusai.PointInTimeGroupFeature.to_dict", false]], "to_dict() (abacusai.prediction_dataset.predictiondataset method)": [[207, "abacusai.prediction_dataset.PredictionDataset.to_dict", false]], "to_dict() (abacusai.prediction_feature_group.predictionfeaturegroup method)": [[208, "abacusai.prediction_feature_group.PredictionFeatureGroup.to_dict", false]], "to_dict() (abacusai.prediction_input.predictioninput method)": [[209, "abacusai.prediction_input.PredictionInput.to_dict", false]], "to_dict() (abacusai.prediction_log_record.predictionlogrecord method)": [[210, "abacusai.prediction_log_record.PredictionLogRecord.to_dict", false]], "to_dict() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.to_dict", false]], "to_dict() (abacusai.prediction_operator_version.predictionoperatorversion method)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.to_dict", false]], "to_dict() (abacusai.predictiondataset method)": [[146, "abacusai.PredictionDataset.to_dict", false]], "to_dict() (abacusai.predictionfeaturegroup method)": [[146, "abacusai.PredictionFeatureGroup.to_dict", false]], "to_dict() (abacusai.predictioninput method)": [[146, "abacusai.PredictionInput.to_dict", false]], "to_dict() (abacusai.predictionlogrecord method)": [[146, "abacusai.PredictionLogRecord.to_dict", false]], "to_dict() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.to_dict", false]], "to_dict() (abacusai.predictionoperatorversion method)": [[146, "abacusai.PredictionOperatorVersion.to_dict", false]], "to_dict() (abacusai.problem_type.problemtype method)": [[213, "abacusai.problem_type.ProblemType.to_dict", false]], "to_dict() (abacusai.problemtype method)": [[146, "abacusai.ProblemType.to_dict", false]], "to_dict() (abacusai.project method)": [[146, "abacusai.Project.to_dict", false]], "to_dict() (abacusai.project.project method)": [[214, "abacusai.project.Project.to_dict", false]], "to_dict() (abacusai.project_config.projectconfig method)": [[215, "abacusai.project_config.ProjectConfig.to_dict", false]], "to_dict() (abacusai.project_feature_group.projectfeaturegroup method)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.to_dict", false]], "to_dict() (abacusai.project_feature_group_schema.projectfeaturegroupschema method)": [[217, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion method)": [[218, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.to_dict", false]], "to_dict() (abacusai.project_validation.projectvalidation method)": [[219, "abacusai.project_validation.ProjectValidation.to_dict", false]], "to_dict() (abacusai.projectconfig method)": [[146, "abacusai.ProjectConfig.to_dict", false]], "to_dict() (abacusai.projectfeaturegroup method)": [[146, "abacusai.ProjectFeatureGroup.to_dict", false]], "to_dict() (abacusai.projectfeaturegroupschema method)": [[146, "abacusai.ProjectFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.projectfeaturegroupschemaversion method)": [[146, "abacusai.ProjectFeatureGroupSchemaVersion.to_dict", false]], "to_dict() (abacusai.projectvalidation method)": [[146, "abacusai.ProjectValidation.to_dict", false]], "to_dict() (abacusai.python_function.pythonfunction method)": [[220, "abacusai.python_function.PythonFunction.to_dict", false]], "to_dict() (abacusai.python_plot_function.pythonplotfunction method)": [[222, "abacusai.python_plot_function.PythonPlotFunction.to_dict", false]], "to_dict() (abacusai.pythonfunction method)": [[146, "abacusai.PythonFunction.to_dict", false]], "to_dict() (abacusai.pythonplotfunction method)": [[146, "abacusai.PythonPlotFunction.to_dict", false]], "to_dict() (abacusai.range_violation.rangeviolation method)": [[223, "abacusai.range_violation.RangeViolation.to_dict", false]], "to_dict() (abacusai.rangeviolation method)": [[146, "abacusai.RangeViolation.to_dict", false]], "to_dict() (abacusai.realtime_monitor.realtimemonitor method)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.to_dict", false]], "to_dict() (abacusai.realtimemonitor method)": [[146, "abacusai.RealtimeMonitor.to_dict", false]], "to_dict() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.to_dict", false]], "to_dict() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.to_dict", false]], "to_dict() (abacusai.refresh_schedule.refreshschedule method)": [[227, "abacusai.refresh_schedule.RefreshSchedule.to_dict", false]], "to_dict() (abacusai.refreshpipelinerun method)": [[146, "abacusai.RefreshPipelineRun.to_dict", false]], "to_dict() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.to_dict", false]], "to_dict() (abacusai.refreshschedule method)": [[146, "abacusai.RefreshSchedule.to_dict", false]], "to_dict() (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication method)": [[228, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.to_dict", false]], "to_dict() (abacusai.regeneratellmexternalapplication method)": [[146, "abacusai.RegenerateLlmExternalApplication.to_dict", false]], "to_dict() (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate method)": [[229, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.resolvedfeaturegrouptemplate method)": [[146, "abacusai.ResolvedFeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.responsesection method)": [[146, "abacusai.ResponseSection.to_dict", false]], "to_dict() (abacusai.restrictfeaturemappings method)": [[146, "abacusai.RestrictFeatureMappings.to_dict", false]], "to_dict() (abacusai.routing_action.routingaction method)": [[231, "abacusai.routing_action.RoutingAction.to_dict", false]], "to_dict() (abacusai.routingaction method)": [[146, "abacusai.RoutingAction.to_dict", false]], "to_dict() (abacusai.schema method)": [[146, "abacusai.Schema.to_dict", false]], "to_dict() (abacusai.schema.schema method)": [[232, "abacusai.schema.Schema.to_dict", false]], "to_dict() (abacusai.sftp_key.sftpkey method)": [[233, "abacusai.sftp_key.SftpKey.to_dict", false]], "to_dict() (abacusai.sftpkey method)": [[146, "abacusai.SftpKey.to_dict", false]], "to_dict() (abacusai.stddevthreshold method)": [[146, "abacusai.StdDevThreshold.to_dict", false]], "to_dict() (abacusai.streaming_auth_token.streamingauthtoken method)": [[234, "abacusai.streaming_auth_token.StreamingAuthToken.to_dict", false]], "to_dict() (abacusai.streaming_connector.streamingconnector method)": [[236, "abacusai.streaming_connector.StreamingConnector.to_dict", false]], "to_dict() (abacusai.streaming_row_count.streamingrowcount method)": [[237, "abacusai.streaming_row_count.StreamingRowCount.to_dict", false]], "to_dict() (abacusai.streaming_sample_code.streamingsamplecode method)": [[238, "abacusai.streaming_sample_code.StreamingSampleCode.to_dict", false]], "to_dict() (abacusai.streamingauthtoken method)": [[146, "abacusai.StreamingAuthToken.to_dict", false]], "to_dict() (abacusai.streamingconnector method)": [[146, "abacusai.StreamingConnector.to_dict", false]], "to_dict() (abacusai.streamingrowcount method)": [[146, "abacusai.StreamingRowCount.to_dict", false]], "to_dict() (abacusai.streamingsamplecode method)": [[146, "abacusai.StreamingSampleCode.to_dict", false]], "to_dict() (abacusai.template_node_details.templatenodedetails method)": [[239, "abacusai.template_node_details.TemplateNodeDetails.to_dict", false]], "to_dict() (abacusai.templatenodedetails method)": [[146, "abacusai.TemplateNodeDetails.to_dict", false]], "to_dict() (abacusai.test_point_predictions.testpointpredictions method)": [[240, "abacusai.test_point_predictions.TestPointPredictions.to_dict", false]], "to_dict() (abacusai.testpointpredictions method)": [[146, "abacusai.TestPointPredictions.to_dict", false]], "to_dict() (abacusai.timewindowconfig method)": [[146, "abacusai.TimeWindowConfig.to_dict", false]], "to_dict() (abacusai.tone_details.tonedetails method)": [[241, "abacusai.tone_details.ToneDetails.to_dict", false]], "to_dict() (abacusai.tonedetails method)": [[146, "abacusai.ToneDetails.to_dict", false]], "to_dict() (abacusai.training_config_options.trainingconfigoptions method)": [[242, "abacusai.training_config_options.TrainingConfigOptions.to_dict", false]], "to_dict() (abacusai.trainingconfigoptions method)": [[146, "abacusai.TrainingConfigOptions.to_dict", false]], "to_dict() (abacusai.triggerconfig method)": [[146, "abacusai.TriggerConfig.to_dict", false]], "to_dict() (abacusai.twitter_search_result.twittersearchresult method)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.to_dict", false]], "to_dict() (abacusai.twittersearchresult method)": [[146, "abacusai.TwitterSearchResult.to_dict", false]], "to_dict() (abacusai.upload method)": [[146, "abacusai.Upload.to_dict", false]], "to_dict() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.to_dict", false]], "to_dict() (abacusai.upload_part.uploadpart method)": [[245, "abacusai.upload_part.UploadPart.to_dict", false]], "to_dict() (abacusai.uploadpart method)": [[146, "abacusai.UploadPart.to_dict", false]], "to_dict() (abacusai.use_case.usecase method)": [[246, "abacusai.use_case.UseCase.to_dict", false]], "to_dict() (abacusai.use_case_requirements.usecaserequirements method)": [[247, "abacusai.use_case_requirements.UseCaseRequirements.to_dict", false]], "to_dict() (abacusai.usecase method)": [[146, "abacusai.UseCase.to_dict", false]], "to_dict() (abacusai.usecaserequirements method)": [[146, "abacusai.UseCaseRequirements.to_dict", false]], "to_dict() (abacusai.user method)": [[146, "abacusai.User.to_dict", false]], "to_dict() (abacusai.user.user method)": [[248, "abacusai.user.User.to_dict", false]], "to_dict() (abacusai.user_exception.userexception method)": [[249, "abacusai.user_exception.UserException.to_dict", false]], "to_dict() (abacusai.userexception method)": [[146, "abacusai.UserException.to_dict", false]], "to_dict() (abacusai.video_gen_settings.videogensettings method)": [[250, "abacusai.video_gen_settings.VideoGenSettings.to_dict", false]], "to_dict() (abacusai.video_search_result.videosearchresult method)": [[251, "abacusai.video_search_result.VideoSearchResult.to_dict", false]], "to_dict() (abacusai.videogensettings method)": [[146, "abacusai.VideoGenSettings.to_dict", false]], "to_dict() (abacusai.videosearchresult method)": [[146, "abacusai.VideoSearchResult.to_dict", false]], "to_dict() (abacusai.voice_gen_details.voicegendetails method)": [[252, "abacusai.voice_gen_details.VoiceGenDetails.to_dict", false]], "to_dict() (abacusai.voicegendetails method)": [[146, "abacusai.VoiceGenDetails.to_dict", false]], "to_dict() (abacusai.web_page_response.webpageresponse method)": [[253, "abacusai.web_page_response.WebPageResponse.to_dict", false]], "to_dict() (abacusai.web_search_response.websearchresponse method)": [[254, "abacusai.web_search_response.WebSearchResponse.to_dict", false]], "to_dict() (abacusai.web_search_result.websearchresult method)": [[255, "abacusai.web_search_result.WebSearchResult.to_dict", false]], "to_dict() (abacusai.webhook method)": [[146, "abacusai.Webhook.to_dict", false]], "to_dict() (abacusai.webhook.webhook method)": [[256, "abacusai.webhook.Webhook.to_dict", false]], "to_dict() (abacusai.webpageresponse method)": [[146, "abacusai.WebPageResponse.to_dict", false]], "to_dict() (abacusai.websearchresponse method)": [[146, "abacusai.WebSearchResponse.to_dict", false]], "to_dict() (abacusai.websearchresult method)": [[146, "abacusai.WebSearchResult.to_dict", false]], "to_dict() (abacusai.workflow_graph_node_details.workflowgraphnodedetails method)": [[257, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.to_dict", false]], "to_dict() (abacusai.workflow_node_template.workflownodetemplate method)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.to_dict", false]], "to_dict() (abacusai.workflowgraph method)": [[146, "abacusai.WorkflowGraph.to_dict", false]], "to_dict() (abacusai.workflowgraphnode method)": [[146, "abacusai.WorkflowGraphNode.to_dict", false]], "to_dict() (abacusai.workflowgraphnodedetails method)": [[146, "abacusai.WorkflowGraphNodeDetails.to_dict", false]], "to_dict() (abacusai.workflownodeinputmapping method)": [[146, "abacusai.WorkflowNodeInputMapping.to_dict", false]], "to_dict() (abacusai.workflownodeinputschema method)": [[146, "abacusai.WorkflowNodeInputSchema.to_dict", false]], "to_dict() (abacusai.workflownodeoutputmapping method)": [[146, "abacusai.WorkflowNodeOutputMapping.to_dict", false]], "to_dict() (abacusai.workflownodeoutputschema method)": [[146, "abacusai.WorkflowNodeOutputSchema.to_dict", false]], "to_dict() (abacusai.workflownodetemplate method)": [[146, "abacusai.WorkflowNodeTemplate.to_dict", false]], "to_dict() (abacusai.workflownodetemplateconfig method)": [[146, "abacusai.WorkflowNodeTemplateConfig.to_dict", false]], "to_dict() (abacusai.workflownodetemplateinput method)": [[146, "abacusai.WorkflowNodeTemplateInput.to_dict", false]], "to_dict() (abacusai.workflownodetemplateoutput method)": [[146, "abacusai.WorkflowNodeTemplateOutput.to_dict", false]], "to_fields_list() (abacusai.api_class.ai_agents.jsonschema class method)": [[16, "abacusai.api_class.ai_agents.JSONSchema.to_fields_list", false]], "to_fields_list() (abacusai.api_class.jsonschema class method)": [[27, "abacusai.api_class.JSONSchema.to_fields_list", false]], "to_fields_list() (abacusai.jsonschema class method)": [[146, "abacusai.JSONSchema.to_fields_list", false]], "to_nx_edge() (abacusai.api_class.ai_agents.workflowgraphedge method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.to_nx_edge", false]], "to_nx_edge() (abacusai.api_class.workflowgraphedge method)": [[27, "abacusai.api_class.WorkflowGraphEdge.to_nx_edge", false]], "to_nx_edge() (abacusai.workflowgraphedge method)": [[146, "abacusai.WorkflowGraphEdge.to_nx_edge", false]], "todo (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.todo", false]], "todo (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.todo", false]], "token (abacusai.app_user_group_sign_in_token.appusergroupsignintoken attribute)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.token", false]], "token (abacusai.appusergroupsignintoken attribute)": [[146, "abacusai.AppUserGroupSignInToken.token", false]], "token (abacusai.chatllm_computer.chatllmcomputer attribute)": [[49, "abacusai.chatllm_computer.ChatllmComputer.token", false]], "token (abacusai.chatllmcomputer attribute)": [[146, "abacusai.ChatllmComputer.token", false]], "token_budget (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.token_budget", false]], "token_budget (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.token_budget", false]], "token_budget (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.token_budget", false]], "token_count (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.token_count", false]], "token_count (abacusai.pagedata attribute)": [[146, "abacusai.PageData.token_count", false]], "tokens (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.TOKENS", false]], "tokens (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.TOKENS", false]], "tokens (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.TOKENS", false]], "tokens (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.tokens", false]], "tokens (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.tokens", false]], "tokens (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.tokens", false]], "tokens (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.tokens", false]], "tokens (abacusai.nlpdocumentformat attribute)": [[146, "abacusai.NLPDocumentFormat.TOKENS", false]], "tokens (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.tokens", false]], "tokens (abacusai.pagedata attribute)": [[146, "abacusai.PageData.tokens", false]], "tonedetails (class in abacusai)": [[146, "abacusai.ToneDetails", false]], "tonedetails (class in abacusai.tone_details)": [[241, "abacusai.tone_details.ToneDetails", false]], "tool_use_request (abacusai.code_agent_response.codeagentresponse attribute)": [[53, "abacusai.code_agent_response.CodeAgentResponse.tool_use_request", false]], "tool_use_request (abacusai.codeagentresponse attribute)": [[146, "abacusai.CodeAgentResponse.tool_use_request", false]], "tool_use_request (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.tool_use_request", false]], "tool_use_request (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.tool_use_request", false]], "toomanyrequestserror": [[52, "abacusai.client.TooManyRequestsError", false]], "topic (abacusai.api_class.connectors.kafkadatasetconfig attribute)": [[20, "abacusai.api_class.connectors.KafkaDatasetConfig.topic", false]], "topic (abacusai.api_class.kafkadatasetconfig attribute)": [[27, "abacusai.api_class.KafkaDatasetConfig.topic", false]], "topic (abacusai.kafkadatasetconfig attribute)": [[146, "abacusai.KafkaDatasetConfig.topic", false]], "total (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.total", false]], "total (abacusai.annotationsstatus attribute)": [[146, "abacusai.AnnotationsStatus.total", false]], "total (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.TOTAL", false]], "total (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.TOTAL", false]], "total (abacusai.biastype attribute)": [[146, "abacusai.BiasType.TOTAL", false]], "total_attempts_allowed (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.total_attempts_allowed", false]], "total_attempts_allowed (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.total_attempts_allowed", false]], "total_count (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[69, "abacusai.data_consistency_duplication.DataConsistencyDuplication.total_count", false]], "total_count (abacusai.dataconsistencyduplication attribute)": [[146, "abacusai.DataConsistencyDuplication.total_count", false]], "total_page_count (abacusai.document_data.documentdata attribute)": [[88, "abacusai.document_data.DocumentData.total_page_count", false]], "total_page_count (abacusai.documentdata attribute)": [[146, "abacusai.DocumentData.total_page_count", false]], "total_predictions (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.total_predictions", false]], "total_predictions (abacusai.batchpredictionversion attribute)": [[146, "abacusai.BatchPredictionVersion.total_predictions", false]], "total_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[121, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.total_processes", false]], "total_processes (abacusai.featuregrouprowprocesssummary attribute)": [[146, "abacusai.FeatureGroupRowProcessSummary.total_processes", false]], "total_rows (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.total_rows", false]], "total_rows (abacusai.annotationdocument attribute)": [[146, "abacusai.AnnotationDocument.total_rows", false]], "total_starred_monitors (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[168, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.total_starred_monitors", false]], "total_starred_monitors (abacusai.modelmonitororgsummary attribute)": [[146, "abacusai.ModelMonitorOrgSummary.total_starred_monitors", false]], "total_tokens (abacusai.llm_response.llmresponse attribute)": [[158, "abacusai.llm_response.LlmResponse.total_tokens", false]], "total_tokens (abacusai.llmresponse attribute)": [[146, "abacusai.LlmResponse.total_tokens", false]], "total_violations (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.TOTAL_VIOLATIONS", false]], "total_violations (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.TOTAL_VIOLATIONS", false]], "total_violations (abacusai.dataintegrityviolationtype attribute)": [[146, "abacusai.DataIntegrityViolationType.TOTAL_VIOLATIONS", false]], "total_writes (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.total_writes", false]], "total_writes (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.total_writes", false]], "traceback (abacusai.user_exception.userexception attribute)": [[249, "abacusai.user_exception.UserException.traceback", false]], "traceback (abacusai.userexception attribute)": [[146, "abacusai.UserException.traceback", false]], "trailing_auth_token (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[143, "abacusai.hosted_model_token.HostedModelToken.trailing_auth_token", false]], "trailing_auth_token (abacusai.hostedmodeltoken attribute)": [[146, "abacusai.HostedModelToken.trailing_auth_token", false]], "train_column (abacusai.drift_distribution.driftdistribution attribute)": [[92, "abacusai.drift_distribution.DriftDistribution.train_column", false]], "train_column (abacusai.driftdistribution attribute)": [[146, "abacusai.DriftDistribution.train_column", false]], "train_data_parameter_to_feature_group_ids (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.train_data_parameter_to_feature_group_ids", false]], "train_data_parameter_to_feature_group_ids (abacusai.customtrainfunctioninfo attribute)": [[146, "abacusai.CustomTrainFunctionInfo.train_data_parameter_to_feature_group_ids", false]], "train_function_name (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.train_function_name", false]], "train_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.train_function_name", false]], "train_function_name (abacusai.model attribute)": [[146, "abacusai.Model.train_function_name", false]], "train_function_name (abacusai.model.model attribute)": [[161, "abacusai.model.Model.train_function_name", false]], "train_history_data (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.train_history_data", false]], "train_history_data (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.train_history_data", false]], "train_model() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.train_model", false]], "train_model() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.train_model", false]], "train_model() (abacusai.project method)": [[146, "abacusai.Project.train_model", false]], "train_model() (abacusai.project.project method)": [[214, "abacusai.project.Project.train_model", false]], "train_target_feature (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.train_target_feature", false]], "train_target_feature (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.train_target_feature", false]], "train_target_feature (abacusai.monitorfilteringconfig attribute)": [[146, "abacusai.MonitorFilteringConfig.train_target_feature", false]], "train_val_test_split (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.train_val_test_split", false]], "train_val_test_split (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.train_val_test_split", false]], "trainableplugandplaybatchpredictionargs (class in abacusai)": [[146, "abacusai.TrainablePlugAndPlayBatchPredictionArgs", false]], "trainableplugandplaybatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs", false]], "trainableplugandplaybatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs", false]], "trained_model_types (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.trained_model_types", false]], "trained_model_types (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.trained_model_types", false]], "trained_model_types (abacusai.deployablealgorithm attribute)": [[146, "abacusai.DeployableAlgorithm.trained_model_types", false]], "trained_model_types (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.trained_model_types", false]], "trained_model_types (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.trained_model_types", false]], "training_completed_at (abacusai.model_metrics.modelmetrics attribute)": [[166, "abacusai.model_metrics.ModelMetrics.training_completed_at", false]], "training_completed_at (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.training_completed_at", false]], "training_completed_at (abacusai.modelmetrics attribute)": [[146, "abacusai.ModelMetrics.training_completed_at", false]], "training_completed_at (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.training_completed_at", false]], "training_config (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.training_config", false]], "training_config (abacusai.customtrainfunctioninfo attribute)": [[146, "abacusai.CustomTrainFunctionInfo.training_config", false]], "training_config_updated (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.training_config_updated", false]], "training_config_updated (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.training_config_updated", false]], "training_data_parameter_name_mapping (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[68, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.training_data_parameter_name_mapping", false]], "training_data_parameter_name_mapping (abacusai.customtrainfunctioninfo attribute)": [[146, "abacusai.CustomTrainFunctionInfo.training_data_parameter_name_mapping", false]], "training_data_use_mappings (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.training_data_use_mappings", false]], "training_data_use_mappings (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.training_data_use_mappings", false]], "training_data_use_mappings (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.training_data_use_mappings", false]], "training_data_use_mappings (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.training_data_use_mappings", false]], "training_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.training_distribution", false]], "training_distribution (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.training_distribution", false]], "training_document_retriever_versions (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.training_document_retriever_versions", false]], "training_document_retriever_versions (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.training_document_retriever_versions", false]], "training_feature_group_id (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.training_feature_group_id", false]], "training_feature_group_id (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.training_feature_group_id", false]], "training_feature_group_ids (abacusai.model attribute)": [[146, "abacusai.Model.training_feature_group_ids", false]], "training_feature_group_ids (abacusai.model.model attribute)": [[161, "abacusai.model.Model.training_feature_group_ids", false]], "training_feature_group_ids (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.training_feature_group_ids", false]], "training_feature_group_ids (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.training_feature_group_ids", false]], "training_feature_group_sampling (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.training_feature_group_sampling", false]], "training_feature_group_sampling (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.training_feature_group_sampling", false]], "training_feature_group_version (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.training_feature_group_version", false]], "training_feature_group_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.training_feature_group_version", false]], "training_feature_group_version (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.training_feature_group_version", false]], "training_feature_group_version (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.training_feature_group_version", false]], "training_forecast_config (abacusai.model_monitor.modelmonitor attribute)": [[167, "abacusai.model_monitor.ModelMonitor.training_forecast_config", false]], "training_forecast_config (abacusai.model_monitor_version.modelmonitorversion attribute)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.training_forecast_config", false]], "training_forecast_config (abacusai.modelmonitor attribute)": [[146, "abacusai.ModelMonitor.training_forecast_config", false]], "training_forecast_config (abacusai.modelmonitorversion attribute)": [[146, "abacusai.ModelMonitorVersion.training_forecast_config", false]], "training_input_mappings (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.training_input_mappings", false]], "training_input_mappings (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.training_input_mappings", false]], "training_input_tables (abacusai.model attribute)": [[146, "abacusai.Model.training_input_tables", false]], "training_input_tables (abacusai.model.model attribute)": [[161, "abacusai.model.Model.training_input_tables", false]], "training_item_analysis (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis attribute)": [[135, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.training_item_analysis", false]], "training_item_analysis (abacusai.forecastingmonitoritemanalysis attribute)": [[146, "abacusai.ForecastingMonitorItemAnalysis.training_item_analysis", false]], "training_item_id (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_item_id", false]], "training_item_id (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.training_item_id", false]], "training_max (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.training_max", false]], "training_max (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.training_max", false]], "training_min (abacusai.range_violation.rangeviolation attribute)": [[223, "abacusai.range_violation.RangeViolation.training_min", false]], "training_min (abacusai.rangeviolation attribute)": [[146, "abacusai.RangeViolation.training_min", false]], "training_mode (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.training_mode", false]], "training_mode (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.training_mode", false]], "training_mode (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.training_mode", false]], "training_null_freq (abacusai.null_violation.nullviolation attribute)": [[187, "abacusai.null_violation.NullViolation.training_null_freq", false]], "training_null_freq (abacusai.nullviolation attribute)": [[146, "abacusai.NullViolation.training_null_freq", false]], "training_point_overlap (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.training_point_overlap", false]], "training_point_overlap (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.training_point_overlap", false]], "training_point_overlap (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.training_point_overlap", false]], "training_required (abacusai.agent attribute)": [[146, "abacusai.Agent.training_required", false]], "training_required (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.training_required", false]], "training_required (abacusai.model attribute)": [[146, "abacusai.Model.training_required", false]], "training_required (abacusai.model.model attribute)": [[161, "abacusai.model.Model.training_required", false]], "training_rows_downsample_ratio (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.training_rows_downsample_ratio", false]], "training_rows_downsample_ratio (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.training_rows_downsample_ratio", false]], "training_rows_downsample_ratio (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.training_rows_downsample_ratio", false]], "training_start_date (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.training_start_date", false]], "training_start_date (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.training_start_date", false]], "training_start_date (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.training_start_date", false]], "training_started_at (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.training_started_at", false]], "training_started_at (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.training_started_at", false]], "training_statistics (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.training_statistics", false]], "training_statistics (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.training_statistics", false]], "training_target_across_time (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_target_across_time", false]], "training_target_across_time (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.training_target_across_time", false]], "training_target_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_target_col", false]], "training_target_col (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.training_target_col", false]], "training_timestamp_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[136, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_timestamp_col", false]], "training_timestamp_col (abacusai.forecastingmonitorsummary attribute)": [[146, "abacusai.ForecastingMonitorSummary.training_timestamp_col", false]], "training_vector_store_versions (abacusai.model attribute)": [[146, "abacusai.Model.training_vector_store_versions", false]], "training_vector_store_versions (abacusai.model.model attribute)": [[161, "abacusai.model.Model.training_vector_store_versions", false]], "trainingconfig (class in abacusai)": [[146, "abacusai.TrainingConfig", false]], "trainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TrainingConfig", false]], "trainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.TrainingConfig", false]], "trainingconfigoptions (class in abacusai)": [[146, "abacusai.TrainingConfigOptions", false]], "trainingconfigoptions (class in abacusai.training_config_options)": [[242, "abacusai.training_config_options.TrainingConfigOptions", false]], "transcribe_audio() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.transcribe_audio", false]], "transcribe_audio() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.transcribe_audio", false]], "transcribe_audio() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.transcribe_audio", false]], "transcribe_audio() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.transcribe_audio", false]], "transfer_style() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.transfer_style", false]], "transfer_style() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.transfer_style", false]], "transfer_style() (abacusai.prediction_client.predictionclient method)": [[206, "abacusai.prediction_client.PredictionClient.transfer_style", false]], "transfer_style() (abacusai.predictionclient method)": [[146, "abacusai.PredictionClient.transfer_style", false]], "transformation_column_names (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.transformation_column_names", false]], "transformation_column_names (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.transformation_column_names", false]], "transformations (abacusai.eda_data_consistency.edadataconsistency attribute)": [[97, "abacusai.eda_data_consistency.EdaDataConsistency.transformations", false]], "transformations (abacusai.edadataconsistency attribute)": [[146, "abacusai.EdaDataConsistency.transformations", false]], "tree_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.TREE_EXPLAINER", false]], "tree_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.TREE_EXPLAINER", false]], "tree_explainer (abacusai.explainertype attribute)": [[146, "abacusai.ExplainerType.TREE_EXPLAINER", false]], "tree_hpo_mode (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.tree_hpo_mode", false]], "tree_hpo_mode (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.tree_hpo_mode", false]], "tree_hpo_mode (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.tree_hpo_mode", false]], "trigger (abacusai.api_class.enums.workflownodetemplatetype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeTemplateType.TRIGGER", false]], "trigger (abacusai.api_class.workflownodetemplatetype attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateType.TRIGGER", false]], "trigger (abacusai.workflownodetemplatetype attribute)": [[146, "abacusai.WorkflowNodeTemplateType.TRIGGER", false]], "trigger_config (abacusai.api_class.ai_agents.workflowgraphnode attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.trigger_config", false]], "trigger_config (abacusai.api_class.workflowgraphnode attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.trigger_config", false]], "trigger_config (abacusai.workflowgraphnode attribute)": [[146, "abacusai.WorkflowGraphNode.trigger_config", false]], "triggerconfig (class in abacusai)": [[146, "abacusai.TriggerConfig", false]], "triggerconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TriggerConfig", false]], "triggerconfig (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.TriggerConfig", false]], "truncation_strategy (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.truncation_strategy", false]], "truncation_strategy (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.truncation_strategy", false]], "truncation_strategy (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.truncation_strategy", false]], "try_abacus_internal_copy() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.try_abacus_internal_copy", false]], "ts_anomaly (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.TS_ANOMALY", false]], "ts_anomaly (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.TS_ANOMALY", false]], "ts_anomaly (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.TS_ANOMALY", false]], "tsv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TSV", false]], "tsv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TSV", false]], "tsv (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.TSV", false]], "tweedie (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.TWEEDIE", false]], "tweedie (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.TWEEDIE", false]], "tweedie (abacusai.regressionlossfunction attribute)": [[146, "abacusai.RegressionLossFunction.TWEEDIE", false]], "twitter_handle (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.twitter_handle", false]], "twitter_handle (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.twitter_handle", false]], "twitter_name (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.twitter_name", false]], "twitter_name (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.twitter_name", false]], "twittersearchresult (class in abacusai)": [[146, "abacusai.TwitterSearchResult", false]], "twittersearchresult (class in abacusai.twitter_search_result)": [[243, "abacusai.twitter_search_result.TwitterSearchResult", false]], "txt (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TXT", false]], "txt (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TXT", false]], "txt (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.TXT", false]], "type (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.type", false]], "type (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.type", false]], "type (abacusai.api_class.project.projectfeaturegroupconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupConfig.type", false]], "type (abacusai.api_class.projectfeaturegroupconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupConfig.type", false]], "type (abacusai.api_class.responsesection attribute)": [[27, "abacusai.api_class.ResponseSection.type", false]], "type (abacusai.api_class.segments.responsesection attribute)": [[34, "abacusai.api_class.segments.ResponseSection.type", false]], "type (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.type", false]], "type (abacusai.apikey attribute)": [[146, "abacusai.ApiKey.type", false]], "type (abacusai.feature_distribution.featuredistribution attribute)": [[108, "abacusai.feature_distribution.FeatureDistribution.type", false]], "type (abacusai.featuredistribution attribute)": [[146, "abacusai.FeatureDistribution.type", false]], "type (abacusai.fielddescriptor attribute)": [[146, "abacusai.FieldDescriptor.type", false]], "type (abacusai.project_config.projectconfig attribute)": [[215, "abacusai.project_config.ProjectConfig.type", false]], "type (abacusai.projectconfig attribute)": [[146, "abacusai.ProjectConfig.type", false]], "type (abacusai.projectfeaturegroupconfig attribute)": [[146, "abacusai.ProjectFeatureGroupConfig.type", false]], "type (abacusai.responsesection attribute)": [[146, "abacusai.ResponseSection.type", false]], "type (abacusai.user_exception.userexception attribute)": [[249, "abacusai.user_exception.UserException.type", false]], "type (abacusai.userexception attribute)": [[146, "abacusai.UserException.type", false]], "type_of_split (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.type_of_split", false]], "type_of_split (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.type_of_split", false]], "type_of_split (abacusai.regressiontrainingconfig attribute)": [[146, "abacusai.RegressionTrainingConfig.type_of_split", false]], "type_of_split (abacusai.timeseriesanomalytrainingconfig attribute)": [[146, "abacusai.TimeseriesAnomalyTrainingConfig.type_of_split", false]], "ui_schema (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.ui_schema", false]], "ui_schema (abacusai.api_class.runtimeschemaresponsesection attribute)": [[27, "abacusai.api_class.RuntimeSchemaResponseSection.ui_schema", false]], "ui_schema (abacusai.api_class.segments.runtimeschemaresponsesection attribute)": [[34, "abacusai.api_class.segments.RuntimeSchemaResponseSection.ui_schema", false]], "ui_schema (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.ui_schema", false]], "ui_schema (abacusai.runtimeschemaresponsesection attribute)": [[146, "abacusai.RuntimeSchemaResponseSection.ui_schema", false]], "ui_schema (abacusai.workflownodeinputschema attribute)": [[146, "abacusai.WorkflowNodeInputSchema.ui_schema", false]], "uk (abacusai.api_class.enums.holidaycalendars attribute)": [[25, "abacusai.api_class.enums.HolidayCalendars.UK", false]], "uk (abacusai.api_class.holidaycalendars attribute)": [[27, "abacusai.api_class.HolidayCalendars.UK", false]], "uk (abacusai.holidaycalendars attribute)": [[146, "abacusai.HolidayCalendars.UK", false]], "underprediction_weight (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.underprediction_weight", false]], "underprediction_weight (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.underprediction_weight", false]], "underprediction_weight (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.underprediction_weight", false]], "undo() (abacusai.python_function_validator._monkeypatch method)": [[221, "abacusai.python_function_validator._MonkeyPatch.undo", false]], "union (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.UNION", false]], "union (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.UNION", false]], "union (abacusai.operatortype attribute)": [[146, "abacusai.OperatorType.UNION", false]], "uniontransformconfig (class in abacusai)": [[146, "abacusai.UnionTransformConfig", false]], "uniontransformconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.UnionTransformConfig", false]], "uniontransformconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig", false]], "unknown_answer_phrase (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.unknown_answer_phrase", false]], "unknown_answer_phrase (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.unknown_answer_phrase", false]], "unknown_answer_phrase (abacusai.chatllmtrainingconfig attribute)": [[146, "abacusai.ChatLLMTrainingConfig.unknown_answer_phrase", false]], "unpivot (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.UNPIVOT", false]], "unpivot (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.UNPIVOT", false]], "unpivot (abacusai.operatortype attribute)": [[146, "abacusai.OperatorType.UNPIVOT", false]], "unpivotconfig (class in abacusai)": [[146, "abacusai.UnpivotConfig", false]], "unpivotconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.UnpivotConfig", false]], "unpivotconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.UnpivotConfig", false]], "unset_feature_as_annotatable_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.unset_feature_as_annotatable_feature", false]], "unset_feature_as_annotatable_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.unset_feature_as_annotatable_feature", false]], "unset_feature_as_annotatable_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.unset_feature_as_annotatable_feature", false]], "unset_feature_as_annotatable_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.unset_feature_as_annotatable_feature", false]], "unset_pipeline_refresh_schedule() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.unset_pipeline_refresh_schedule", false]], "unset_pipeline_refresh_schedule() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.unset_pipeline_refresh_schedule", false]], "unset_refresh_schedule() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.unset_refresh_schedule", false]], "unset_refresh_schedule() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.unset_refresh_schedule", false]], "unsuccessfultrigger": [[52, "abacusai.client.UnsuccessfulTrigger", false]], "unused_document_upload_ids (abacusai.deployment_conversation.deploymentconversation attribute)": [[84, "abacusai.deployment_conversation.DeploymentConversation.unused_document_upload_ids", false]], "unused_document_upload_ids (abacusai.deploymentconversation attribute)": [[146, "abacusai.DeploymentConversation.unused_document_upload_ids", false]], "update() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.update", false]], "update() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.update", false]], "update() (abacusai.deployment method)": [[146, "abacusai.Deployment.update", false]], "update() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.update", false]], "update() (abacusai.external_application.externalapplication method)": [[104, "abacusai.external_application.ExternalApplication.update", false]], "update() (abacusai.externalapplication method)": [[146, "abacusai.ExternalApplication.update", false]], "update() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update", false]], "update() (abacusai.feature_group_template.featuregrouptemplate method)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.update", false]], "update() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update", false]], "update() (abacusai.featuregrouptemplate method)": [[146, "abacusai.FeatureGroupTemplate.update", false]], "update() (abacusai.graph_dashboard.graphdashboard method)": [[140, "abacusai.graph_dashboard.GraphDashboard.update", false]], "update() (abacusai.graphdashboard method)": [[146, "abacusai.GraphDashboard.update", false]], "update() (abacusai.monitor_alert.monitoralert method)": [[179, "abacusai.monitor_alert.MonitorAlert.update", false]], "update() (abacusai.monitoralert method)": [[146, "abacusai.MonitorAlert.update", false]], "update() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.update", false]], "update() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.update", false]], "update() (abacusai.pipeline_step.pipelinestep method)": [[195, "abacusai.pipeline_step.PipelineStep.update", false]], "update() (abacusai.pipelinestep method)": [[146, "abacusai.PipelineStep.update", false]], "update() (abacusai.prediction_operator.predictionoperator method)": [[211, "abacusai.prediction_operator.PredictionOperator.update", false]], "update() (abacusai.predictionoperator method)": [[146, "abacusai.PredictionOperator.update", false]], "update() (abacusai.realtime_monitor.realtimemonitor method)": [[224, "abacusai.realtime_monitor.RealtimeMonitor.update", false]], "update() (abacusai.realtimemonitor method)": [[146, "abacusai.RealtimeMonitor.update", false]], "update() (abacusai.refresh_policy.refreshpolicy method)": [[226, "abacusai.refresh_policy.RefreshPolicy.update", false]], "update() (abacusai.refreshpolicy method)": [[146, "abacusai.RefreshPolicy.update", false]], "update() (abacusai.webhook method)": [[146, "abacusai.Webhook.update", false]], "update() (abacusai.webhook.webhook method)": [[256, "abacusai.webhook.Webhook.update", false]], "update_agent() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_agent", false]], "update_agent() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_agent", false]], "update_agent() (abacusai.model method)": [[146, "abacusai.Model.update_agent", false]], "update_agent() (abacusai.model.model method)": [[161, "abacusai.model.Model.update_agent", false]], "update_agent_with_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_agent_with_function", false]], "update_agent_with_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_agent_with_function", false]], "update_algorithm() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_algorithm", false]], "update_algorithm() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_algorithm", false]], "update_algorithm_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_algorithm_from_function", false]], "update_algorithm_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_algorithm_from_function", false]], "update_annotation_status() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_annotation_status", false]], "update_annotation_status() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_annotation_status", false]], "update_annotation_status() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_annotation_status", false]], "update_annotation_status() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_annotation_status", false]], "update_batch_prediction() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_batch_prediction", false]], "update_batch_prediction() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_batch_prediction", false]], "update_custom_loss_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_custom_loss_function", false]], "update_custom_loss_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_custom_loss_function", false]], "update_custom_loss_function_with_source_code() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_custom_loss_function_with_source_code", false]], "update_custom_loss_function_with_source_code() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_custom_loss_function_with_source_code", false]], "update_custom_metric() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_custom_metric", false]], "update_custom_metric() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_custom_metric", false]], "update_custom_metric_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_custom_metric_from_function", false]], "update_custom_metric_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_custom_metric_from_function", false]], "update_dataset_feature_expression() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_dataset_feature_expression", false]], "update_dataset_feature_expression() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_dataset_feature_expression", false]], "update_dataset_feature_group_feature_expression() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_dataset_feature_group_feature_expression", false]], "update_dataset_feature_group_feature_expression() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_dataset_feature_group_feature_expression", false]], "update_dataset_version_limit() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.update_dataset_version_limit", false]], "update_dataset_version_limit() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.update_dataset_version_limit", false]], "update_deployment() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_deployment", false]], "update_deployment() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_deployment", false]], "update_external_application() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_external_application", false]], "update_external_application() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_external_application", false]], "update_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature", false]], "update_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature", false]], "update_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_feature", false]], "update_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_feature", false]], "update_feature_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group", false]], "update_feature_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group", false]], "update_feature_group_from_pandas_df() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group_from_pandas_df", false]], "update_feature_group_from_pandas_df() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group_from_pandas_df", false]], "update_feature_group_from_spark_df() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group_from_spark_df", false]], "update_feature_group_from_spark_df() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group_from_spark_df", false]], "update_feature_group_python_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group_python_function", false]], "update_feature_group_python_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group_python_function", false]], "update_feature_group_python_function_bindings() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group_python_function_bindings", false]], "update_feature_group_python_function_bindings() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group_python_function_bindings", false]], "update_feature_group_sql_definition() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group_sql_definition", false]], "update_feature_group_sql_definition() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group_sql_definition", false]], "update_feature_group_template() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group_template", false]], "update_feature_group_template() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group_template", false]], "update_feature_group_template_bindings() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_feature_group_template_bindings", false]], "update_feature_group_template_bindings() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_feature_group_template_bindings", false]], "update_feature_group_version_limit() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.update_feature_group_version_limit", false]], "update_feature_group_version_limit() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.update_feature_group_version_limit", false]], "update_graph_dashboard() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_graph_dashboard", false]], "update_graph_dashboard() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_graph_dashboard", false]], "update_graph_to_dashboard() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_graph_to_dashboard", false]], "update_graph_to_dashboard() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_graph_to_dashboard", false]], "update_model_from_functions() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_model_from_functions", false]], "update_model_from_functions() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_model_from_functions", false]], "update_module() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_module", false]], "update_module() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_module", false]], "update_module_from_notebook() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_module_from_notebook", false]], "update_module_from_notebook() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_module_from_notebook", false]], "update_monitor_alert() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_monitor_alert", false]], "update_monitor_alert() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_monitor_alert", false]], "update_nested_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_nested_feature", false]], "update_nested_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_nested_feature", false]], "update_nested_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_nested_feature", false]], "update_nested_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_nested_feature", false]], "update_organization_secret() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_organization_secret", false]], "update_organization_secret() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_organization_secret", false]], "update_pipeline() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_pipeline", false]], "update_pipeline() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_pipeline", false]], "update_pipeline_step() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_pipeline_step", false]], "update_pipeline_step() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_pipeline_step", false]], "update_pipeline_step_from_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_pipeline_step_from_function", false]], "update_pipeline_step_from_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_pipeline_step_from_function", false]], "update_point_in_time_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_point_in_time_feature", false]], "update_point_in_time_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_point_in_time_feature", false]], "update_point_in_time_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_point_in_time_feature", false]], "update_point_in_time_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_point_in_time_feature", false]], "update_point_in_time_group() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_point_in_time_group", false]], "update_point_in_time_group() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_point_in_time_group", false]], "update_point_in_time_group() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_point_in_time_group", false]], "update_point_in_time_group() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_point_in_time_group", false]], "update_point_in_time_group_feature() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_point_in_time_group_feature", false]], "update_point_in_time_group_feature() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_point_in_time_group_feature", false]], "update_point_in_time_group_feature() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_point_in_time_group_feature", false]], "update_point_in_time_group_feature() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_point_in_time_group_feature", false]], "update_prediction_operator() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_prediction_operator", false]], "update_prediction_operator() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_prediction_operator", false]], "update_prediction_operator_from_functions() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_prediction_operator_from_functions", false]], "update_prediction_operator_from_functions() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_prediction_operator_from_functions", false]], "update_python() (abacusai.model method)": [[146, "abacusai.Model.update_python", false]], "update_python() (abacusai.model.model method)": [[161, "abacusai.model.Model.update_python", false]], "update_python_function() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_python_function", false]], "update_python_function() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_python_function", false]], "update_python_function() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_python_function", false]], "update_python_function() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_python_function", false]], "update_python_function_bindings() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_python_function_bindings", false]], "update_python_function_bindings() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_python_function_bindings", false]], "update_python_function_code() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_python_function_code", false]], "update_python_function_code() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_python_function_code", false]], "update_python_git() (abacusai.model method)": [[146, "abacusai.Model.update_python_git", false]], "update_python_git() (abacusai.model.model method)": [[161, "abacusai.model.Model.update_python_git", false]], "update_python_model() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_python_model", false]], "update_python_model() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_python_model", false]], "update_python_model_git() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_python_model_git", false]], "update_python_model_git() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_python_model_git", false]], "update_python_model_zip() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_python_model_zip", false]], "update_python_model_zip() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_python_model_zip", false]], "update_python_zip() (abacusai.model method)": [[146, "abacusai.Model.update_python_zip", false]], "update_python_zip() (abacusai.model.model method)": [[161, "abacusai.model.Model.update_python_zip", false]], "update_realtime_monitor() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_realtime_monitor", false]], "update_realtime_monitor() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_realtime_monitor", false]], "update_refresh_policy() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_refresh_policy", false]], "update_refresh_policy() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_refresh_policy", false]], "update_sql_definition() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_sql_definition", false]], "update_sql_definition() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_sql_definition", false]], "update_template_bindings() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_template_bindings", false]], "update_template_bindings() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_template_bindings", false]], "update_timestamp_key (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.update_timestamp_key", false]], "update_timestamp_key (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.update_timestamp_key", false]], "update_timestamp_key (abacusai.indexing_config.indexingconfig attribute)": [[147, "abacusai.indexing_config.IndexingConfig.update_timestamp_key", false]], "update_timestamp_key (abacusai.indexingconfig attribute)": [[146, "abacusai.IndexingConfig.update_timestamp_key", false]], "update_timestamp_key (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.update_timestamp_key", false]], "update_timestamp_key (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.update_timestamp_key", false]], "update_version_limit() (abacusai.dataset method)": [[146, "abacusai.Dataset.update_version_limit", false]], "update_version_limit() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.update_version_limit", false]], "update_version_limit() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.update_version_limit", false]], "update_version_limit() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.update_version_limit", false]], "update_webhook() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.update_webhook", false]], "update_webhook() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.update_webhook", false]], "updated_at (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.updated_at", false]], "updated_at (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.updated_at", false]], "updated_at (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.updated_at", false]], "updated_at (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.updated_at", false]], "updated_at (abacusai.compute_point_info.computepointinfo attribute)": [[60, "abacusai.compute_point_info.ComputePointInfo.updated_at", false]], "updated_at (abacusai.computepointinfo attribute)": [[146, "abacusai.ComputePointInfo.updated_at", false]], "updated_at (abacusai.feature_group_row.featuregrouprow attribute)": [[118, "abacusai.feature_group_row.FeatureGroupRow.updated_at", false]], "updated_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.updated_at", false]], "updated_at (abacusai.feature_group_template.featuregrouptemplate attribute)": [[122, "abacusai.feature_group_template.FeatureGroupTemplate.updated_at", false]], "updated_at (abacusai.featuregrouprow attribute)": [[146, "abacusai.FeatureGroupRow.updated_at", false]], "updated_at (abacusai.featuregrouprowprocess attribute)": [[146, "abacusai.FeatureGroupRowProcess.updated_at", false]], "updated_at (abacusai.featuregrouptemplate attribute)": [[146, "abacusai.FeatureGroupTemplate.updated_at", false]], "updated_at (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[133, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.updated_at", false]], "updated_at (abacusai.finetunedpretrainedmodel attribute)": [[146, "abacusai.FinetunedPretrainedModel.updated_at", false]], "updated_at (abacusai.llm_app.llmapp attribute)": [[151, "abacusai.llm_app.LlmApp.updated_at", false]], "updated_at (abacusai.llmapp attribute)": [[146, "abacusai.LlmApp.updated_at", false]], "updated_at (abacusai.pipeline_step.pipelinestep attribute)": [[195, "abacusai.pipeline_step.PipelineStep.updated_at", false]], "updated_at (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[196, "abacusai.pipeline_step_version.PipelineStepVersion.updated_at", false]], "updated_at (abacusai.pipeline_version.pipelineversion attribute)": [[199, "abacusai.pipeline_version.PipelineVersion.updated_at", false]], "updated_at (abacusai.pipelinestep attribute)": [[146, "abacusai.PipelineStep.updated_at", false]], "updated_at (abacusai.pipelinestepversion attribute)": [[146, "abacusai.PipelineStepVersion.updated_at", false]], "updated_at (abacusai.pipelineversion attribute)": [[146, "abacusai.PipelineVersion.updated_at", false]], "updated_at (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.updated_at", false]], "updated_at (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.updated_at", false]], "updated_at (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.updated_at", false]], "updated_at (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.updated_at", false]], "upload (class in abacusai)": [[146, "abacusai.Upload", false]], "upload (class in abacusai.upload)": [[244, "abacusai.upload.Upload", false]], "upload_file() (abacusai.upload method)": [[146, "abacusai.Upload.upload_file", false]], "upload_file() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.upload_file", false]], "upload_id (abacusai.dataset_version.datasetversion attribute)": [[80, "abacusai.dataset_version.DatasetVersion.upload_id", false]], "upload_id (abacusai.datasetversion attribute)": [[146, "abacusai.DatasetVersion.upload_id", false]], "upload_id (abacusai.upload attribute)": [[146, "abacusai.Upload.upload_id", false]], "upload_id (abacusai.upload.upload attribute)": [[244, "abacusai.upload.Upload.upload_id", false]], "upload_part() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.upload_part", false]], "upload_part() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.upload_part", false]], "upload_part() (abacusai.upload method)": [[146, "abacusai.Upload.upload_part", false]], "upload_part() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.upload_part", false]], "uploadpart (class in abacusai)": [[146, "abacusai.UploadPart", false]], "uploadpart (class in abacusai.upload_part)": [[245, "abacusai.upload_part.UploadPart", false]], "upper_bound (abacusai.api_class.itemattributesstddevthreshold attribute)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold.upper_bound", false]], "upper_bound (abacusai.api_class.monitor.itemattributesstddevthreshold attribute)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold.upper_bound", false]], "upper_bound (abacusai.item_statistics.itemstatistics attribute)": [[150, "abacusai.item_statistics.ItemStatistics.upper_bound", false]], "upper_bound (abacusai.itemattributesstddevthreshold attribute)": [[146, "abacusai.ItemAttributesStdDevThreshold.upper_bound", false]], "upper_bound (abacusai.itemstatistics attribute)": [[146, "abacusai.ItemStatistics.upper_bound", false]], "upper_snake_case() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.upper_snake_case", false]], "upsert_data() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.upsert_data", false]], "upsert_data() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.upsert_data", false]], "upsert_data() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.upsert_data", false]], "upsert_data() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.upsert_data", false]], "upsert_item_embeddings() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.upsert_item_embeddings", false]], "upsert_item_embeddings() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.upsert_item_embeddings", false]], "upsert_item_embeddings() (abacusai.streaming_client.streamingclient method)": [[235, "abacusai.streaming_client.StreamingClient.upsert_item_embeddings", false]], "upsert_item_embeddings() (abacusai.streamingclient method)": [[146, "abacusai.StreamingClient.upsert_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.upsert_multiple_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.upsert_multiple_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.streaming_client.streamingclient method)": [[235, "abacusai.streaming_client.StreamingClient.upsert_multiple_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.streamingclient method)": [[146, "abacusai.StreamingClient.upsert_multiple_item_embeddings", false]], "url (abacusai.api_class.imageurlresponsesection attribute)": [[27, "abacusai.api_class.ImageUrlResponseSection.url", false]], "url (abacusai.api_class.segments.imageurlresponsesection attribute)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection.url", false]], "url (abacusai.imageurlresponsesection attribute)": [[146, "abacusai.ImageUrlResponseSection.url", false]], "url (abacusai.news_search_result.newssearchresult attribute)": [[185, "abacusai.news_search_result.NewsSearchResult.url", false]], "url (abacusai.newssearchresult attribute)": [[146, "abacusai.NewsSearchResult.url", false]], "url (abacusai.twitter_search_result.twittersearchresult attribute)": [[243, "abacusai.twitter_search_result.TwitterSearchResult.url", false]], "url (abacusai.twittersearchresult attribute)": [[146, "abacusai.TwitterSearchResult.url", false]], "url (abacusai.video_search_result.videosearchresult attribute)": [[251, "abacusai.video_search_result.VideoSearchResult.url", false]], "url (abacusai.videosearchresult attribute)": [[146, "abacusai.VideoSearchResult.url", false]], "url (abacusai.web_search_result.websearchresult attribute)": [[255, "abacusai.web_search_result.WebSearchResult.url", false]], "url (abacusai.websearchresult attribute)": [[146, "abacusai.WebSearchResult.url", false]], "urls (abacusai.api_class.attachmentparsingconfig attribute)": [[27, "abacusai.api_class.AttachmentParsingConfig.urls", false]], "urls (abacusai.api_class.dataset.attachmentparsingconfig attribute)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig.urls", false]], "urls (abacusai.attachmentparsingconfig attribute)": [[146, "abacusai.AttachmentParsingConfig.urls", false]], "us (abacusai.api_class.enums.holidaycalendars attribute)": [[25, "abacusai.api_class.enums.HolidayCalendars.US", false]], "us (abacusai.api_class.holidaycalendars attribute)": [[27, "abacusai.api_class.HolidayCalendars.US", false]], "us (abacusai.holidaycalendars attribute)": [[146, "abacusai.HolidayCalendars.US", false]], "use_all_item_totals (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_all_item_totals", false]], "use_all_item_totals (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_all_item_totals", false]], "use_all_item_totals (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.use_all_item_totals", false]], "use_case (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.use_case", false]], "use_case (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.use_case", false]], "use_case (abacusai.project attribute)": [[146, "abacusai.Project.use_case", false]], "use_case (abacusai.project.project attribute)": [[214, "abacusai.project.Project.use_case", false]], "use_case (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.use_case", false]], "use_case (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.use_case", false]], "use_case (abacusai.use_case.usecase attribute)": [[246, "abacusai.use_case.UseCase.use_case", false]], "use_case (abacusai.usecase attribute)": [[146, "abacusai.UseCase.use_case", false]], "use_cases_support_custom_algorithm (abacusai.problem_type.problemtype attribute)": [[213, "abacusai.problem_type.ProblemType.use_cases_support_custom_algorithm", false]], "use_cases_support_custom_algorithm (abacusai.problemtype attribute)": [[146, "abacusai.ProblemType.use_cases_support_custom_algorithm", false]], "use_clipping (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_clipping", false]], "use_clipping (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_clipping", false]], "use_clipping (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.use_clipping", false]], "use_default_label (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.use_default_label", false]], "use_default_label (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.use_default_label", false]], "use_document_summary (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.use_document_summary", false]], "use_document_summary (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.use_document_summary", false]], "use_document_summary (abacusai.vectorstoreconfig attribute)": [[146, "abacusai.VectorStoreConfig.use_document_summary", false]], "use_full_ocr (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.use_full_ocr", false]], "use_full_ocr (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.use_full_ocr", false], [27, "id158", false]], "use_full_ocr (abacusai.documentprocessingconfig attribute)": [[146, "abacusai.DocumentProcessingConfig.use_full_ocr", false]], "use_gpu (abacusai.algorithm attribute)": [[146, "abacusai.Algorithm.use_gpu", false]], "use_gpu (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.use_gpu", false]], "use_gpu (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.use_gpu", false]], "use_gpu (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.use_gpu", false]], "use_gpu (abacusai.model attribute)": [[146, "abacusai.Model.use_gpu", false]], "use_gpu (abacusai.model.model attribute)": [[161, "abacusai.model.Model.use_gpu", false]], "use_gpu (abacusai.model_version.modelversion attribute)": [[175, "abacusai.model_version.ModelVersion.use_gpu", false]], "use_gpu (abacusai.modelversion attribute)": [[146, "abacusai.ModelVersion.use_gpu", false]], "use_gpu (abacusai.prediction_operator.predictionoperator attribute)": [[211, "abacusai.prediction_operator.PredictionOperator.use_gpu", false]], "use_gpu (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[212, "abacusai.prediction_operator_version.PredictionOperatorVersion.use_gpu", false]], "use_gpu (abacusai.predictionoperator attribute)": [[146, "abacusai.PredictionOperator.use_gpu", false]], "use_gpu (abacusai.predictionoperatorversion attribute)": [[146, "abacusai.PredictionOperatorVersion.use_gpu", false]], "use_gpu (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.use_gpu", false]], "use_gpu (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.use_gpu", false]], "use_item_id (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_item_id", false]], "use_item_id (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_item_id", false]], "use_item_id (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.use_item_id", false]], "use_item_weights_in_objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_item_weights_in_objective", false]], "use_item_weights_in_objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_item_weights_in_objective", false]], "use_item_weights_in_objective (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.use_item_weights_in_objective", false]], "use_log_transforms (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_log_transforms", false]], "use_log_transforms (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_log_transforms", false]], "use_log_transforms (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.use_log_transforms", false]], "use_original_csv_names (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.use_original_csv_names", false]], "use_original_csv_names (abacusai.feature_group_version.featuregroupversion attribute)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.use_original_csv_names", false]], "use_original_csv_names (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.use_original_csv_names", false]], "use_original_csv_names (abacusai.featuregroupversion attribute)": [[146, "abacusai.FeatureGroupVersion.use_original_csv_names", false]], "use_original_csv_names (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.use_original_csv_names", false]], "use_original_csv_names (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.use_original_csv_names", false]], "use_prediction_offset (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.use_prediction_offset", false]], "use_prediction_offset (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.use_prediction_offset", false]], "use_prediction_offset (abacusai.forecastingbatchpredictionargs attribute)": [[146, "abacusai.ForecastingBatchPredictionArgs.use_prediction_offset", false]], "use_timeseries_weights_in_objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_timeseries_weights_in_objective", false]], "use_timeseries_weights_in_objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_timeseries_weights_in_objective", false]], "use_timeseries_weights_in_objective (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.use_timeseries_weights_in_objective", false]], "use_user_id_feature (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.use_user_id_feature", false]], "use_user_id_feature (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.use_user_id_feature", false]], "use_user_id_feature (abacusai.personalizationtrainingconfig attribute)": [[146, "abacusai.PersonalizationTrainingConfig.use_user_id_feature", false]], "usecase (class in abacusai)": [[146, "abacusai.UseCase", false]], "usecase (class in abacusai.use_case)": [[246, "abacusai.use_case.UseCase", false]], "usecaserequirements (class in abacusai)": [[146, "abacusai.UseCaseRequirements", false]], "usecaserequirements (class in abacusai.use_case_requirements)": [[247, "abacusai.use_case_requirements.UseCaseRequirements", false]], "user (class in abacusai)": [[146, "abacusai.User", false]], "user (class in abacusai.user)": [[248, "abacusai.user.User", false]], "user_agent (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.user_agent", false]], "user_agent (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.user_agent", false]], "user_agent (abacusai.crawlertransformconfig attribute)": [[146, "abacusai.CrawlerTransformConfig.user_agent", false]], "user_already_exists (abacusai.chatllm_referral_invite.chatllmreferralinvite attribute)": [[50, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.user_already_exists", false]], "user_already_exists (abacusai.chatllmreferralinvite attribute)": [[146, "abacusai.ChatllmReferralInvite.user_already_exists", false]], "user_already_in_app_group (abacusai.external_invite.externalinvite attribute)": [[105, "abacusai.external_invite.ExternalInvite.user_already_in_app_group", false]], "user_already_in_app_group (abacusai.externalinvite attribute)": [[146, "abacusai.ExternalInvite.user_already_in_app_group", false]], "user_already_in_org (abacusai.external_invite.externalinvite attribute)": [[105, "abacusai.external_invite.ExternalInvite.user_already_in_org", false]], "user_already_in_org (abacusai.externalinvite attribute)": [[146, "abacusai.ExternalInvite.user_already_in_org", false]], "user_emails (abacusai.modification_lock_info.modificationlockinfo attribute)": [[177, "abacusai.modification_lock_info.ModificationLockInfo.user_emails", false]], "user_emails (abacusai.modificationlockinfo attribute)": [[146, "abacusai.ModificationLockInfo.user_emails", false]], "user_exists_as_internal (abacusai.external_invite.externalinvite attribute)": [[105, "abacusai.external_invite.ExternalInvite.user_exists_as_internal", false]], "user_exists_as_internal (abacusai.externalinvite attribute)": [[146, "abacusai.ExternalInvite.user_exists_as_internal", false]], "user_feedback (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions attribute)": [[123, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.user_feedback", false]], "user_feedback (abacusai.featuregrouptemplatevariableoptions attribute)": [[146, "abacusai.FeatureGroupTemplateVariableOptions.user_feedback", false]], "user_group_id (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.user_group_id", false]], "user_group_id (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.user_group_id", false]], "user_group_ids (abacusai.external_application.externalapplication attribute)": [[104, "abacusai.external_application.ExternalApplication.user_group_ids", false]], "user_group_ids (abacusai.externalapplication attribute)": [[146, "abacusai.ExternalApplication.user_group_ids", false]], "user_information_instructions (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[64, "abacusai.custom_chat_instructions.CustomChatInstructions.user_information_instructions", false]], "user_information_instructions (abacusai.customchatinstructions attribute)": [[146, "abacusai.CustomChatInstructions.user_information_instructions", false]], "user_input (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.USER_INPUT", false]], "user_input (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.USER_INPUT", false]], "user_input (abacusai.workflownodeinputtype attribute)": [[146, "abacusai.WorkflowNodeInputType.USER_INPUT", false]], "usercode_tool (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.USERCODE_TOOL", false]], "usercode_tool (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.USERCODE_TOOL", false]], "usercode_tool (abacusai.pythonfunctiontype attribute)": [[146, "abacusai.PythonFunctionType.USERCODE_TOOL", false]], "userexception (class in abacusai)": [[146, "abacusai.UserException", false]], "userexception (class in abacusai.user_exception)": [[249, "abacusai.user_exception.UserException", false]], "users (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.users", false]], "users (abacusai.appusergroup attribute)": [[146, "abacusai.AppUserGroup.users", false]], "using_clause (abacusai.feature attribute)": [[146, "abacusai.Feature.using_clause", false]], "using_clause (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.using_clause", false]], "valence (abacusai.api_class.enums.sentimenttype attribute)": [[25, "abacusai.api_class.enums.SentimentType.VALENCE", false]], "valence (abacusai.api_class.sentimenttype attribute)": [[27, "abacusai.api_class.SentimentType.VALENCE", false]], "valence (abacusai.sentimenttype attribute)": [[146, "abacusai.SentimentType.VALENCE", false]], "valid (abacusai.llm_code_block.llmcodeblock attribute)": [[152, "abacusai.llm_code_block.LlmCodeBlock.valid", false]], "valid (abacusai.llmcodeblock attribute)": [[146, "abacusai.LlmCodeBlock.valid", false]], "valid (abacusai.project_validation.projectvalidation attribute)": [[219, "abacusai.project_validation.ProjectValidation.valid", false]], "valid (abacusai.projectvalidation attribute)": [[146, "abacusai.ProjectValidation.valid", false]], "valid_data_types (abacusai.dataset_column.datasetcolumn attribute)": [[79, "abacusai.dataset_column.DatasetColumn.valid_data_types", false]], "valid_data_types (abacusai.datasetcolumn attribute)": [[146, "abacusai.DatasetColumn.valid_data_types", false]], "validate() (abacusai.project method)": [[146, "abacusai.Project.validate", false]], "validate() (abacusai.project.project method)": [[214, "abacusai.project.Project.validate", false]], "validate_class_method_annotations() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.validate_class_method_annotations", false]], "validate_constructor_arg_types() (in module abacusai)": [[146, "abacusai.validate_constructor_arg_types", false]], "validate_constructor_arg_types() (in module abacusai.api_class)": [[27, "abacusai.api_class.validate_constructor_arg_types", false]], "validate_constructor_arg_types() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.validate_constructor_arg_types", false]], "validate_function_locally() (in module abacusai.python_function_validator)": [[221, "abacusai.python_function_validator.validate_function_locally", false]], "validate_input_dict_param() (in module abacusai)": [[146, "abacusai.validate_input_dict_param", false]], "validate_input_dict_param() (in module abacusai.api_class)": [[27, "abacusai.api_class.validate_input_dict_param", false]], "validate_input_dict_param() (in module abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.validate_input_dict_param", false]], "validate_locally() (abacusai.python_function.pythonfunction method)": [[220, "abacusai.python_function.PythonFunction.validate_locally", false]], "validate_locally() (abacusai.pythonfunction method)": [[146, "abacusai.PythonFunction.validate_locally", false]], "validate_project() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.validate_project", false]], "validate_project() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.validate_project", false]], "validate_workflow_graph() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.validate_workflow_graph", false]], "validate_workflow_graph() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.validate_workflow_graph", false]], "validate_workflow_node_inputs() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.validate_workflow_node_inputs", false]], "value (abacusai.api_class.monitor.stddevthreshold attribute)": [[29, "abacusai.api_class.monitor.StdDevThreshold.value", false]], "value (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.value", false]], "value (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.value", false]], "value (abacusai.api_class.stddevthreshold attribute)": [[27, "abacusai.api_class.StdDevThreshold.value", false]], "value (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment attribute)": [[173, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.value", false]], "value (abacusai.modeltrainingtypefordeployment attribute)": [[146, "abacusai.ModelTrainingTypeForDeployment.value", false]], "value (abacusai.organization_secret.organizationsecret attribute)": [[191, "abacusai.organization_secret.OrganizationSecret.value", false]], "value (abacusai.organizationsecret attribute)": [[146, "abacusai.OrganizationSecret.value", false]], "value (abacusai.pythonfunctionargument attribute)": [[146, "abacusai.PythonFunctionArgument.value", false]], "value (abacusai.routing_action.routingaction attribute)": [[231, "abacusai.routing_action.RoutingAction.value", false]], "value (abacusai.routingaction attribute)": [[146, "abacusai.RoutingAction.value", false]], "value (abacusai.stddevthreshold attribute)": [[146, "abacusai.StdDevThreshold.value", false]], "value (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.value", false]], "value (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.value", false]], "value (abacusai.user_exception.userexception attribute)": [[249, "abacusai.user_exception.UserException.value", false]], "value (abacusai.userexception attribute)": [[146, "abacusai.UserException.value", false]], "value_column (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.value_column", false]], "value_column (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.value_column", false]], "value_column (abacusai.unpivotconfig attribute)": [[146, "abacusai.UnpivotConfig.value_column", false]], "value_options (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.value_options", false]], "value_options (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.value_options", false]], "value_type (abacusai.training_config_options.trainingconfigoptions attribute)": [[242, "abacusai.training_config_options.TrainingConfigOptions.value_type", false]], "value_type (abacusai.trainingconfigoptions attribute)": [[146, "abacusai.TrainingConfigOptions.value_type", false]], "variable_source (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.variable_source", false]], "variable_source (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.variable_source", false]], "variable_source (abacusai.workflownodeinputmapping attribute)": [[146, "abacusai.WorkflowNodeInputMapping.variable_source", false]], "variable_type (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.variable_type", false]], "variable_type (abacusai.api_class.ai_agents.workflownodeoutputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.variable_type", false]], "variable_type (abacusai.api_class.ai_agents.workflownodetemplateoutput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.variable_type", false]], "variable_type (abacusai.api_class.outputvariablemapping attribute)": [[27, "abacusai.api_class.OutputVariableMapping.variable_type", false]], "variable_type (abacusai.api_class.python_functions.outputvariablemapping attribute)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping.variable_type", false]], "variable_type (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.variable_type", false]], "variable_type (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.variable_type", false]], "variable_type (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.variable_type", false]], "variable_type (abacusai.api_class.workflownodeoutputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.variable_type", false]], "variable_type (abacusai.api_class.workflownodetemplateoutput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.variable_type", false]], "variable_type (abacusai.outputvariablemapping attribute)": [[146, "abacusai.OutputVariableMapping.variable_type", false]], "variable_type (abacusai.pythonfunctionargument attribute)": [[146, "abacusai.PythonFunctionArgument.variable_type", false]], "variable_type (abacusai.workflownodeinputmapping attribute)": [[146, "abacusai.WorkflowNodeInputMapping.variable_type", false]], "variable_type (abacusai.workflownodeoutputmapping attribute)": [[146, "abacusai.WorkflowNodeOutputMapping.variable_type", false]], "variable_type (abacusai.workflownodetemplateoutput attribute)": [[146, "abacusai.WorkflowNodeTemplateOutput.variable_type", false]], "vectorstoreconfig (class in abacusai)": [[146, "abacusai.VectorStoreConfig", false]], "vectorstoreconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.VectorStoreConfig", false]], "vectorstoreconfig (class in abacusai.api_class.document_retriever)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig", false]], "vectorstoretextencoder (class in abacusai)": [[146, "abacusai.VectorStoreTextEncoder", false]], "vectorstoretextencoder (class in abacusai.api_class)": [[27, "abacusai.api_class.VectorStoreTextEncoder", false], [27, "id105", false]], "vectorstoretextencoder (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder", false]], "verification_info (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.verification_info", false]], "verification_info (abacusai.annotationentry attribute)": [[146, "abacusai.AnnotationEntry.verification_info", false]], "verification_summary (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[85, "abacusai.deployment_conversation_event.DeploymentConversationEvent.verification_summary", false]], "verification_summary (abacusai.deploymentconversationevent attribute)": [[146, "abacusai.DeploymentConversationEvent.verification_summary", false]], "verifications_upload_id (abacusai.model_upload.modelupload attribute)": [[174, "abacusai.model_upload.ModelUpload.verifications_upload_id", false]], "verifications_upload_id (abacusai.modelupload attribute)": [[146, "abacusai.ModelUpload.verifications_upload_id", false]], "verified (abacusai.file_connector.fileconnector attribute)": [[130, "abacusai.file_connector.FileConnector.verified", false]], "verified (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[131, "abacusai.file_connector_instructions.FileConnectorInstructions.verified", false]], "verified (abacusai.file_connector_verification.fileconnectorverification attribute)": [[132, "abacusai.file_connector_verification.FileConnectorVerification.verified", false]], "verified (abacusai.fileconnector attribute)": [[146, "abacusai.FileConnector.verified", false]], "verified (abacusai.fileconnectorinstructions attribute)": [[146, "abacusai.FileConnectorInstructions.verified", false]], "verified (abacusai.fileconnectorverification attribute)": [[146, "abacusai.FileConnectorVerification.verified", false]], "verify() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.verify", false]], "verify() (abacusai.applicationconnector method)": [[146, "abacusai.ApplicationConnector.verify", false]], "verify() (abacusai.database_connector.databaseconnector method)": [[75, "abacusai.database_connector.DatabaseConnector.verify", false]], "verify() (abacusai.databaseconnector method)": [[146, "abacusai.DatabaseConnector.verify", false]], "verify() (abacusai.streaming_connector.streamingconnector method)": [[236, "abacusai.streaming_connector.StreamingConnector.verify", false]], "verify() (abacusai.streamingconnector method)": [[146, "abacusai.StreamingConnector.verify", false]], "verify_and_describe_annotation() (abacusai.client.readonlyclient method)": [[52, "abacusai.client.ReadOnlyClient.verify_and_describe_annotation", false]], "verify_and_describe_annotation() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.verify_and_describe_annotation", false]], "verify_and_describe_annotation() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.verify_and_describe_annotation", false]], "verify_and_describe_annotation() (abacusai.readonlyclient method)": [[146, "abacusai.ReadOnlyClient.verify_and_describe_annotation", false]], "verify_application_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.verify_application_connector", false]], "verify_application_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.verify_application_connector", false]], "verify_database_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.verify_database_connector", false]], "verify_database_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.verify_database_connector", false]], "verify_file_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.verify_file_connector", false]], "verify_file_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.verify_file_connector", false]], "verify_response (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.verify_response", false]], "verify_response (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.verify_response", false]], "verify_response (abacusai.datagenerationconfig attribute)": [[146, "abacusai.DataGenerationConfig.verify_response", false]], "verify_response() (in module abacusai.cryptography)": [[63, "abacusai.cryptography.verify_response", false]], "verify_streaming_connector() (abacusai.apiclient method)": [[146, "abacusai.ApiClient.verify_streaming_connector", false]], "verify_streaming_connector() (abacusai.client.apiclient method)": [[52, "abacusai.client.ApiClient.verify_streaming_connector", false]], "version_limit (abacusai.dataset attribute)": [[146, "abacusai.Dataset.version_limit", false]], "version_limit (abacusai.dataset.dataset attribute)": [[78, "abacusai.dataset.Dataset.version_limit", false]], "version_limit (abacusai.feature_group.featuregroup attribute)": [[111, "abacusai.feature_group.FeatureGroup.version_limit", false]], "version_limit (abacusai.featuregroup attribute)": [[146, "abacusai.FeatureGroup.version_limit", false]], "version_limit (abacusai.project_feature_group.projectfeaturegroup attribute)": [[216, "abacusai.project_feature_group.ProjectFeatureGroup.version_limit", false]], "version_limit (abacusai.projectfeaturegroup attribute)": [[146, "abacusai.ProjectFeatureGroup.version_limit", false]], "videogensettings (class in abacusai)": [[146, "abacusai.VideoGenSettings", false]], "videogensettings (class in abacusai.video_gen_settings)": [[250, "abacusai.video_gen_settings.VideoGenSettings", false]], "videosearchresult (class in abacusai)": [[146, "abacusai.VideoSearchResult", false]], "videosearchresult (class in abacusai.video_search_result)": [[251, "abacusai.video_search_result.VideoSearchResult", false]], "violation (abacusai.null_violation.nullviolation attribute)": [[187, "abacusai.null_violation.NullViolation.violation", false]], "violation (abacusai.nullviolation attribute)": [[146, "abacusai.NullViolation.violation", false]], "vnc_endpoint (abacusai.chatllm_computer.chatllmcomputer attribute)": [[49, "abacusai.chatllm_computer.ChatllmComputer.vnc_endpoint", false]], "vnc_endpoint (abacusai.chatllmcomputer attribute)": [[146, "abacusai.ChatllmComputer.vnc_endpoint", false]], "voice (abacusai.voice_gen_details.voicegendetails attribute)": [[252, "abacusai.voice_gen_details.VoiceGenDetails.voice", false]], "voice (abacusai.voicegendetails attribute)": [[146, "abacusai.VoiceGenDetails.voice", false]], "voice_id (abacusai.tone_details.tonedetails attribute)": [[241, "abacusai.tone_details.ToneDetails.voice_id", false]], "voice_id (abacusai.tonedetails attribute)": [[146, "abacusai.ToneDetails.voice_id", false]], "voicegendetails (class in abacusai)": [[146, "abacusai.VoiceGenDetails", false]], "voicegendetails (class in abacusai.voice_gen_details)": [[252, "abacusai.voice_gen_details.VoiceGenDetails", false]], "wait_for_complete() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[225, "abacusai.refresh_pipeline_run.RefreshPipelineRun.wait_for_complete", false]], "wait_for_complete() (abacusai.refreshpipelinerun method)": [[146, "abacusai.RefreshPipelineRun.wait_for_complete", false]], "wait_for_dataset() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.wait_for_dataset", false]], "wait_for_dataset() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.wait_for_dataset", false]], "wait_for_deployment() (abacusai.deployment method)": [[146, "abacusai.Deployment.wait_for_deployment", false]], "wait_for_deployment() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.wait_for_deployment", false]], "wait_for_drift_monitor() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.wait_for_drift_monitor", false]], "wait_for_drift_monitor() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.wait_for_drift_monitor", false]], "wait_for_drift_monitor() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.wait_for_drift_monitor", false]], "wait_for_drift_monitor() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.wait_for_drift_monitor", false]], "wait_for_eda() (abacusai.eda_version.edaversion method)": [[101, "abacusai.eda_version.EdaVersion.wait_for_eda", false]], "wait_for_eda() (abacusai.edaversion method)": [[146, "abacusai.EdaVersion.wait_for_eda", false]], "wait_for_evaluation() (abacusai.model method)": [[146, "abacusai.Model.wait_for_evaluation", false]], "wait_for_evaluation() (abacusai.model.model method)": [[161, "abacusai.model.Model.wait_for_evaluation", false]], "wait_for_execution() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.wait_for_execution", false]], "wait_for_execution() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.wait_for_execution", false]], "wait_for_export() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.wait_for_export", false]], "wait_for_export() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.wait_for_export", false]], "wait_for_full_automl() (abacusai.model method)": [[146, "abacusai.Model.wait_for_full_automl", false]], "wait_for_full_automl() (abacusai.model.model method)": [[161, "abacusai.model.Model.wait_for_full_automl", false]], "wait_for_full_automl() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.wait_for_full_automl", false]], "wait_for_full_automl() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.wait_for_full_automl", false]], "wait_for_import() (abacusai.dataset method)": [[146, "abacusai.Dataset.wait_for_import", false]], "wait_for_import() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.wait_for_import", false]], "wait_for_import() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.wait_for_import", false]], "wait_for_import() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.wait_for_import", false]], "wait_for_inspection() (abacusai.dataset method)": [[146, "abacusai.Dataset.wait_for_inspection", false]], "wait_for_inspection() (abacusai.dataset.dataset method)": [[78, "abacusai.dataset.Dataset.wait_for_inspection", false]], "wait_for_inspection() (abacusai.dataset_version.datasetversion method)": [[80, "abacusai.dataset_version.DatasetVersion.wait_for_inspection", false]], "wait_for_inspection() (abacusai.datasetversion method)": [[146, "abacusai.DatasetVersion.wait_for_inspection", false]], "wait_for_join() (abacusai.upload method)": [[146, "abacusai.Upload.wait_for_join", false]], "wait_for_join() (abacusai.upload.upload method)": [[244, "abacusai.upload.Upload.wait_for_join", false]], "wait_for_materialization() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.wait_for_materialization", false]], "wait_for_materialization() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.wait_for_materialization", false]], "wait_for_materialization() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.wait_for_materialization", false]], "wait_for_materialization() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.wait_for_materialization", false]], "wait_for_monitor() (abacusai.model_monitor_version.modelmonitorversion method)": [[171, "abacusai.model_monitor_version.ModelMonitorVersion.wait_for_monitor", false]], "wait_for_monitor() (abacusai.modelmonitorversion method)": [[146, "abacusai.ModelMonitorVersion.wait_for_monitor", false]], "wait_for_monitor_alert() (abacusai.monitor_alert_version.monitoralertversion method)": [[180, "abacusai.monitor_alert_version.MonitorAlertVersion.wait_for_monitor_alert", false]], "wait_for_monitor_alert() (abacusai.monitoralertversion method)": [[146, "abacusai.MonitorAlertVersion.wait_for_monitor_alert", false]], "wait_for_pending_deployment_update() (abacusai.deployment method)": [[146, "abacusai.Deployment.wait_for_pending_deployment_update", false]], "wait_for_pending_deployment_update() (abacusai.deployment.deployment method)": [[82, "abacusai.deployment.Deployment.wait_for_pending_deployment_update", false]], "wait_for_pipeline() (abacusai.pipeline method)": [[146, "abacusai.Pipeline.wait_for_pipeline", false]], "wait_for_pipeline() (abacusai.pipeline.pipeline method)": [[193, "abacusai.pipeline.Pipeline.wait_for_pipeline", false]], "wait_for_pipeline() (abacusai.pipeline_version.pipelineversion method)": [[199, "abacusai.pipeline_version.PipelineVersion.wait_for_pipeline", false]], "wait_for_pipeline() (abacusai.pipelineversion method)": [[146, "abacusai.PipelineVersion.wait_for_pipeline", false]], "wait_for_predictions() (abacusai.batch_prediction.batchprediction method)": [[42, "abacusai.batch_prediction.BatchPrediction.wait_for_predictions", false]], "wait_for_predictions() (abacusai.batch_prediction_version.batchpredictionversion method)": [[43, "abacusai.batch_prediction_version.BatchPredictionVersion.wait_for_predictions", false]], "wait_for_predictions() (abacusai.batchprediction method)": [[146, "abacusai.BatchPrediction.wait_for_predictions", false]], "wait_for_predictions() (abacusai.batchpredictionversion method)": [[146, "abacusai.BatchPredictionVersion.wait_for_predictions", false]], "wait_for_process() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[119, "abacusai.feature_group_row_process.FeatureGroupRowProcess.wait_for_process", false]], "wait_for_process() (abacusai.featuregrouprowprocess method)": [[146, "abacusai.FeatureGroupRowProcess.wait_for_process", false]], "wait_for_publish() (abacusai.agent method)": [[146, "abacusai.Agent.wait_for_publish", false]], "wait_for_publish() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.wait_for_publish", false]], "wait_for_publish() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.wait_for_publish", false]], "wait_for_publish() (abacusai.agentversion method)": [[146, "abacusai.AgentVersion.wait_for_publish", false]], "wait_for_publish() (abacusai.model method)": [[146, "abacusai.Model.wait_for_publish", false]], "wait_for_publish() (abacusai.model.model method)": [[161, "abacusai.model.Model.wait_for_publish", false]], "wait_for_results() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.wait_for_results", false]], "wait_for_results() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.wait_for_results", false]], "wait_for_results() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[103, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.wait_for_results", false]], "wait_for_results() (abacusai.executefeaturegroupoperation method)": [[146, "abacusai.ExecuteFeatureGroupOperation.wait_for_results", false]], "wait_for_results() (abacusai.feature_group_export.featuregroupexport method)": [[113, "abacusai.feature_group_export.FeatureGroupExport.wait_for_results", false]], "wait_for_results() (abacusai.feature_group_version.featuregroupversion method)": [[124, "abacusai.feature_group_version.FeatureGroupVersion.wait_for_results", false]], "wait_for_results() (abacusai.featuregroupexport method)": [[146, "abacusai.FeatureGroupExport.wait_for_results", false]], "wait_for_results() (abacusai.featuregroupversion method)": [[146, "abacusai.FeatureGroupVersion.wait_for_results", false]], "wait_for_results() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[142, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.wait_for_results", false]], "wait_for_results() (abacusai.holdoutanalysisversion method)": [[146, "abacusai.HoldoutAnalysisVersion.wait_for_results", false]], "wait_for_results() (abacusai.model_artifacts_export.modelartifactsexport method)": [[162, "abacusai.model_artifacts_export.ModelArtifactsExport.wait_for_results", false]], "wait_for_results() (abacusai.modelartifactsexport method)": [[146, "abacusai.ModelArtifactsExport.wait_for_results", false]], "wait_for_streaming_ready() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.wait_for_streaming_ready", false]], "wait_for_streaming_ready() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.wait_for_streaming_ready", false]], "wait_for_training() (abacusai.model method)": [[146, "abacusai.Model.wait_for_training", false]], "wait_for_training() (abacusai.model.model method)": [[161, "abacusai.model.Model.wait_for_training", false]], "wait_for_training() (abacusai.model_version.modelversion method)": [[175, "abacusai.model_version.ModelVersion.wait_for_training", false]], "wait_for_training() (abacusai.modelversion method)": [[146, "abacusai.ModelVersion.wait_for_training", false]], "wait_for_upload() (abacusai.feature_group.featuregroup method)": [[111, "abacusai.feature_group.FeatureGroup.wait_for_upload", false]], "wait_for_upload() (abacusai.featuregroup method)": [[146, "abacusai.FeatureGroup.wait_for_upload", false]], "wait_until_deployment_ready() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.wait_until_deployment_ready", false]], "wait_until_deployment_ready() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.wait_until_deployment_ready", false]], "wait_until_deployment_ready() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.wait_until_deployment_ready", false]], "wait_until_deployment_ready() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.wait_until_deployment_ready", false]], "wait_until_ready() (abacusai.document_retriever.documentretriever method)": [[89, "abacusai.document_retriever.DocumentRetriever.wait_until_ready", false]], "wait_until_ready() (abacusai.document_retriever_version.documentretrieverversion method)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.wait_until_ready", false]], "wait_until_ready() (abacusai.documentretriever method)": [[146, "abacusai.DocumentRetriever.wait_until_ready", false]], "wait_until_ready() (abacusai.documentretrieverversion method)": [[146, "abacusai.DocumentRetrieverVersion.wait_until_ready", false]], "wape (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.WAPE", false]], "wape (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.WAPE", false]], "wape (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.WAPE", false]], "wape (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.WAPE", false]], "wape (abacusai.forecastingobjective attribute)": [[146, "abacusai.ForecastingObjective.WAPE", false]], "wape (abacusai.regressionobjective attribute)": [[146, "abacusai.RegressionObjective.WAPE", false]], "warning (abacusai.pipeline attribute)": [[146, "abacusai.Pipeline.warning", false]], "warning (abacusai.pipeline.pipeline attribute)": [[193, "abacusai.pipeline.Pipeline.warning", false]], "warnings (abacusai.batch_prediction_version_logs.batchpredictionversionlogs attribute)": [[44, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.warnings", false]], "warnings (abacusai.batchpredictionversionlogs attribute)": [[146, "abacusai.BatchPredictionVersionLogs.warnings", false]], "warnings (abacusai.document_retriever_version.documentretrieverversion attribute)": [[91, "abacusai.document_retriever_version.DocumentRetrieverVersion.warnings", false]], "warnings (abacusai.documentretrieverversion attribute)": [[146, "abacusai.DocumentRetrieverVersion.warnings", false]], "web_version (abacusai.client.baseapiclient attribute)": [[52, "abacusai.client.BaseApiClient.web_version", false]], "webhook (class in abacusai)": [[146, "abacusai.Webhook", false]], "webhook (class in abacusai.webhook)": [[256, "abacusai.webhook.Webhook", false]], "webhook_event_type (abacusai.webhook attribute)": [[146, "abacusai.Webhook.webhook_event_type", false]], "webhook_event_type (abacusai.webhook.webhook attribute)": [[256, "abacusai.webhook.Webhook.webhook_event_type", false]], "webhook_id (abacusai.webhook attribute)": [[146, "abacusai.Webhook.webhook_id", false]], "webhook_id (abacusai.webhook.webhook attribute)": [[256, "abacusai.webhook.Webhook.webhook_id", false]], "webm (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.WEBM", false]], "webm (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.WEBM", false]], "webm (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.WEBM", false]], "webp (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.WEBP", false]], "webp (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.WEBP", false]], "webp (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.WEBP", false]], "webpageresponse (class in abacusai)": [[146, "abacusai.WebPageResponse", false]], "webpageresponse (class in abacusai.web_page_response)": [[253, "abacusai.web_page_response.WebPageResponse", false]], "websearchresponse (class in abacusai)": [[146, "abacusai.WebSearchResponse", false]], "websearchresponse (class in abacusai.web_search_response)": [[254, "abacusai.web_search_response.WebSearchResponse", false]], "websearchresult (class in abacusai)": [[146, "abacusai.WebSearchResult", false]], "websearchresult (class in abacusai.web_search_result)": [[255, "abacusai.web_search_result.WebSearchResult", false]], "weekly_monday_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.WEEKLY_MONDAY_START", false]], "weekly_monday_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.WEEKLY_MONDAY_START", false]], "weekly_monday_start (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.WEEKLY_MONDAY_START", false]], "weekly_saturday_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.WEEKLY_SATURDAY_START", false]], "weekly_saturday_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.WEEKLY_SATURDAY_START", false]], "weekly_saturday_start (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.WEEKLY_SATURDAY_START", false]], "weekly_sunday_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.WEEKLY_SUNDAY_START", false]], "weekly_sunday_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.WEEKLY_SUNDAY_START", false]], "weekly_sunday_start (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.WEEKLY_SUNDAY_START", false]], "weibull (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.WEIBULL", false]], "weibull (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.WEIBULL", false]], "weibull (abacusai.forecastinglossfunction attribute)": [[146, "abacusai.ForecastingLossFunction.WEIBULL", false]], "welcome_message (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[160, "abacusai.messaging_connector_response.MessagingConnectorResponse.welcome_message", false]], "welcome_message (abacusai.messagingconnectorresponse attribute)": [[146, "abacusai.MessagingConnectorResponse.welcome_message", false]], "where_clause (abacusai.feature attribute)": [[146, "abacusai.Feature.where_clause", false]], "where_clause (abacusai.feature.feature attribute)": [[107, "abacusai.feature.Feature.where_clause", false]], "whiteboard (abacusai.chat_session.chatsession attribute)": [[48, "abacusai.chat_session.ChatSession.whiteboard", false]], "whiteboard (abacusai.chatsession attribute)": [[146, "abacusai.ChatSession.whiteboard", false]], "width (abacusai.api_class.imageurlresponsesection attribute)": [[27, "abacusai.api_class.ImageUrlResponseSection.width", false]], "width (abacusai.api_class.segments.imageurlresponsesection attribute)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection.width", false]], "width (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.WIDTH", false]], "width (abacusai.imageurlresponsesection attribute)": [[146, "abacusai.ImageUrlResponseSection.width", false]], "width (abacusai.page_data.pagedata attribute)": [[192, "abacusai.page_data.PageData.width", false]], "width (abacusai.pagedata attribute)": [[146, "abacusai.PageData.width", false]], "window_config (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.window_config", false]], "window_config (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.window_config", false]], "window_config (abacusai.forecastingmonitorconfig attribute)": [[146, "abacusai.ForecastingMonitorConfig.window_config", false]], "window_duration (abacusai.api_class.monitor.timewindowconfig attribute)": [[29, "abacusai.api_class.monitor.TimeWindowConfig.window_duration", false]], "window_duration (abacusai.api_class.timewindowconfig attribute)": [[27, "abacusai.api_class.TimeWindowConfig.window_duration", false]], "window_duration (abacusai.timewindowconfig attribute)": [[146, "abacusai.TimeWindowConfig.window_duration", false]], "window_from_start (abacusai.api_class.monitor.timewindowconfig attribute)": [[29, "abacusai.api_class.monitor.TimeWindowConfig.window_from_start", false]], "window_from_start (abacusai.api_class.timewindowconfig attribute)": [[27, "abacusai.api_class.TimeWindowConfig.window_from_start", false]], "window_from_start (abacusai.timewindowconfig attribute)": [[146, "abacusai.TimeWindowConfig.window_from_start", false]], "window_key (abacusai.point_in_time_group.pointintimegroup attribute)": [[204, "abacusai.point_in_time_group.PointInTimeGroup.window_key", false]], "window_key (abacusai.pointintimegroup attribute)": [[146, "abacusai.PointInTimeGroup.window_key", false]], "wmv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.WMV", false]], "wmv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.WMV", false]], "wmv (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.WMV", false]], "workflow_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.WORKFLOW_AGENT", false]], "workflow_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.WORKFLOW_AGENT", false]], "workflow_agent (abacusai.deploymentconversationtype attribute)": [[146, "abacusai.DeploymentConversationType.WORKFLOW_AGENT", false]], "workflow_graph (abacusai.agent attribute)": [[146, "abacusai.Agent.workflow_graph", false]], "workflow_graph (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.workflow_graph", false]], "workflow_graph (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.workflow_graph", false]], "workflow_graph (abacusai.agentversion attribute)": [[146, "abacusai.AgentVersion.workflow_graph", false]], "workflow_graph_node (abacusai.template_node_details.templatenodedetails attribute)": [[239, "abacusai.template_node_details.TemplateNodeDetails.workflow_graph_node", false]], "workflow_graph_node (abacusai.templatenodedetails attribute)": [[146, "abacusai.TemplateNodeDetails.workflow_graph_node", false]], "workflow_graph_node (abacusai.workflow_graph_node_details.workflowgraphnodedetails attribute)": [[257, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.workflow_graph_node", false]], "workflow_graph_node (abacusai.workflowgraphnodedetails attribute)": [[146, "abacusai.WorkflowGraphNodeDetails.workflow_graph_node", false]], "workflow_node_template_id (abacusai.workflow_node_template.workflownodetemplate attribute)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate.workflow_node_template_id", false]], "workflow_node_template_id (abacusai.workflownodetemplate attribute)": [[146, "abacusai.WorkflowNodeTemplate.workflow_node_template_id", false]], "workflow_variable (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.WORKFLOW_VARIABLE", false]], "workflow_variable (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.WORKFLOW_VARIABLE", false]], "workflow_variable (abacusai.workflownodeinputtype attribute)": [[146, "abacusai.WorkflowNodeInputType.WORKFLOW_VARIABLE", false]], "workflowgraph (class in abacusai)": [[146, "abacusai.WorkflowGraph", false]], "workflowgraph (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraph", false]], "workflowgraph (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph", false]], "workflowgraphedge (class in abacusai)": [[146, "abacusai.WorkflowGraphEdge", false]], "workflowgraphedge (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraphEdge", false]], "workflowgraphedge (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge", false]], "workflowgraphnode (class in abacusai)": [[146, "abacusai.WorkflowGraphNode", false]], "workflowgraphnode (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraphNode", false]], "workflowgraphnode (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode", false]], "workflowgraphnode.outputs (class in abacusai)": [[146, "abacusai.WorkflowGraphNode.Outputs", false]], "workflowgraphnode.outputs (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraphNode.Outputs", false]], "workflowgraphnode.outputs (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs", false]], "workflowgraphnodedetails (class in abacusai)": [[146, "abacusai.WorkflowGraphNodeDetails", false]], "workflowgraphnodedetails (class in abacusai.workflow_graph_node_details)": [[257, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails", false]], "workflownodeinputmapping (class in abacusai)": [[146, "abacusai.WorkflowNodeInputMapping", false]], "workflownodeinputmapping (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeInputMapping", false]], "workflownodeinputmapping (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping", false]], "workflownodeinputschema (class in abacusai)": [[146, "abacusai.WorkflowNodeInputSchema", false]], "workflownodeinputschema (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeInputSchema", false]], "workflownodeinputschema (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema", false]], "workflownodeinputtype (class in abacusai)": [[146, "abacusai.WorkflowNodeInputType", false]], "workflownodeinputtype (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeInputType", false]], "workflownodeinputtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType", false]], "workflownodeoutputmapping (class in abacusai)": [[146, "abacusai.WorkflowNodeOutputMapping", false]], "workflownodeoutputmapping (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping", false]], "workflownodeoutputmapping (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping", false]], "workflownodeoutputschema (class in abacusai)": [[146, "abacusai.WorkflowNodeOutputSchema", false]], "workflownodeoutputschema (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema", false]], "workflownodeoutputschema (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema", false]], "workflownodeoutputtype (class in abacusai)": [[146, "abacusai.WorkflowNodeOutputType", false]], "workflownodeoutputtype (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeOutputType", false]], "workflownodeoutputtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType", false]], "workflownodetemplate (class in abacusai)": [[146, "abacusai.WorkflowNodeTemplate", false]], "workflownodetemplate (class in abacusai.workflow_node_template)": [[258, "abacusai.workflow_node_template.WorkflowNodeTemplate", false]], "workflownodetemplateconfig (class in abacusai)": [[146, "abacusai.WorkflowNodeTemplateConfig", false]], "workflownodetemplateconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig", false]], "workflownodetemplateconfig (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig", false]], "workflownodetemplateinput (class in abacusai)": [[146, "abacusai.WorkflowNodeTemplateInput", false]], "workflownodetemplateinput (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput", false]], "workflownodetemplateinput (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput", false]], "workflownodetemplateoutput (class in abacusai)": [[146, "abacusai.WorkflowNodeTemplateOutput", false]], "workflownodetemplateoutput (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput", false]], "workflownodetemplateoutput (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput", false]], "workflownodetemplatetype (class in abacusai)": [[146, "abacusai.WorkflowNodeTemplateType", false]], "workflownodetemplatetype (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateType", false]], "workflownodetemplatetype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.WorkflowNodeTemplateType", false]], "write_mode (abacusai.feature_group_export.featuregroupexport attribute)": [[113, "abacusai.feature_group_export.FeatureGroupExport.write_mode", false]], "write_mode (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[114, "abacusai.feature_group_export_config.FeatureGroupExportConfig.write_mode", false]], "write_mode (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[117, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.write_mode", false]], "write_mode (abacusai.featuregroupexport attribute)": [[146, "abacusai.FeatureGroupExport.write_mode", false]], "write_mode (abacusai.featuregroupexportconfig attribute)": [[146, "abacusai.FeatureGroupExportConfig.write_mode", false]], "write_mode (abacusai.featuregrouprefreshexportconfig attribute)": [[146, "abacusai.FeatureGroupRefreshExportConfig.write_mode", false]], "write_permission (abacusai.file_connector.fileconnector attribute)": [[130, "abacusai.file_connector.FileConnector.write_permission", false]], "write_permission (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[131, "abacusai.file_connector_instructions.FileConnectorInstructions.write_permission", false]], "write_permission (abacusai.file_connector_verification.fileconnectorverification attribute)": [[132, "abacusai.file_connector_verification.FileConnectorVerification.write_permission", false]], "write_permission (abacusai.fileconnector attribute)": [[146, "abacusai.FileConnector.write_permission", false]], "write_permission (abacusai.fileconnectorinstructions attribute)": [[146, "abacusai.FileConnectorInstructions.write_permission", false]], "write_permission (abacusai.fileconnectorverification attribute)": [[146, "abacusai.FileConnectorVerification.write_permission", false]], "ws (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.WS", false]], "ws (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.WS", false]], "ws (abacusai.featuredrifttype attribute)": [[146, "abacusai.FeatureDriftType.WS", false]], "ws_distance (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[102, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.ws_distance", false]], "ws_distance (abacusai.embeddingfeaturedriftdistribution attribute)": [[146, "abacusai.EmbeddingFeatureDriftDistribution.ws_distance", false]], "ws_distance (abacusai.feature_drift_record.featuredriftrecord attribute)": [[109, "abacusai.feature_drift_record.FeatureDriftRecord.ws_distance", false]], "ws_distance (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[110, "abacusai.feature_drift_summary.FeatureDriftSummary.ws_distance", false]], "ws_distance (abacusai.featuredriftrecord attribute)": [[146, "abacusai.FeatureDriftRecord.ws_distance", false]], "ws_distance (abacusai.featuredriftsummary attribute)": [[146, "abacusai.FeatureDriftSummary.ws_distance", false]], "x_axis (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.x_axis", false]], "x_axis (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.x_axis", false]], "x_axis (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.x_axis", false]], "x_axis (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.x_axis", false]], "x_axis_column_values (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.x_axis_column_values", false]], "x_axis_column_values (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.x_axis_column_values", false]], "xai_grok (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.XAI_GROK", false]], "xai_grok (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.XAI_GROK", false]], "xai_grok (abacusai.llmname attribute)": [[146, "abacusai.LLMName.XAI_GROK", false]], "xlarge (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.XLARGE", false]], "xlarge (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.XLARGE", false]], "xlarge (abacusai.memorysize attribute)": [[146, "abacusai.MemorySize.XLARGE", false]], "xls (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.XLS", false]], "xls (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.XLS", false]], "xls (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.XLS", false]], "y_axis (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.y_axis", false]], "y_axis (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.y_axis", false]], "y_axis (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[134, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.y_axis", false]], "y_axis (abacusai.forecastinganalysisgraphdata attribute)": [[146, "abacusai.ForecastingAnalysisGraphData.y_axis", false]], "y_axis_column_values (abacusai.eda_feature_association.edafeatureassociation attribute)": [[98, "abacusai.eda_feature_association.EdaFeatureAssociation.y_axis_column_values", false]], "y_axis_column_values (abacusai.edafeatureassociation attribute)": [[146, "abacusai.EdaFeatureAssociation.y_axis_column_values", false]], "yearly (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.YEARLY", false]], "yearly (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.YEARLY", false]], "yearly (abacusai.forecastingfrequency attribute)": [[146, "abacusai.ForecastingFrequency.YEARLY", false]], "yeo_johnson (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.YEO_JOHNSON", false]], "yeo_johnson (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.YEO_JOHNSON", false]], "yeo_johnson (abacusai.regressiontargettransform attribute)": [[146, "abacusai.RegressionTargetTransform.YEO_JOHNSON", false]], "zendesk (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ZENDESK", false]], "zendesk (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ZENDESK", false]], "zendesk (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.ZENDESK", false]], "zendeskdatasetconfig (class in abacusai)": [[146, "abacusai.ZendeskDatasetConfig", false]], "zendeskdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ZendeskDatasetConfig", false]], "zendeskdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig", false]], "zendesksunshinemessaging (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ZENDESKSUNSHINEMESSAGING", false]], "zendesksunshinemessaging (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ZENDESKSUNSHINEMESSAGING", false]], "zendesksunshinemessaging (abacusai.applicationconnectortype attribute)": [[146, "abacusai.ApplicationConnectorType.ZENDESKSUNSHINEMESSAGING", false]], "zero_predictor (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.zero_predictor", false]], "zero_predictor (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.zero_predictor", false]], "zero_predictor (abacusai.forecastingtrainingconfig attribute)": [[146, "abacusai.ForecastingTrainingConfig.zero_predictor", false]], "zero_shot_hypotheses (abacusai.api_class.documentclassificationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig.zero_shot_hypotheses", false]], "zero_shot_hypotheses (abacusai.api_class.model.documentclassificationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig.zero_shot_hypotheses", false]], "zero_shot_hypotheses (abacusai.documentclassificationtrainingconfig attribute)": [[146, "abacusai.DocumentClassificationTrainingConfig.zero_shot_hypotheses", false]], "zeros (abacusai.api_class.clusteringimputationmethod attribute)": [[27, "abacusai.api_class.ClusteringImputationMethod.ZEROS", false]], "zeros (abacusai.api_class.enums.clusteringimputationmethod attribute)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod.ZEROS", false]], "zeros (abacusai.clusteringimputationmethod attribute)": [[146, "abacusai.ClusteringImputationMethod.ZEROS", false]], "zip (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.ZIP", false]], "zip (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.ZIP", false]], "zip (abacusai.fileformat attribute)": [[146, "abacusai.FileFormat.ZIP", false]], "zscore (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.ZSCORE", false]], "zscore (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.ZSCORE", false]], "zscore (abacusai.forecastinglocalscaling attribute)": [[146, "abacusai.ForecastingLocalScaling.ZSCORE", false]]}, "objects": {"": [[146, 0, 0, "-", "abacusai"]], "abacusai": [[146, 1, 1, "", "AIAgentBatchPredictionArgs"], [146, 1, 1, "", "AIAgentTrainingConfig"], [146, 1, 1, "", "AbacusApi"], [146, 1, 1, "", "AbacusUsageMetricsDatasetConfig"], [146, 1, 1, "", "AccuracyBelowThresholdConditionConfig"], [146, 1, 1, "", "Address"], [146, 1, 1, "", "Agent"], [146, 1, 1, "", "AgentChatMessage"], [146, 1, 1, "", "AgentConversation"], [146, 1, 1, "", "AgentConversationMessage"], [146, 1, 1, "", "AgentDataDocumentInfo"], [146, 1, 1, "", "AgentDataExecutionResult"], [146, 1, 1, "", "AgentFlowButtonResponseSection"], [146, 1, 1, "", "AgentInterface"], [146, 1, 1, "", "AgentResponse"], [146, 1, 1, "", "AgentVersion"], [146, 1, 1, "", "AiBuildingTask"], [146, 1, 1, "", "AlertActionConfig"], [146, 1, 1, "", "AlertActionType"], [146, 1, 1, "", "AlertConditionConfig"], [146, 1, 1, "", "Algorithm"], [146, 1, 1, "", "Annotation"], [146, 1, 1, "", "AnnotationConfig"], [146, 1, 1, "", "AnnotationDocument"], [146, 1, 1, "", "AnnotationEntry"], [146, 1, 1, "", "AnnotationsStatus"], [146, 1, 1, "", "ApiClass"], [146, 1, 1, "", "ApiClient"], [146, 1, 1, "", "ApiEndpoint"], [146, 1, 1, "", "ApiEnum"], [146, 5, 1, "", "ApiException"], [146, 1, 1, "", "ApiKey"], [146, 1, 1, "", "AppUserGroup"], [146, 1, 1, "", "AppUserGroupSignInToken"], [146, 1, 1, "", "ApplicationConnector"], [146, 1, 1, "", "ApplicationConnectorDatasetConfig"], [146, 1, 1, "", "ApplicationConnectorType"], [146, 1, 1, "", "AttachmentParsingConfig"], [146, 1, 1, "", "AudioGenSettings"], [146, 1, 1, "", "Base64ImageResponseSection"], [146, 1, 1, "", "BatchPrediction"], [146, 1, 1, "", "BatchPredictionArgs"], [146, 1, 1, "", "BatchPredictionVersion"], [146, 1, 1, "", "BatchPredictionVersionLogs"], [146, 1, 1, "", "BatchSize"], [146, 1, 1, "", "BiasType"], [146, 1, 1, "", "BiasViolationConditionConfig"], [146, 1, 1, "", "Blob"], [146, 1, 1, "", "BlobInput"], [146, 1, 1, "", "BotInfo"], [146, 1, 1, "", "BoxDatasetConfig"], [146, 1, 1, "", "CPUSize"], [146, 1, 1, "", "CategoricalRangeViolation"], [146, 1, 1, "", "ChartResponseSection"], [146, 1, 1, "", "ChatLLMBatchPredictionArgs"], [146, 1, 1, "", "ChatLLMPredictionArguments"], [146, 1, 1, "", "ChatLLMTrainingConfig"], [146, 1, 1, "", "ChatMessage"], [146, 1, 1, "", "ChatSession"], [146, 1, 1, "", "ChatllmComputer"], [146, 1, 1, "", "ChatllmReferralInvite"], [146, 1, 1, "", "ChatllmTask"], [146, 1, 1, "", "ClientOptions"], [146, 1, 1, "", "ClusteringImputationMethod"], [146, 1, 1, "", "ClusteringTimeseriesTrainingConfig"], [146, 1, 1, "", "ClusteringTrainingConfig"], [146, 1, 1, "", "CodeAgentResponse"], [146, 1, 1, "", "CodeAutocompleteResponse"], [146, 1, 1, "", "CodeBot"], [146, 1, 1, "", "CodeEdit"], [146, 1, 1, "", "CodeEditResponse"], [146, 1, 1, "", "CodeEdits"], [146, 1, 1, "", "CodeLanguage"], [146, 1, 1, "", "CodeResponseSection"], [146, 1, 1, "", "CodeSource"], [146, 1, 1, "", "CollapseResponseSection"], [146, 1, 1, "", "ComputePointInfo"], [146, 1, 1, "", "ConcatenationConfig"], [146, 1, 1, "", "ConfluenceDatasetConfig"], [146, 1, 1, "", "ConnectorType"], [146, 1, 1, "", "ConstraintConfig"], [146, 1, 1, "", "ConstraintProjectFeatureGroupConfig"], [146, 1, 1, "", "CpuGpuMemorySpecs"], [146, 1, 1, "", "CrawlerTransformConfig"], [146, 1, 1, "", "CumulativeForecastingPredictionArguments"], [146, 1, 1, "", "CumulativeForecastingTrainingConfig"], [146, 1, 1, "", "CustomAlgorithmTrainingConfig"], [146, 1, 1, "", "CustomChatInstructions"], [146, 1, 1, "", "CustomLossFunction"], [146, 1, 1, "", "CustomMetric"], [146, 1, 1, "", "CustomMetricVersion"], [146, 1, 1, "", "CustomTrainFunctionInfo"], [146, 1, 1, "", "CustomTrainedModelTrainingConfig"], [146, 1, 1, "", "DataConsistencyDuplication"], [146, 1, 1, "", "DataGenerationConfig"], [146, 1, 1, "", "DataIntegrityViolationConditionConfig"], [146, 1, 1, "", "DataIntegrityViolationType"], [146, 1, 1, "", "DataMetrics"], [146, 1, 1, "", "DataPrepLogs"], [146, 1, 1, "", "DataQualityResults"], [146, 1, 1, "", "DataType"], [146, 1, 1, "", "DataUploadResult"], [146, 1, 1, "", "DatabaseColumnFeatureMapping"], [146, 1, 1, "", "DatabaseConnector"], [146, 1, 1, "", "DatabaseConnectorColumn"], [146, 1, 1, "", "DatabaseConnectorExportConfig"], [146, 1, 1, "", "DatabaseConnectorSchema"], [146, 1, 1, "", "DataframeResponseSection"], [146, 1, 1, "", "Dataset"], [146, 1, 1, "", "DatasetColumn"], [146, 1, 1, "", "DatasetConfig"], [146, 1, 1, "", "DatasetDocumentProcessingConfig"], [146, 1, 1, "", "DatasetVersion"], [146, 1, 1, "", "DatasetVersionLogs"], [146, 1, 1, "", "DeployableAlgorithm"], [146, 1, 1, "", "Deployment"], [146, 1, 1, "", "DeploymentAuthToken"], [146, 1, 1, "", "DeploymentConversation"], [146, 1, 1, "", "DeploymentConversationEvent"], [146, 1, 1, "", "DeploymentConversationExport"], [146, 1, 1, "", "DeploymentConversationType"], [146, 1, 1, "", "DeploymentStatistics"], [146, 1, 1, "", "DocumentClassificationTrainingConfig"], [146, 1, 1, "", "DocumentData"], [146, 1, 1, "", "DocumentProcessingConfig"], [146, 1, 1, "", "DocumentRetriever"], [146, 6, 1, "", "DocumentRetrieverConfig"], [146, 1, 1, "", "DocumentRetrieverLookupResult"], [146, 1, 1, "", "DocumentRetrieverVersion"], [146, 1, 1, "", "DocumentSummarizationTrainingConfig"], [146, 1, 1, "", "DocumentType"], [146, 1, 1, "", "DocumentVisualizationTrainingConfig"], [146, 1, 1, "", "DriftDistribution"], [146, 1, 1, "", "DriftDistributions"], [146, 1, 1, "", "Eda"], [146, 1, 1, "", "EdaChartDescription"], [146, 1, 1, "", "EdaCollinearity"], [146, 1, 1, "", "EdaDataConsistency"], [146, 1, 1, "", "EdaFeatureAssociation"], [146, 1, 1, "", "EdaFeatureCollinearity"], [146, 1, 1, "", "EdaForecastingAnalysis"], [146, 1, 1, "", "EdaVersion"], [146, 1, 1, "", "EmailActionConfig"], [146, 1, 1, "", "EmbeddingFeatureDriftDistribution"], [146, 1, 1, "", "EvalArtifactType"], [146, 1, 1, "", "EventAnomalyTrainingConfig"], [146, 1, 1, "", "ExecuteFeatureGroupOperation"], [146, 1, 1, "", "ExperimentationMode"], [146, 1, 1, "", "ExplainerType"], [146, 1, 1, "", "ExternalApplication"], [146, 1, 1, "", "ExternalInvite"], [146, 1, 1, "", "ExtractDocumentDataConfig"], [146, 1, 1, "", "ExtractedFields"], [146, 1, 1, "", "Feature"], [146, 1, 1, "", "FeatureDistribution"], [146, 1, 1, "", "FeatureDriftConditionConfig"], [146, 1, 1, "", "FeatureDriftRecord"], [146, 1, 1, "", "FeatureDriftSummary"], [146, 1, 1, "", "FeatureDriftType"], [146, 1, 1, "", "FeatureGroup"], [146, 1, 1, "", "FeatureGroupDocument"], [146, 1, 1, "", "FeatureGroupExport"], [146, 1, 1, "id0", "FeatureGroupExportConfig"], [146, 1, 1, "", "FeatureGroupExportDownloadUrl"], [146, 1, 1, "", "FeatureGroupLineage"], [146, 1, 1, "", "FeatureGroupRefreshExportConfig"], [146, 1, 1, "", "FeatureGroupRow"], [146, 1, 1, "", "FeatureGroupRowProcess"], [146, 1, 1, "", "FeatureGroupRowProcessLogs"], [146, 1, 1, "", "FeatureGroupRowProcessSummary"], [146, 1, 1, "", "FeatureGroupTemplate"], [146, 1, 1, "", "FeatureGroupTemplateVariableOptions"], [146, 1, 1, "", "FeatureGroupVersion"], [146, 1, 1, "", "FeatureGroupVersionLogs"], [146, 1, 1, "", "FeatureImportance"], [146, 1, 1, "", "FeatureMapping"], [146, 1, 1, "", "FeatureMappingConfig"], [146, 1, 1, "", "FeaturePerformanceAnalysis"], [146, 1, 1, "", "FeatureRecord"], [146, 1, 1, "", "FeatureStorePredictionArguments"], [146, 1, 1, "", "FieldDescriptor"], [146, 1, 1, "", "FieldDescriptorType"], [146, 1, 1, "", "FileConnector"], [146, 1, 1, "", "FileConnectorExportConfig"], [146, 1, 1, "", "FileConnectorInstructions"], [146, 1, 1, "", "FileConnectorVerification"], [146, 1, 1, "", "FileFormat"], [146, 1, 1, "", "FillLogic"], [146, 1, 1, "", "FinetunedPretrainedModel"], [146, 1, 1, "", "ForecastingAnalysisGraphData"], [146, 1, 1, "", "ForecastingBatchPredictionArgs"], [146, 1, 1, "", "ForecastingDataSplitType"], [146, 1, 1, "", "ForecastingFillMethod"], [146, 1, 1, "", "ForecastingFrequency"], [146, 1, 1, "", "ForecastingLocalScaling"], [146, 1, 1, "", "ForecastingLossFunction"], [146, 1, 1, "", "ForecastingMonitorConfig"], [146, 1, 1, "", "ForecastingMonitorItemAnalysis"], [146, 1, 1, "", "ForecastingMonitorSummary"], [146, 1, 1, "", "ForecastingObjective"], [146, 1, 1, "", "ForecastingPredictionArguments"], [146, 1, 1, "", "ForecastingQuanitlesExtensionMethod"], [146, 1, 1, "", "ForecastingTrainingConfig"], [146, 1, 1, "", "FreshserviceDatasetConfig"], [146, 1, 1, "", "FunctionLogs"], [146, 1, 1, "", "GeneratedPitFeatureConfigOption"], [146, 1, 1, "", "GoogleAnalyticsDatasetConfig"], [146, 1, 1, "", "GoogleDriveDatasetConfig"], [146, 1, 1, "", "GraphDashboard"], [146, 1, 1, "", "HistoryLengthDriftConditionConfig"], [146, 1, 1, "", "HoldoutAnalysis"], [146, 1, 1, "", "HoldoutAnalysisVersion"], [146, 1, 1, "", "HolidayCalendars"], [146, 1, 1, "", "HostedModelToken"], [146, 1, 1, "", "HotkeyPrompt"], [146, 1, 1, "", "HumeVoice"], [146, 1, 1, "", "ImageGenSettings"], [146, 1, 1, "", "ImageUrlResponseSection"], [146, 1, 1, "", "IncrementalDatabaseConnectorConfig"], [146, 1, 1, "", "IndexingConfig"], [146, 1, 1, "", "InferredDatabaseColumnToFeatureMappings"], [146, 1, 1, "", "InferredFeatureMappings"], [146, 1, 1, "", "ItemAttributesStdDevThreshold"], [146, 1, 1, "", "ItemStatistics"], [146, 1, 1, "", "JSONSchema"], [146, 1, 1, "", "JiraDatasetConfig"], [146, 1, 1, "", "KafkaDatasetConfig"], [146, 1, 1, "", "LLMName"], [146, 1, 1, "", "LastNMergeConfig"], [146, 1, 1, "", "ListResponseSection"], [146, 1, 1, "", "LlmApp"], [146, 1, 1, "", "LlmCodeBlock"], [146, 1, 1, "", "LlmExecutionPreview"], [146, 1, 1, "", "LlmExecutionResult"], [146, 1, 1, "", "LlmGeneratedCode"], [146, 1, 1, "", "LlmInput"], [146, 1, 1, "", "LlmParameters"], [146, 1, 1, "", "LlmResponse"], [146, 1, 1, "", "MarkdownConfig"], [146, 1, 1, "", "MarkdownOperatorInputType"], [146, 1, 1, "", "MemoryOptions"], [146, 1, 1, "", "MemorySize"], [146, 1, 1, "", "MergeConfig"], [146, 1, 1, "", "MergeMode"], [146, 1, 1, "", "MessagingConnectorResponse"], [146, 1, 1, "", "Model"], [146, 1, 1, "", "ModelArtifactsExport"], [146, 1, 1, "", "ModelBlueprintExport"], [146, 1, 1, "", "ModelBlueprintStage"], [146, 1, 1, "", "ModelLocation"], [146, 1, 1, "", "ModelMetrics"], [146, 1, 1, "", "ModelMonitor"], [146, 1, 1, "", "ModelMonitorOrgSummary"], [146, 1, 1, "", "ModelMonitorSummary"], [146, 1, 1, "", "ModelMonitorSummaryFromOrg"], [146, 1, 1, "", "ModelMonitorVersion"], [146, 1, 1, "", "ModelMonitorVersionMetricData"], [146, 1, 1, "", "ModelTrainingTypeForDeployment"], [146, 1, 1, "", "ModelUpload"], [146, 1, 1, "", "ModelVersion"], [146, 1, 1, "", "ModelVersionFeatureGroupSchema"], [146, 1, 1, "", "ModificationLockInfo"], [146, 1, 1, "", "Module"], [146, 1, 1, "", "MonitorAlert"], [146, 1, 1, "", "MonitorAlertType"], [146, 1, 1, "", "MonitorAlertVersion"], [146, 1, 1, "", "MonitorDriftAndDistributions"], [146, 1, 1, "", "MonitorFilteringConfig"], [146, 1, 1, "", "MonitorThresholdConfig"], [146, 1, 1, "", "NERModelType"], [146, 1, 1, "", "NERObjective"], [146, 1, 1, "", "NLPDocumentFormat"], [146, 1, 1, "", "NSamplingConfig"], [146, 1, 1, "", "NamedEntityExtractionBatchPredictionArgs"], [146, 1, 1, "", "NamedEntityExtractionTrainingConfig"], [146, 1, 1, "", "NaturalLanguageExplanation"], [146, 1, 1, "", "NaturalLanguageSearchPredictionArguments"], [146, 1, 1, "", "NaturalLanguageSearchTrainingConfig"], [146, 1, 1, "", "NestedFeature"], [146, 1, 1, "", "NestedFeatureSchema"], [146, 1, 1, "", "NewsSearchResult"], [146, 1, 1, "", "NlpChatResponse"], [146, 1, 1, "", "NullViolation"], [146, 1, 1, "", "OcrMode"], [146, 1, 1, "", "OneDriveDatasetConfig"], [146, 1, 1, "", "OperatorConfig"], [146, 1, 1, "", "OperatorType"], [146, 1, 1, "", "OptimizationPredictionArguments"], [146, 1, 1, "", "OptimizationTrainingConfig"], [146, 1, 1, "", "OrganizationExternalApplicationSettings"], [146, 1, 1, "", "OrganizationGroup"], [146, 1, 1, "", "OrganizationSearchResult"], [146, 1, 1, "", "OrganizationSecret"], [146, 1, 1, "", "OutputVariableMapping"], [146, 1, 1, "", "PageData"], [146, 1, 1, "", "ParsingConfig"], [146, 1, 1, "", "PartialDependenceAnalysis"], [146, 1, 1, "", "PercentSamplingConfig"], [146, 1, 1, "", "PersonalizationBatchPredictionArgs"], [146, 1, 1, "", "PersonalizationObjective"], [146, 1, 1, "", "PersonalizationTrainingConfig"], [146, 1, 1, "", "PersonalizationTrainingMode"], [146, 1, 1, "", "Pipeline"], [146, 1, 1, "", "PipelineReference"], [146, 1, 1, "", "PipelineStep"], [146, 1, 1, "", "PipelineStepVersion"], [146, 1, 1, "", "PipelineStepVersionLogs"], [146, 1, 1, "", "PipelineStepVersionReference"], [146, 1, 1, "", "PipelineVersion"], [146, 1, 1, "", "PipelineVersionLogs"], [146, 1, 1, "", "PlaygroundText"], [146, 1, 1, "", "PointInTimeFeature"], [146, 1, 1, "", "PointInTimeFeatureInfo"], [146, 1, 1, "", "PointInTimeGroup"], [146, 1, 1, "", "PointInTimeGroupFeature"], [146, 1, 1, "", "PredictionArguments"], [146, 1, 1, "", "PredictionClient"], [146, 1, 1, "", "PredictionCountConditionConfig"], [146, 1, 1, "", "PredictionDataset"], [146, 1, 1, "", "PredictionFeatureGroup"], [146, 1, 1, "", "PredictionInput"], [146, 1, 1, "", "PredictionLogRecord"], [146, 1, 1, "", "PredictionOperator"], [146, 1, 1, "", "PredictionOperatorVersion"], [146, 1, 1, "", "PredictiveModelingBatchPredictionArgs"], [146, 1, 1, "", "PretrainedModelsBatchPredictionArgs"], [146, 1, 1, "id21", "ProblemType"], [146, 1, 1, "", "Project"], [146, 1, 1, "", "ProjectConfig"], [146, 1, 1, "", "ProjectConfigType"], [146, 1, 1, "", "ProjectFeatureGroup"], [146, 1, 1, "", "ProjectFeatureGroupConfig"], [146, 1, 1, "", "ProjectFeatureGroupSchema"], [146, 1, 1, "", "ProjectFeatureGroupSchemaVersion"], [146, 1, 1, "", "ProjectFeatureGroupTypeMappingsConfig"], [146, 1, 1, "", "ProjectValidation"], [146, 1, 1, "", "PythonFunction"], [146, 1, 1, "", "PythonFunctionArgument"], [146, 1, 1, "", "PythonFunctionArgumentType"], [146, 1, 1, "", "PythonFunctionOutputArgumentType"], [146, 1, 1, "", "PythonFunctionType"], [146, 1, 1, "", "PythonPlotFunction"], [146, 1, 1, "", "RangeViolation"], [146, 1, 1, "", "ReadOnlyClient"], [146, 1, 1, "", "RealtimeMonitor"], [146, 1, 1, "", "RefreshPipelineRun"], [146, 1, 1, "", "RefreshPolicy"], [146, 1, 1, "", "RefreshSchedule"], [146, 1, 1, "", "RegenerateLlmExternalApplication"], [146, 1, 1, "", "RegressionAugmentationStrategy"], [146, 1, 1, "", "RegressionLossFunction"], [146, 1, 1, "", "RegressionObjective"], [146, 1, 1, "", "RegressionPredictionArguments"], [146, 1, 1, "", "RegressionTargetTransform"], [146, 1, 1, "", "RegressionTimeSplitMethod"], [146, 1, 1, "", "RegressionTrainingConfig"], [146, 1, 1, "", "RegressionTreeHPOMode"], [146, 1, 1, "", "RegressionTypeOfSplit"], [146, 1, 1, "", "ResolvedFeatureGroupTemplate"], [146, 1, 1, "", "ResponseSection"], [146, 1, 1, "", "ResponseSectionType"], [146, 1, 1, "", "RestrictFeatureMappings"], [146, 1, 1, "", "ReviewModeProjectFeatureGroupConfig"], [146, 1, 1, "", "RoutingAction"], [146, 1, 1, "", "RuntimeSchemaResponseSection"], [146, 1, 1, "", "SamplingConfig"], [146, 1, 1, "", "SamplingMethodType"], [146, 1, 1, "", "Schema"], [146, 6, 1, "", "Segment"], [146, 1, 1, "", "SentenceBoundaryDetectionBatchPredictionArgs"], [146, 1, 1, "", "SentenceBoundaryDetectionTrainingConfig"], [146, 1, 1, "", "SentimentDetectionTrainingConfig"], [146, 1, 1, "", "SentimentType"], [146, 1, 1, "", "SftpKey"], [146, 1, 1, "", "SharepointDatasetConfig"], [146, 1, 1, "", "StdDevThreshold"], [146, 1, 1, "", "StdDevThresholdType"], [146, 1, 1, "", "StreamingAuthToken"], [146, 1, 1, "", "StreamingClient"], [146, 1, 1, "", "StreamingConnector"], [146, 1, 1, "", "StreamingConnectorDatasetConfig"], [146, 1, 1, "", "StreamingConnectorType"], [146, 1, 1, "", "StreamingRowCount"], [146, 1, 1, "", "StreamingSampleCode"], [146, 1, 1, "", "TargetDriftConditionConfig"], [146, 1, 1, "", "TeamsScraperDatasetConfig"], [146, 1, 1, "", "TemplateNodeDetails"], [146, 1, 1, "", "TestPointPredictions"], [146, 1, 1, "", "TextResponseSection"], [146, 1, 1, "", "ThemeAnalysisBatchPredictionArgs"], [146, 1, 1, "", "ThemeAnalysisTrainingConfig"], [146, 1, 1, "", "TimeWindowConfig"], [146, 1, 1, "", "TimeWindowMergeConfig"], [146, 1, 1, "", "TimeseriesAnomalyDataSplitType"], [146, 1, 1, "", "TimeseriesAnomalyPredictionArguments"], [146, 1, 1, "", "TimeseriesAnomalyTrainingConfig"], [146, 1, 1, "", "TimeseriesAnomalyTypeOfAnomaly"], [146, 1, 1, "", "TimeseriesAnomalyUseHeuristic"], [146, 1, 1, "", "ToneDetails"], [146, 1, 1, "", "TrainablePlugAndPlayBatchPredictionArgs"], [146, 1, 1, "", "TrainingConfig"], [146, 1, 1, "", "TrainingConfigOptions"], [146, 1, 1, "", "TriggerConfig"], [146, 1, 1, "", "TwitterSearchResult"], [146, 1, 1, "", "UnionTransformConfig"], [146, 1, 1, "", "UnpivotConfig"], [146, 1, 1, "", "Upload"], [146, 1, 1, "", "UploadPart"], [146, 1, 1, "", "UseCase"], [146, 1, 1, "", "UseCaseRequirements"], [146, 1, 1, "", "User"], [146, 1, 1, "", "UserException"], [146, 1, 1, "", "VectorStoreConfig"], [146, 1, 1, "", "VectorStoreTextEncoder"], [146, 1, 1, "", "VideoGenSettings"], [146, 1, 1, "", "VideoSearchResult"], [146, 1, 1, "", "VoiceGenDetails"], [146, 1, 1, "", "WebPageResponse"], [146, 1, 1, "", "WebSearchResponse"], [146, 1, 1, "", "WebSearchResult"], [146, 1, 1, "", "Webhook"], [146, 1, 1, "", "WorkflowGraph"], [146, 1, 1, "", "WorkflowGraphEdge"], [146, 1, 1, "", "WorkflowGraphNode"], [146, 1, 1, "", "WorkflowGraphNodeDetails"], [146, 1, 1, "", "WorkflowNodeInputMapping"], [146, 1, 1, "", "WorkflowNodeInputSchema"], [146, 1, 1, "", "WorkflowNodeInputType"], [146, 1, 1, "", "WorkflowNodeOutputMapping"], [146, 1, 1, "", "WorkflowNodeOutputSchema"], [146, 1, 1, "", "WorkflowNodeOutputType"], [146, 1, 1, "", "WorkflowNodeTemplate"], [146, 1, 1, "", "WorkflowNodeTemplateConfig"], [146, 1, 1, "", "WorkflowNodeTemplateInput"], [146, 1, 1, "", "WorkflowNodeTemplateOutput"], [146, 1, 1, "", "WorkflowNodeTemplateType"], [146, 1, 1, "", "ZendeskDatasetConfig"], [146, 1, 1, "", "_AlertActionConfigFactory"], [146, 1, 1, "", "_AlertConditionConfigFactory"], [146, 1, 1, "", "_ApiClassFactory"], [146, 1, 1, "", "_ApplicationConnectorDatasetConfigFactory"], [146, 1, 1, "", "_BatchPredictionArgsFactory"], [146, 1, 1, "", "_FeatureGroupExportConfigFactory"], [146, 1, 1, "", "_MergeConfigFactory"], [146, 1, 1, "", "_OperatorConfigFactory"], [146, 1, 1, "", "_PredictionArgumentsFactory"], [146, 1, 1, "", "_ProjectFeatureGroupConfigFactory"], [146, 1, 1, "", "_SamplingConfigFactory"], [146, 1, 1, "", "_StreamingConnectorDatasetConfigFactory"], [146, 1, 1, "", "_TrainingConfigFactory"], [146, 6, 1, "", "__version__"], [146, 6, 1, "", "_request_context"], [0, 0, 0, "-", "abacus_api"], [1, 0, 0, "-", "address"], [2, 0, 0, "-", "agent"], [3, 0, 0, "-", "agent_chat_message"], [4, 0, 0, "-", "agent_conversation"], [5, 0, 0, "-", "agent_data_document_info"], [6, 0, 0, "-", "agent_data_execution_result"], [7, 0, 0, "-", "agent_version"], [8, 0, 0, "-", "ai_building_task"], [9, 0, 0, "-", "algorithm"], [10, 0, 0, "-", "annotation"], [11, 0, 0, "-", "annotation_config"], [12, 0, 0, "-", "annotation_document"], [13, 0, 0, "-", "annotation_entry"], [14, 0, 0, "-", "annotations_status"], [27, 0, 0, "-", "api_class"], [35, 0, 0, "-", "api_client_utils"], [36, 0, 0, "-", "api_endpoint"], [37, 0, 0, "-", "api_key"], [38, 0, 0, "-", "app_user_group"], [39, 0, 0, "-", "app_user_group_sign_in_token"], [40, 0, 0, "-", "application_connector"], [41, 0, 0, "-", "audio_gen_settings"], [42, 0, 0, "-", "batch_prediction"], [43, 0, 0, "-", "batch_prediction_version"], [44, 0, 0, "-", "batch_prediction_version_logs"], [45, 0, 0, "-", "bot_info"], [46, 0, 0, "-", "categorical_range_violation"], [47, 0, 0, "-", "chat_message"], [48, 0, 0, "-", "chat_session"], [49, 0, 0, "-", "chatllm_computer"], [50, 0, 0, "-", "chatllm_referral_invite"], [51, 0, 0, "-", "chatllm_task"], [52, 0, 0, "-", "client"], [53, 0, 0, "-", "code_agent_response"], [54, 0, 0, "-", "code_autocomplete_response"], [55, 0, 0, "-", "code_bot"], [56, 0, 0, "-", "code_edit"], [57, 0, 0, "-", "code_edit_response"], [58, 0, 0, "-", "code_edits"], [59, 0, 0, "-", "code_source"], [60, 0, 0, "-", "compute_point_info"], [61, 0, 0, "-", "concatenation_config"], [62, 0, 0, "-", "cpu_gpu_memory_specs"], [63, 0, 0, "-", "cryptography"], [64, 0, 0, "-", "custom_chat_instructions"], [65, 0, 0, "-", "custom_loss_function"], [66, 0, 0, "-", "custom_metric"], [67, 0, 0, "-", "custom_metric_version"], [68, 0, 0, "-", "custom_train_function_info"], [69, 0, 0, "-", "data_consistency_duplication"], [70, 0, 0, "-", "data_metrics"], [71, 0, 0, "-", "data_prep_logs"], [72, 0, 0, "-", "data_quality_results"], [73, 0, 0, "-", "data_upload_result"], [74, 0, 0, "-", "database_column_feature_mapping"], [75, 0, 0, "-", "database_connector"], [76, 0, 0, "-", "database_connector_column"], [77, 0, 0, "-", "database_connector_schema"], [78, 0, 0, "-", "dataset"], [79, 0, 0, "-", "dataset_column"], [80, 0, 0, "-", "dataset_version"], [81, 0, 0, "-", "dataset_version_logs"], [82, 0, 0, "-", "deployment"], [83, 0, 0, "-", "deployment_auth_token"], [84, 0, 0, "-", "deployment_conversation"], [85, 0, 0, "-", "deployment_conversation_event"], [86, 0, 0, "-", "deployment_conversation_export"], [87, 0, 0, "-", "deployment_statistics"], [146, 7, 1, "", "deprecated_enums"], [88, 0, 0, "-", "document_data"], [89, 0, 0, "-", "document_retriever"], [90, 0, 0, "-", "document_retriever_lookup_result"], [91, 0, 0, "-", "document_retriever_version"], [92, 0, 0, "-", "drift_distribution"], [93, 0, 0, "-", "drift_distributions"], [94, 0, 0, "-", "eda"], [95, 0, 0, "-", "eda_chart_description"], [96, 0, 0, "-", "eda_collinearity"], [97, 0, 0, "-", "eda_data_consistency"], [98, 0, 0, "-", "eda_feature_association"], [99, 0, 0, "-", "eda_feature_collinearity"], [100, 0, 0, "-", "eda_forecasting_analysis"], [101, 0, 0, "-", "eda_version"], [102, 0, 0, "-", "embedding_feature_drift_distribution"], [103, 0, 0, "-", "execute_feature_group_operation"], [104, 0, 0, "-", "external_application"], [105, 0, 0, "-", "external_invite"], [106, 0, 0, "-", "extracted_fields"], [107, 0, 0, "-", "feature"], [108, 0, 0, "-", "feature_distribution"], [109, 0, 0, "-", "feature_drift_record"], [110, 0, 0, "-", "feature_drift_summary"], [111, 0, 0, "-", "feature_group"], [112, 0, 0, "-", "feature_group_document"], [113, 0, 0, "-", "feature_group_export"], [114, 0, 0, "-", "feature_group_export_config"], [115, 0, 0, "-", "feature_group_export_download_url"], [116, 0, 0, "-", "feature_group_lineage"], [117, 0, 0, "-", "feature_group_refresh_export_config"], [118, 0, 0, "-", "feature_group_row"], [119, 0, 0, "-", "feature_group_row_process"], [120, 0, 0, "-", "feature_group_row_process_logs"], [121, 0, 0, "-", "feature_group_row_process_summary"], [122, 0, 0, "-", "feature_group_template"], [123, 0, 0, "-", "feature_group_template_variable_options"], [124, 0, 0, "-", "feature_group_version"], [125, 0, 0, "-", "feature_group_version_logs"], [126, 0, 0, "-", "feature_importance"], [127, 0, 0, "-", "feature_mapping"], [128, 0, 0, "-", "feature_performance_analysis"], [129, 0, 0, "-", "feature_record"], [130, 0, 0, "-", "file_connector"], [131, 0, 0, "-", "file_connector_instructions"], [132, 0, 0, "-", "file_connector_verification"], [133, 0, 0, "-", "finetuned_pretrained_model"], [134, 0, 0, "-", "forecasting_analysis_graph_data"], [135, 0, 0, "-", "forecasting_monitor_item_analysis"], [136, 0, 0, "-", "forecasting_monitor_summary"], [137, 0, 0, "-", "function_logs"], [138, 0, 0, "-", "generated_pit_feature_config_option"], [146, 7, 1, "", "get_clean_function_source_code_for_agent"], [139, 0, 0, "-", "global_context"], [140, 0, 0, "-", "graph_dashboard"], [141, 0, 0, "-", "holdout_analysis"], [142, 0, 0, "-", "holdout_analysis_version"], [143, 0, 0, "-", "hosted_model_token"], [144, 0, 0, "-", "hume_voice"], [145, 0, 0, "-", "image_gen_settings"], [147, 0, 0, "-", "indexing_config"], [148, 0, 0, "-", "inferred_database_column_to_feature_mappings"], [149, 0, 0, "-", "inferred_feature_mappings"], [150, 0, 0, "-", "item_statistics"], [151, 0, 0, "-", "llm_app"], [152, 0, 0, "-", "llm_code_block"], [153, 0, 0, "-", "llm_execution_preview"], [154, 0, 0, "-", "llm_execution_result"], [155, 0, 0, "-", "llm_generated_code"], [156, 0, 0, "-", "llm_input"], [157, 0, 0, "-", "llm_parameters"], [158, 0, 0, "-", "llm_response"], [159, 0, 0, "-", "memory_options"], [160, 0, 0, "-", "messaging_connector_response"], [161, 0, 0, "-", "model"], [162, 0, 0, "-", "model_artifacts_export"], [163, 0, 0, "-", "model_blueprint_export"], [164, 0, 0, "-", "model_blueprint_stage"], [165, 0, 0, "-", "model_location"], [166, 0, 0, "-", "model_metrics"], [167, 0, 0, "-", "model_monitor"], [168, 0, 0, "-", "model_monitor_org_summary"], [169, 0, 0, "-", "model_monitor_summary"], [170, 0, 0, "-", "model_monitor_summary_from_org"], [171, 0, 0, "-", "model_monitor_version"], [172, 0, 0, "-", "model_monitor_version_metric_data"], [173, 0, 0, "-", "model_training_type_for_deployment"], [174, 0, 0, "-", "model_upload"], [175, 0, 0, "-", "model_version"], [176, 0, 0, "-", "model_version_feature_group_schema"], [177, 0, 0, "-", "modification_lock_info"], [178, 0, 0, "-", "module"], [179, 0, 0, "-", "monitor_alert"], [180, 0, 0, "-", "monitor_alert_version"], [181, 0, 0, "-", "monitor_drift_and_distributions"], [182, 0, 0, "-", "natural_language_explanation"], [183, 0, 0, "-", "nested_feature"], [184, 0, 0, "-", "nested_feature_schema"], [185, 0, 0, "-", "news_search_result"], [186, 0, 0, "-", "nlp_chat_response"], [187, 0, 0, "-", "null_violation"], [188, 0, 0, "-", "organization_external_application_settings"], [189, 0, 0, "-", "organization_group"], [190, 0, 0, "-", "organization_search_result"], [191, 0, 0, "-", "organization_secret"], [192, 0, 0, "-", "page_data"], [193, 0, 0, "-", "pipeline"], [194, 0, 0, "-", "pipeline_reference"], [195, 0, 0, "-", "pipeline_step"], [196, 0, 0, "-", "pipeline_step_version"], [197, 0, 0, "-", "pipeline_step_version_logs"], [198, 0, 0, "-", "pipeline_step_version_reference"], [199, 0, 0, "-", "pipeline_version"], [200, 0, 0, "-", "pipeline_version_logs"], [201, 0, 0, "-", "playground_text"], [202, 0, 0, "-", "point_in_time_feature"], [203, 0, 0, "-", "point_in_time_feature_info"], [204, 0, 0, "-", "point_in_time_group"], [205, 0, 0, "-", "point_in_time_group_feature"], [206, 0, 0, "-", "prediction_client"], [207, 0, 0, "-", "prediction_dataset"], [208, 0, 0, "-", "prediction_feature_group"], [209, 0, 0, "-", "prediction_input"], [210, 0, 0, "-", "prediction_log_record"], [211, 0, 0, "-", "prediction_operator"], [212, 0, 0, "-", "prediction_operator_version"], [213, 0, 0, "-", "problem_type"], [214, 0, 0, "-", "project"], [215, 0, 0, "-", "project_config"], [216, 0, 0, "-", "project_feature_group"], [217, 0, 0, "-", "project_feature_group_schema"], [218, 0, 0, "-", "project_feature_group_schema_version"], [219, 0, 0, "-", "project_validation"], [220, 0, 0, "-", "python_function"], [221, 0, 0, "-", "python_function_validator"], [222, 0, 0, "-", "python_plot_function"], [223, 0, 0, "-", "range_violation"], [224, 0, 0, "-", "realtime_monitor"], [225, 0, 0, "-", "refresh_pipeline_run"], [226, 0, 0, "-", "refresh_policy"], [227, 0, 0, "-", "refresh_schedule"], [228, 0, 0, "-", "regenerate_llm_external_application"], [229, 0, 0, "-", "resolved_feature_group_template"], [230, 0, 0, "-", "return_class"], [231, 0, 0, "-", "routing_action"], [232, 0, 0, "-", "schema"], [233, 0, 0, "-", "sftp_key"], [234, 0, 0, "-", "streaming_auth_token"], [235, 0, 0, "-", "streaming_client"], [236, 0, 0, "-", "streaming_connector"], [237, 0, 0, "-", "streaming_row_count"], [238, 0, 0, "-", "streaming_sample_code"], [239, 0, 0, "-", "template_node_details"], [240, 0, 0, "-", "test_point_predictions"], [241, 0, 0, "-", "tone_details"], [242, 0, 0, "-", "training_config_options"], [243, 0, 0, "-", "twitter_search_result"], [244, 0, 0, "-", "upload"], [245, 0, 0, "-", "upload_part"], [246, 0, 0, "-", "use_case"], [247, 0, 0, "-", "use_case_requirements"], [248, 0, 0, "-", "user"], [249, 0, 0, "-", "user_exception"], [146, 7, 1, "", "validate_constructor_arg_types"], [146, 7, 1, "", "validate_input_dict_param"], [250, 0, 0, "-", "video_gen_settings"], [251, 0, 0, "-", "video_search_result"], [252, 0, 0, "-", "voice_gen_details"], [253, 0, 0, "-", "web_page_response"], [254, 0, 0, "-", "web_search_response"], [255, 0, 0, "-", "web_search_result"], [256, 0, 0, "-", "webhook"], [257, 0, 0, "-", "workflow_graph_node_details"], [258, 0, 0, "-", "workflow_node_template"]], "abacusai.AIAgentBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"]], "abacusai.AIAgentTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "agent_connectors"], [146, 3, 1, "", "agent_input_schema"], [146, 3, 1, "", "agent_interface"], [146, 3, 1, "", "agent_output_schema"], [146, 3, 1, "", "description"], [146, 3, 1, "", "enable_binary_input"]], "abacusai.AbacusApi": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "docstring"], [146, 3, 1, "", "method"], [146, 3, 1, "", "score"], [146, 2, 1, "", "to_dict"]], "abacusai.AbacusUsageMetricsDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "include_all_feedback"], [146, 3, 1, "", "include_entire_conversation_history"], [146, 3, 1, "", "resolve_matching_documents"]], "abacusai.AccuracyBelowThresholdConditionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "threshold"]], "abacusai.Address": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "additional_info"], [146, 3, 1, "", "address_line_1"], [146, 3, 1, "", "address_line_2"], [146, 3, 1, "", "city"], [146, 3, 1, "", "country"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "include_reverse_charge"], [146, 3, 1, "", "postal_code"], [146, 3, 1, "", "state_or_province"], [146, 2, 1, "", "to_dict"]], "abacusai.Agent": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "agent_config"], [146, 4, 1, "", "agent_connectors"], [146, 3, 1, "", "agent_execution_config"], [146, 3, 1, "", "agent_id"], [146, 4, 1, "", "agent_interface"], [146, 3, 1, "", "code_source"], [146, 2, 1, "", "copy"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 4, 1, "", "description"], [146, 3, 1, "", "draft_workflow_graph"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "latest_agent_version"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 3, 1, "", "predict_function_name"], [146, 3, 1, "", "project_id"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "republish"], [146, 3, 1, "", "source_code"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "training_required"], [146, 2, 1, "", "wait_for_publish"], [146, 3, 1, "", "workflow_graph"]], "abacusai.AgentChatMessage": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "agent_workflow_node_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_ids"], [146, 3, 1, "", "keyword_arguments"], [146, 3, 1, "", "role"], [146, 3, 1, "", "segments"], [146, 3, 1, "", "streamed_data"], [146, 3, 1, "", "streamed_section_data"], [146, 3, 1, "", "text"], [146, 2, 1, "", "to_dict"]], "abacusai.AgentConversation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "messages"], [146, 2, 1, "", "to_dict"]], "abacusai.AgentConversationMessage": [[146, 3, 1, "", "document_contents"], [146, 3, 1, "", "is_user"], [146, 3, 1, "", "text"], [146, 2, 1, "", "to_dict"]], "abacusai.AgentDataDocumentInfo": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_id"], [146, 3, 1, "", "filename"], [146, 3, 1, "", "mime_type"], [146, 3, 1, "", "page_count"], [146, 3, 1, "", "size"], [146, 2, 1, "", "to_dict"]], "abacusai.AgentDataExecutionResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deployment_conversation_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_infos"], [146, 3, 1, "", "response"], [146, 2, 1, "", "to_dict"]], "abacusai.AgentFlowButtonResponseSection": [[146, 3, 1, "", "agent_workflow_node_name"], [146, 3, 1, "", "label"]], "abacusai.AgentInterface": [[146, 3, 1, "", "AUTONOMOUS"], [146, 3, 1, "", "CHAT"], [146, 3, 1, "", "DEFAULT"], [146, 3, 1, "", "MATRIX"]], "abacusai.AgentResponse": [[146, 2, 1, "", "__getattr__"], [146, 2, 1, "", "__getstate__"], [146, 2, 1, "", "__setstate__"], [146, 3, 1, "", "data_list"], [146, 3, 1, "", "section_data_list"], [146, 2, 1, "", "to_dict"]], "abacusai.AgentVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "agent_config"], [146, 3, 1, "", "agent_execution_config"], [146, 3, 1, "", "agent_id"], [146, 3, 1, "", "agent_version"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 3, 1, "", "failed_deployment_ids"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "pending_deployment_ids"], [146, 3, 1, "", "publishing_completed_at"], [146, 3, 1, "", "publishing_started_at"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_publish"], [146, 3, 1, "", "workflow_graph"]], "abacusai.AiBuildingTask": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "task"], [146, 3, 1, "", "task_type"], [146, 2, 1, "", "to_dict"]], "abacusai.AlertActionConfig": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "action_type"]], "abacusai.AlertActionType": [[146, 3, 1, "", "EMAIL"]], "abacusai.AlertConditionConfig": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "alert_type"]], "abacusai.Algorithm": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algorithm_id"], [146, 3, 1, "", "algorithm_training_config"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "config_options"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "initialize_function_name"], [146, 3, 1, "", "is_default_enabled"], [146, 3, 1, "", "name"], [146, 3, 1, "", "only_offline_deployable"], [146, 3, 1, "", "predict_function_name"], [146, 3, 1, "", "predict_many_function_name"], [146, 3, 1, "", "problem_type"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "train_function_name"], [146, 3, 1, "", "training_input_mappings"], [146, 3, 1, "", "updated_at"], [146, 3, 1, "", "use_gpu"]], "abacusai.Annotation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "annotation_type"], [146, 3, 1, "", "annotation_value"], [146, 3, 1, "", "comments"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "metadata"], [146, 2, 1, "", "to_dict"]], "abacusai.AnnotationConfig": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "comments_features"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_annotation_configs"], [146, 3, 1, "", "labels"], [146, 3, 1, "", "metadata_feature"], [146, 3, 1, "", "status_feature"], [146, 2, 1, "", "to_dict"]], "abacusai.AnnotationDocument": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_id"], [146, 3, 1, "", "feature_group_row_identifier"], [146, 3, 1, "", "feature_group_row_index"], [146, 3, 1, "", "is_annotation_present"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "total_rows"]], "abacusai.AnnotationEntry": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "annotation"], [146, 3, 1, "", "annotation_entry_marker"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_id"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_row_identifier"], [146, 3, 1, "", "feature_name"], [146, 3, 1, "", "locked_until"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"], [146, 3, 1, "", "verification_info"]], "abacusai.AnnotationsStatus": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "done"], [146, 3, 1, "", "in_progress"], [146, 3, 1, "", "is_materialization_needed"], [146, 3, 1, "", "latest_materialized_annotation_config"], [146, 3, 1, "", "latest_updated_at"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "todo"], [146, 3, 1, "", "total"]], "abacusai.ApiClass": [[146, 2, 1, "", "__getitem__"], [146, 2, 1, "", "__post_init__"], [146, 2, 1, "", "__setitem__"], [146, 2, 1, "", "__str__"], [146, 2, 1, "", "_get_builder"], [146, 2, 1, "", "_repr_html_"], [146, 3, 1, "", "_support_kwargs"], [146, 2, 1, "", "_unset_item"], [146, 3, 1, "", "_upper_snake_case_keys"], [146, 2, 1, "", "from_dict"], [146, 2, 1, "", "get"], [146, 2, 1, "", "pop"], [146, 2, 1, "", "to_dict"]], "abacusai.ApiClient": [[146, 2, 1, "", "_attempt_deployment_sql_execution"], [146, 2, 1, "", "_call_aiagent_app_send_message"], [146, 2, 1, "", "_get_agent_app_request_id"], [146, 2, 1, "", "_get_agent_async_app_caller"], [146, 2, 1, "", "_get_doc_retriever_deployment_info"], [146, 2, 1, "", "_is_proxy_app_caller"], [146, 2, 1, "", "_status_poll"], [146, 2, 1, "", "_stream_llm_call"], [146, 2, 1, "", "add_annotatable_feature"], [146, 2, 1, "", "add_annotation"], [146, 2, 1, "", "add_app_user_group_report_permission"], [146, 2, 1, "", "add_app_user_group_to_external_application"], [146, 2, 1, "", "add_feature_group_annotation_label"], [146, 2, 1, "", "add_feature_group_tag"], [146, 2, 1, "", "add_feature_group_to_project"], [146, 2, 1, "", "add_feature_tag"], [146, 2, 1, "", "add_graph_to_dashboard"], [146, 2, 1, "", "add_organization_group_permission"], [146, 2, 1, "", "add_organization_group_to_feature_group_modifiers"], [146, 2, 1, "", "add_project_tags"], [146, 2, 1, "", "add_user_to_feature_group_modifiers"], [146, 2, 1, "", "add_user_to_organization"], [146, 2, 1, "", "add_user_to_organization_group"], [146, 2, 1, "", "add_users_to_app_user_group"], [146, 2, 1, "", "append_data"], [146, 2, 1, "", "append_multiple_data"], [146, 2, 1, "", "cancel_upload"], [146, 2, 1, "", "check_constraints"], [146, 2, 1, "", "classify_image"], [146, 2, 1, "", "classify_pdf"], [146, 2, 1, "", "clear_agent_context"], [146, 2, 1, "", "clear_cache_scope"], [146, 2, 1, "", "clear_deployment_conversation"], [146, 2, 1, "", "concatenate_feature_group_data"], [146, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [146, 2, 1, "", "create_agent"], [146, 2, 1, "", "create_agent_from_function"], [146, 2, 1, "", "create_algorithm"], [146, 2, 1, "", "create_algorithm_from_function"], [146, 2, 1, "", "create_app_user_group"], [146, 2, 1, "", "create_batch_prediction"], [146, 2, 1, "", "create_chat_session"], [146, 2, 1, "", "create_custom_loss_function"], [146, 2, 1, "", "create_custom_loss_function_with_source_code"], [146, 2, 1, "", "create_custom_metric"], [146, 2, 1, "", "create_custom_metric_from_function"], [146, 2, 1, "", "create_dataset_from_application_connector"], [146, 2, 1, "", "create_dataset_from_database_connector"], [146, 2, 1, "", "create_dataset_from_file_connector"], [146, 2, 1, "", "create_dataset_from_pandas"], [146, 2, 1, "", "create_dataset_from_streaming_connector"], [146, 2, 1, "", "create_dataset_from_upload"], [146, 2, 1, "", "create_dataset_version_from_application_connector"], [146, 2, 1, "", "create_dataset_version_from_database_connector"], [146, 2, 1, "", "create_dataset_version_from_document_reprocessing"], [146, 2, 1, "", "create_dataset_version_from_file_connector"], [146, 2, 1, "", "create_dataset_version_from_pandas"], [146, 2, 1, "", "create_dataset_version_from_upload"], [146, 2, 1, "", "create_deployment"], [146, 2, 1, "", "create_deployment_alert"], [146, 2, 1, "", "create_deployment_conversation"], [146, 2, 1, "", "create_deployment_token"], [146, 2, 1, "", "create_deployment_webhook"], [146, 2, 1, "", "create_document_retriever"], [146, 2, 1, "", "create_document_retriever_version"], [146, 2, 1, "", "create_eda"], [146, 2, 1, "", "create_external_application"], [146, 2, 1, "", "create_feature"], [146, 2, 1, "", "create_feature_group"], [146, 2, 1, "", "create_feature_group_from_function"], [146, 2, 1, "", "create_feature_group_from_pandas_df"], [146, 2, 1, "", "create_feature_group_from_python_function"], [146, 2, 1, "", "create_feature_group_from_spark_df"], [146, 2, 1, "", "create_feature_group_from_template"], [146, 2, 1, "", "create_feature_group_template"], [146, 2, 1, "", "create_feature_group_version"], [146, 2, 1, "", "create_forecasting_monitor"], [146, 2, 1, "", "create_graph_dashboard"], [146, 2, 1, "", "create_holdout_analysis"], [146, 2, 1, "", "create_merge_feature_group"], [146, 2, 1, "", "create_model_from_files"], [146, 2, 1, "", "create_model_from_functions"], [146, 2, 1, "", "create_model_from_local_files"], [146, 2, 1, "", "create_model_from_python"], [146, 2, 1, "", "create_model_monitor"], [146, 2, 1, "", "create_model_version_from_files"], [146, 2, 1, "", "create_model_version_from_local_files"], [146, 2, 1, "", "create_module"], [146, 2, 1, "", "create_module_from_notebook"], [146, 2, 1, "", "create_monitor_alert"], [146, 2, 1, "", "create_nested_feature"], [146, 2, 1, "", "create_nlp_drift_monitor"], [146, 2, 1, "", "create_online_feature_group"], [146, 2, 1, "", "create_operator_feature_group"], [146, 2, 1, "", "create_organization_group"], [146, 2, 1, "", "create_organization_secret"], [146, 2, 1, "", "create_pipeline"], [146, 2, 1, "", "create_pipeline_step"], [146, 2, 1, "", "create_pipeline_step_from_function"], [146, 2, 1, "", "create_point_in_time_feature"], [146, 2, 1, "", "create_point_in_time_group"], [146, 2, 1, "", "create_point_in_time_group_feature"], [146, 2, 1, "", "create_prediction_operator"], [146, 2, 1, "", "create_prediction_operator_from_functions"], [146, 2, 1, "", "create_prediction_operator_version"], [146, 2, 1, "", "create_project"], [146, 2, 1, "", "create_python_function"], [146, 2, 1, "", "create_python_function_from_function"], [146, 2, 1, "", "create_realtime_content_store"], [146, 2, 1, "", "create_realtime_monitor"], [146, 2, 1, "", "create_refresh_policy"], [146, 2, 1, "", "create_sampling_feature_group"], [146, 2, 1, "", "create_snapshot_feature_group"], [146, 2, 1, "", "create_spark_df_from_feature_group_version"], [146, 2, 1, "", "create_streaming_dataset"], [146, 2, 1, "", "create_streaming_token"], [146, 2, 1, "", "create_train_test_data_split_feature_group"], [146, 2, 1, "", "create_vision_drift_monitor"], [146, 2, 1, "", "delete_algorithm"], [146, 2, 1, "", "delete_api_key"], [146, 2, 1, "", "delete_app_user_group"], [146, 2, 1, "", "delete_application_connector"], [146, 2, 1, "", "delete_batch_prediction"], [146, 2, 1, "", "delete_chat_message"], [146, 2, 1, "", "delete_custom_loss_function"], [146, 2, 1, "", "delete_custom_metric"], [146, 2, 1, "", "delete_data"], [146, 2, 1, "", "delete_database_connector"], [146, 2, 1, "", "delete_dataset"], [146, 2, 1, "", "delete_dataset_version"], [146, 2, 1, "", "delete_deployment"], [146, 2, 1, "", "delete_deployment_conversation"], [146, 2, 1, "", "delete_deployment_token"], [146, 2, 1, "", "delete_document_retriever"], [146, 2, 1, "", "delete_document_retriever_version"], [146, 2, 1, "", "delete_eda"], [146, 2, 1, "", "delete_eda_version"], [146, 2, 1, "", "delete_external_application"], [146, 2, 1, "", "delete_feature"], [146, 2, 1, "", "delete_feature_group"], [146, 2, 1, "", "delete_feature_group_template"], [146, 2, 1, "", "delete_feature_group_version"], [146, 2, 1, "", "delete_file_connector"], [146, 2, 1, "", "delete_graph_dashboard"], [146, 2, 1, "", "delete_graph_from_dashboard"], [146, 2, 1, "", "delete_item_embeddings"], [146, 2, 1, "", "delete_model"], [146, 2, 1, "", "delete_model_monitor"], [146, 2, 1, "", "delete_model_monitor_version"], [146, 2, 1, "", "delete_model_version"], [146, 2, 1, "", "delete_module"], [146, 2, 1, "", "delete_monitor_alert"], [146, 2, 1, "", "delete_nested_feature"], [146, 2, 1, "", "delete_organization_group"], [146, 2, 1, "", "delete_organization_secret"], [146, 2, 1, "", "delete_pipeline"], [146, 2, 1, "", "delete_pipeline_step"], [146, 2, 1, "", "delete_point_in_time_group"], [146, 2, 1, "", "delete_prediction_operator"], [146, 2, 1, "", "delete_prediction_operator_version"], [146, 2, 1, "", "delete_project"], [146, 2, 1, "", "delete_python_function"], [146, 2, 1, "", "delete_realtime_monitor"], [146, 2, 1, "", "delete_refresh_policy"], [146, 2, 1, "", "delete_scoped_cache_key"], [146, 2, 1, "", "delete_streaming_connector"], [146, 2, 1, "", "delete_streaming_token"], [146, 2, 1, "", "delete_webhook"], [146, 2, 1, "", "deploy_prediction_operator"], [146, 2, 1, "", "describe_annotation"], [146, 2, 1, "", "describe_async_feature_group_operation"], [146, 2, 1, "", "describe_feature_group_row_process_by_key"], [146, 2, 1, "", "describe_image"], [146, 2, 1, "", "describe_pipeline"], [146, 2, 1, "", "describe_pipeline_by_name"], [146, 2, 1, "", "detach_feature_group_from_template"], [146, 2, 1, "", "evaluate_prompt"], [146, 2, 1, "", "execute_agent"], [146, 2, 1, "", "execute_agent_with_binary_data"], [146, 2, 1, "", "execute_async_feature_group_operation"], [146, 2, 1, "", "execute_chatllm_computer_streaming"], [146, 2, 1, "", "execute_conversation_agent"], [146, 2, 1, "", "execute_conversation_agent_streaming"], [146, 2, 1, "", "execute_data_query_using_llm"], [146, 2, 1, "", "execute_feature_group_sql"], [146, 2, 1, "", "execute_python"], [146, 2, 1, "", "execute_workflow_node"], [146, 2, 1, "", "export_chat_session"], [146, 2, 1, "", "export_custom_model_version"], [146, 2, 1, "", "export_feature_group_version_to_console"], [146, 2, 1, "", "export_feature_group_version_to_database_connector"], [146, 2, 1, "", "export_feature_group_version_to_file_connector"], [146, 2, 1, "", "export_model_artifact_as_feature_group"], [146, 2, 1, "", "extract_agent_workflow_information"], [146, 2, 1, "", "extract_data_using_llm"], [146, 2, 1, "", "extract_document_data"], [146, 2, 1, "", "fetch_web_page"], [146, 2, 1, "", "generate_agent_code"], [146, 2, 1, "", "generate_code_for_data_query_using_llm"], [146, 2, 1, "", "generate_image"], [146, 2, 1, "", "generate_point_in_time_features"], [146, 2, 1, "", "get_agent_context_blob_inputs"], [146, 2, 1, "", "get_agent_context_chat_history"], [146, 2, 1, "", "get_agent_context_chat_history_for_llm"], [146, 2, 1, "", "get_agent_context_conversation_id"], [146, 2, 1, "", "get_agent_context_doc_ids"], [146, 2, 1, "", "get_agent_context_doc_infos"], [146, 2, 1, "", "get_agent_context_external_session_id"], [146, 2, 1, "", "get_agent_context_user_info"], [146, 2, 1, "", "get_agent_runtime_config"], [146, 2, 1, "", "get_alternative_assignments"], [146, 2, 1, "", "get_anomalies"], [146, 2, 1, "", "get_assignments"], [146, 2, 1, "", "get_chat_response"], [146, 2, 1, "", "get_chat_response_with_binary_data"], [146, 2, 1, "", "get_classification"], [146, 2, 1, "", "get_cluster"], [146, 2, 1, "", "get_completion"], [146, 2, 1, "", "get_conversation_response"], [146, 2, 1, "", "get_conversation_response_with_binary_data"], [146, 2, 1, "", "get_custom_train_function_info"], [146, 2, 1, "", "get_docstore_document_data"], [146, 2, 1, "", "get_docstore_page_data"], [146, 2, 1, "", "get_document_snippet"], [146, 2, 1, "", "get_document_to_annotate"], [146, 2, 1, "", "get_entailment"], [146, 2, 1, "", "get_entities_from_pdf"], [146, 2, 1, "", "get_event_anomaly_score"], [146, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [146, 2, 1, "", "get_feature_group_row_process_summary"], [146, 2, 1, "", "get_forecast"], [146, 2, 1, "", "get_initialized_data"], [146, 2, 1, "", "get_k_nearest"], [146, 2, 1, "", "get_labels"], [146, 2, 1, "", "get_llm_app_response"], [146, 2, 1, "", "get_matching_documents"], [146, 2, 1, "", "get_matrix_agent_schema"], [146, 2, 1, "", "get_multiple_k_nearest"], [146, 2, 1, "", "get_objects_from_image"], [146, 2, 1, "", "get_personalized_ranking"], [146, 2, 1, "", "get_ranked_items"], [146, 2, 1, "", "get_recommendations"], [146, 2, 1, "", "get_related_items"], [146, 2, 1, "", "get_relevant_snippets"], [146, 2, 1, "", "get_request_user_info"], [146, 2, 1, "", "get_scoped_cache_value"], [146, 2, 1, "", "get_search_results"], [146, 2, 1, "", "get_sentiment"], [146, 2, 1, "", "get_streaming_chat_response"], [146, 2, 1, "", "get_streaming_conversation_response"], [146, 2, 1, "", "get_summary"], [146, 2, 1, "", "get_text_from_document"], [146, 2, 1, "", "get_timeseries_anomalies"], [146, 2, 1, "", "get_train_function_input"], [146, 2, 1, "", "get_train_function_input_from_model_version"], [146, 2, 1, "", "get_training_config_options"], [146, 2, 1, "", "import_annotation_labels"], [146, 2, 1, "", "import_module"], [146, 2, 1, "", "invite_users_to_app_user_group"], [146, 2, 1, "", "is_anomaly"], [146, 2, 1, "", "list_builtin_algorithms"], [146, 2, 1, "", "list_feature_group_row_processes"], [146, 2, 1, "", "list_pipeline_versions"], [146, 2, 1, "", "lookup_features"], [146, 2, 1, "", "lookup_matches"], [146, 2, 1, "", "mark_upload_complete"], [146, 2, 1, "", "pause_autonomous_agent"], [146, 2, 1, "", "pause_pipeline_refresh_schedule"], [146, 2, 1, "", "pause_refresh_policy"], [146, 2, 1, "", "predict"], [146, 2, 1, "", "predict_churn"], [146, 2, 1, "", "predict_class"], [146, 2, 1, "", "predict_fraud"], [146, 2, 1, "", "predict_from_datasets"], [146, 2, 1, "", "predict_language"], [146, 2, 1, "", "predict_lead"], [146, 2, 1, "", "predict_multiple"], [146, 2, 1, "", "predict_takeover"], [146, 2, 1, "", "predict_target"], [146, 2, 1, "", "predict_with_binary_data"], [146, 2, 1, "", "preview_feature_group_template_resolution"], [146, 2, 1, "", "remove_app_user_group_from_external_application"], [146, 2, 1, "", "remove_app_user_group_report_permission"], [146, 2, 1, "", "remove_concatenation_config"], [146, 2, 1, "", "remove_deployment_feature_group_export_output"], [146, 2, 1, "", "remove_feature_group_annotation_label"], [146, 2, 1, "", "remove_feature_group_from_project"], [146, 2, 1, "", "remove_feature_group_tag"], [146, 2, 1, "", "remove_feature_tag"], [146, 2, 1, "", "remove_organization_group_from_feature_group_modifiers"], [146, 2, 1, "", "remove_organization_group_permission"], [146, 2, 1, "", "remove_project_tags"], [146, 2, 1, "", "remove_user_from_feature_group_modifiers"], [146, 2, 1, "", "remove_user_from_organization"], [146, 2, 1, "", "remove_user_from_organization_group"], [146, 2, 1, "", "remove_users_from_app_user_group"], [146, 2, 1, "", "rename_application_connector"], [146, 2, 1, "", "rename_chat_session"], [146, 2, 1, "", "rename_database_connector"], [146, 2, 1, "", "rename_deployment"], [146, 2, 1, "", "rename_deployment_conversation"], [146, 2, 1, "", "rename_document_retriever"], [146, 2, 1, "", "rename_eda"], [146, 2, 1, "", "rename_model"], [146, 2, 1, "", "rename_model_monitor"], [146, 2, 1, "", "rename_pipeline"], [146, 2, 1, "", "rename_pipeline_step"], [146, 2, 1, "", "rename_project"], [146, 2, 1, "", "rename_streaming_connector"], [146, 2, 1, "", "render_feature_groups_for_llm"], [146, 2, 1, "", "rerun_eda"], [146, 2, 1, "", "rerun_holdout_analysis"], [146, 2, 1, "", "rerun_model_monitor"], [146, 2, 1, "", "reset_feature_group_row_process_by_key"], [146, 2, 1, "", "reset_pipeline_version"], [146, 2, 1, "", "restart_document_retriever"], [146, 2, 1, "", "resume_pipeline_refresh_schedule"], [146, 2, 1, "", "resume_refresh_policy"], [146, 2, 1, "", "retrain_model"], [146, 2, 1, "", "run_monitor_alert"], [146, 2, 1, "", "run_pipeline"], [146, 2, 1, "", "run_refresh_policy"], [146, 2, 1, "", "run_workflow_graph"], [146, 2, 1, "", "score_image"], [146, 2, 1, "", "search_web_for_llm"], [146, 2, 1, "", "send_email"], [146, 2, 1, "", "set_agent_context_chat_history"], [146, 2, 1, "", "set_agent_context_conversation_id"], [146, 2, 1, "", "set_agent_context_doc_ids"], [146, 2, 1, "", "set_agent_context_doc_infos"], [146, 2, 1, "", "set_agent_context_external_session_id"], [146, 2, 1, "", "set_agent_response_document_sources"], [146, 2, 1, "", "set_annotation_status_feature"], [146, 2, 1, "", "set_auto_deployment"], [146, 2, 1, "", "set_azure_blob_connection_string"], [146, 2, 1, "", "set_batch_prediction_database_connector_output"], [146, 2, 1, "", "set_batch_prediction_dataset_remap"], [146, 2, 1, "", "set_batch_prediction_feature_group"], [146, 2, 1, "", "set_batch_prediction_feature_group_output"], [146, 2, 1, "", "set_batch_prediction_file_connector_output"], [146, 2, 1, "", "set_batch_prediction_output_to_console"], [146, 2, 1, "", "set_cache_scope"], [146, 2, 1, "", "set_dataset_column_data_type"], [146, 2, 1, "", "set_default_model_algorithm"], [146, 2, 1, "", "set_default_organization_group"], [146, 2, 1, "", "set_default_prediction_arguments"], [146, 2, 1, "", "set_deployment_conversation_feedback"], [146, 2, 1, "", "set_deployment_feature_group_export_database_connector_output"], [146, 2, 1, "", "set_deployment_feature_group_export_file_connector_output"], [146, 2, 1, "", "set_deployment_feature_group_version"], [146, 2, 1, "", "set_deployment_model_version"], [146, 2, 1, "", "set_deployment_prediction_operator_version"], [146, 2, 1, "", "set_export_on_materialization"], [146, 2, 1, "", "set_feature_as_annotatable_feature"], [146, 2, 1, "", "set_feature_group_export_connector_config"], [146, 2, 1, "", "set_feature_group_indexing_config"], [146, 2, 1, "", "set_feature_group_merge_config"], [146, 2, 1, "", "set_feature_group_modifier_lock"], [146, 2, 1, "", "set_feature_group_operator_config"], [146, 2, 1, "", "set_feature_group_sampling_config"], [146, 2, 1, "", "set_feature_group_schema"], [146, 2, 1, "", "set_feature_group_type"], [146, 2, 1, "", "set_feature_mapping"], [146, 2, 1, "", "set_feature_type"], [146, 2, 1, "", "set_model_objective"], [146, 2, 1, "", "set_model_prediction_params"], [146, 2, 1, "", "set_model_training_config"], [146, 2, 1, "", "set_natural_language_explanation"], [146, 2, 1, "", "set_project_feature_group_config"], [146, 2, 1, "", "set_scoped_cache_value"], [146, 2, 1, "", "set_streaming_retention_policy"], [146, 2, 1, "", "skip_pending_pipeline_version_steps"], [146, 2, 1, "", "snapshot_streaming_data"], [146, 2, 1, "", "start_autonomous_agent"], [146, 2, 1, "", "start_batch_prediction"], [146, 2, 1, "", "start_deployment"], [146, 2, 1, "", "stop_deployment"], [146, 2, 1, "", "stream_message"], [146, 2, 1, "", "stream_response_section"], [146, 2, 1, "", "stream_section_output"], [146, 2, 1, "", "streaming_evaluate_prompt"], [146, 2, 1, "", "suggest_abacus_apis"], [146, 2, 1, "", "train_model"], [146, 2, 1, "", "transcribe_audio"], [146, 2, 1, "", "transfer_style"], [146, 2, 1, "", "unset_feature_as_annotatable_feature"], [146, 2, 1, "", "unset_pipeline_refresh_schedule"], [146, 2, 1, "", "update_agent"], [146, 2, 1, "", "update_agent_with_function"], [146, 2, 1, "", "update_algorithm"], [146, 2, 1, "", "update_algorithm_from_function"], [146, 2, 1, "", "update_annotation_status"], [146, 2, 1, "", "update_batch_prediction"], [146, 2, 1, "", "update_custom_loss_function"], [146, 2, 1, "", "update_custom_loss_function_with_source_code"], [146, 2, 1, "", "update_custom_metric"], [146, 2, 1, "", "update_custom_metric_from_function"], [146, 2, 1, "", "update_dataset_feature_group_feature_expression"], [146, 2, 1, "", "update_deployment"], [146, 2, 1, "", "update_external_application"], [146, 2, 1, "", "update_feature"], [146, 2, 1, "", "update_feature_group"], [146, 2, 1, "", "update_feature_group_from_pandas_df"], [146, 2, 1, "", "update_feature_group_from_spark_df"], [146, 2, 1, "", "update_feature_group_python_function"], [146, 2, 1, "", "update_feature_group_python_function_bindings"], [146, 2, 1, "", "update_feature_group_sql_definition"], [146, 2, 1, "", "update_feature_group_template"], [146, 2, 1, "", "update_feature_group_template_bindings"], [146, 2, 1, "", "update_graph_dashboard"], [146, 2, 1, "", "update_graph_to_dashboard"], [146, 2, 1, "", "update_model_from_functions"], [146, 2, 1, "", "update_module"], [146, 2, 1, "", "update_module_from_notebook"], [146, 2, 1, "", "update_monitor_alert"], [146, 2, 1, "", "update_nested_feature"], [146, 2, 1, "", "update_organization_secret"], [146, 2, 1, "", "update_pipeline"], [146, 2, 1, "", "update_pipeline_step"], [146, 2, 1, "", "update_pipeline_step_from_function"], [146, 2, 1, "", "update_point_in_time_feature"], [146, 2, 1, "", "update_point_in_time_group"], [146, 2, 1, "", "update_point_in_time_group_feature"], [146, 2, 1, "", "update_prediction_operator"], [146, 2, 1, "", "update_prediction_operator_from_functions"], [146, 2, 1, "", "update_python_function"], [146, 2, 1, "", "update_python_function_code"], [146, 2, 1, "", "update_python_model"], [146, 2, 1, "", "update_python_model_git"], [146, 2, 1, "", "update_python_model_zip"], [146, 2, 1, "", "update_realtime_monitor"], [146, 2, 1, "", "update_refresh_policy"], [146, 2, 1, "", "update_webhook"], [146, 2, 1, "", "upload_part"], [146, 2, 1, "", "upsert_data"], [146, 2, 1, "", "upsert_item_embeddings"], [146, 2, 1, "", "upsert_multiple_item_embeddings"], [146, 2, 1, "", "validate_workflow_graph"], [146, 2, 1, "", "verify_application_connector"], [146, 2, 1, "", "verify_database_connector"], [146, 2, 1, "", "verify_file_connector"], [146, 2, 1, "", "verify_streaming_connector"]], "abacusai.ApiEndpoint": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "api_endpoint"], [146, 3, 1, "", "dashboard_endpoint"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "external_chat_endpoint"], [146, 3, 1, "", "llm_endpoint"], [146, 3, 1, "", "predict_endpoint"], [146, 3, 1, "", "proxy_endpoint"], [146, 2, 1, "", "to_dict"]], "abacusai.ApiEnum": [[146, 3, 1, "", "__deprecated_values__"], [146, 2, 1, "", "__eq__"], [146, 2, 1, "", "__hash__"], [146, 2, 1, "", "is_deprecated"]], "abacusai.ApiException": [[146, 2, 1, "", "__str__"], [146, 3, 1, "", "exception"], [146, 3, 1, "", "http_status"], [146, 3, 1, "", "message"], [146, 3, 1, "", "request_id"]], "abacusai.ApiKey": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "api_key"], [146, 3, 1, "", "api_key_id"], [146, 3, 1, "", "api_key_suffix"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "expires_at"], [146, 3, 1, "", "is_expired"], [146, 3, 1, "", "tag"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "type"]], "abacusai.AppUserGroup": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "external_application_ids"], [146, 3, 1, "", "external_service_group_id"], [146, 3, 1, "", "has_external_application_reporting"], [146, 3, 1, "", "invited_user_emails"], [146, 3, 1, "", "is_external_service_group"], [146, 3, 1, "", "name"], [146, 3, 1, "", "public_user_group"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "user_group_id"], [146, 3, 1, "", "users"]], "abacusai.AppUserGroupSignInToken": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "token"]], "abacusai.ApplicationConnector": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "application_connector_id"], [146, 3, 1, "", "auth"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "list_objects"], [146, 3, 1, "", "name"], [146, 2, 1, "", "rename"], [146, 3, 1, "", "service"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "verify"]], "abacusai.ApplicationConnectorDatasetConfig": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "application_connector_id"], [146, 3, 1, "", "application_connector_type"], [146, 3, 1, "", "document_processing_config"]], "abacusai.ApplicationConnectorType": [[146, 3, 1, "", "ABACUSUSAGEMETRICS"], [146, 3, 1, "", "BOX"], [146, 3, 1, "", "CONFLUENCE"], [146, 3, 1, "", "FRESHSERVICE"], [146, 3, 1, "", "GIT"], [146, 3, 1, "", "GITHUBUSER"], [146, 3, 1, "", "GMAILUSER"], [146, 3, 1, "", "GOOGLEANALYTICS"], [146, 3, 1, "", "GOOGLECALENDAR"], [146, 3, 1, "", "GOOGLEDOCS"], [146, 3, 1, "", "GOOGLEDRIVE"], [146, 3, 1, "", "GOOGLEDRIVEUSER"], [146, 3, 1, "", "GOOGLESHEETS"], [146, 3, 1, "", "GOOGLEWORKSPACEUSER"], [146, 3, 1, "", "JIRA"], [146, 3, 1, "", "MICROSOFTAUTH"], [146, 3, 1, "", "OKTASAML"], [146, 3, 1, "", "ONEDRIVE"], [146, 3, 1, "", "SHAREPOINT"], [146, 3, 1, "", "SLACK"], [146, 3, 1, "", "TEAMS"], [146, 3, 1, "", "TEAMSSCRAPER"], [146, 3, 1, "", "ZENDESK"], [146, 3, 1, "", "ZENDESKSUNSHINEMESSAGING"]], "abacusai.AttachmentParsingConfig": [[146, 3, 1, "", "column_name"], [146, 3, 1, "", "feature_group_name"], [146, 3, 1, "", "urls"]], "abacusai.AudioGenSettings": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "model"], [146, 2, 1, "", "to_dict"]], "abacusai.Base64ImageResponseSection": [[146, 3, 1, "", "b64_image"]], "abacusai.BatchPrediction": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algorithm"], [146, 3, 1, "", "batch_inputs"], [146, 3, 1, "", "batch_prediction_args"], [146, 3, 1, "", "batch_prediction_args_type"], [146, 3, 1, "", "batch_prediction_id"], [146, 3, 1, "", "bp_across_versions_monitor_id"], [146, 3, 1, "", "connector_type"], [146, 2, 1, "", "create_refresh_policy"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "csv_explanations_prefix"], [146, 3, 1, "", "csv_input_prefix"], [146, 3, 1, "", "csv_prediction_prefix"], [146, 3, 1, "", "database_connector_id"], [146, 3, 1, "", "database_output_configuration"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_output_feature_group"], [146, 3, 1, "", "feature_group_table_name"], [146, 3, 1, "", "file_connector_output_location"], [146, 3, 1, "", "file_output_format"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "global_prediction_args"], [146, 3, 1, "", "input_feature_groups"], [146, 3, 1, "", "latest_batch_prediction_version"], [146, 3, 1, "", "legacy_input_location"], [146, 2, 1, "", "list_refresh_policies"], [146, 2, 1, "", "list_versions"], [146, 2, 1, "", "load_results_as_pandas"], [146, 3, 1, "", "model_monitor_id"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "name"], [146, 3, 1, "", "output_feature_group_id"], [146, 3, 1, "", "output_feature_group_table_name"], [146, 3, 1, "", "output_includes_metadata"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 3, 1, "", "result_input_columns"], [146, 2, 1, "", "set_database_connector_output"], [146, 2, 1, "", "set_dataset_remap"], [146, 2, 1, "", "set_feature_group"], [146, 2, 1, "", "set_feature_group_output"], [146, 2, 1, "", "set_file_connector_output"], [146, 2, 1, "", "set_output_to_console"], [146, 2, 1, "", "start"], [146, 3, 1, "", "summary_feature_group_table_name"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"], [146, 2, 1, "", "wait_for_drift_monitor"], [146, 2, 1, "", "wait_for_predictions"]], "abacusai.BatchPredictionArgs": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "_support_kwargs"], [146, 3, 1, "", "kwargs"], [146, 3, 1, "", "problem_type"]], "abacusai.BatchPredictionVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algo_name"], [146, 3, 1, "", "algorithm"], [146, 3, 1, "", "batch_inputs"], [146, 3, 1, "", "batch_prediction_args"], [146, 3, 1, "", "batch_prediction_args_type"], [146, 3, 1, "", "batch_prediction_id"], [146, 3, 1, "", "batch_prediction_version"], [146, 3, 1, "", "batch_prediction_warnings"], [146, 3, 1, "", "bp_across_versions_monitor_version"], [146, 3, 1, "", "connector_type"], [146, 3, 1, "", "csv_explanations_prefix"], [146, 3, 1, "", "csv_input_prefix"], [146, 3, 1, "", "csv_prediction_prefix"], [146, 3, 1, "", "database_connector_id"], [146, 3, 1, "", "database_output_configuration"], [146, 3, 1, "", "database_output_error"], [146, 3, 1, "", "database_output_failed_writes"], [146, 3, 1, "", "database_output_total_writes"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "download_batch_prediction_result_chunk"], [146, 2, 1, "", "download_result_to_file"], [146, 3, 1, "", "drift_monitor_error"], [146, 3, 1, "", "drift_monitor_status"], [146, 3, 1, "", "error"], [146, 3, 1, "", "failed_predictions"], [146, 3, 1, "", "file_connector_output_location"], [146, 3, 1, "", "file_output_format"], [146, 2, 1, "", "get_batch_prediction_connector_errors"], [146, 2, 1, "", "get_logs"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "global_prediction_args"], [146, 3, 1, "", "input_feature_groups"], [146, 3, 1, "", "legacy_input_location"], [146, 2, 1, "", "load_results_as_pandas"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_monitor_version"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "monitor_warnings"], [146, 3, 1, "", "output_feature_group_id"], [146, 3, 1, "", "output_feature_group_table_name"], [146, 3, 1, "", "output_feature_group_version"], [146, 3, 1, "", "output_includes_metadata"], [146, 3, 1, "", "predictions_completed_at"], [146, 3, 1, "", "predictions_started_at"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "result_input_columns"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "total_predictions"], [146, 2, 1, "", "wait_for_drift_monitor"], [146, 2, 1, "", "wait_for_predictions"]], "abacusai.BatchPredictionVersionLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "logs"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "warnings"]], "abacusai.BatchSize": [[146, 3, 1, "", "BATCH_1024"], [146, 3, 1, "", "BATCH_128"], [146, 3, 1, "", "BATCH_16"], [146, 3, 1, "", "BATCH_256"], [146, 3, 1, "", "BATCH_32"], [146, 3, 1, "", "BATCH_384"], [146, 3, 1, "", "BATCH_512"], [146, 3, 1, "", "BATCH_64"], [146, 3, 1, "", "BATCH_740"], [146, 3, 1, "", "BATCH_8"]], "abacusai.BiasType": [[146, 3, 1, "", "DEMOGRAPHIC_PARITY"], [146, 3, 1, "", "EQUAL_OPPORTUNITY"], [146, 3, 1, "", "GROUP_BENEFIT_EQUALITY"], [146, 3, 1, "", "TOTAL"]], "abacusai.BiasViolationConditionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "bias_type"], [146, 3, 1, "", "minimum_violations"], [146, 3, 1, "", "threshold"]], "abacusai.Blob": [[146, 3, 1, "", "contents"], [146, 3, 1, "", "filename"], [146, 2, 1, "", "from_contents"], [146, 2, 1, "", "from_local_file"], [146, 3, 1, "", "mime_type"], [146, 3, 1, "", "size"]], "abacusai.BotInfo": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "external_application_id"], [146, 2, 1, "", "to_dict"]], "abacusai.BoxDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "csv_delimiter"], [146, 3, 1, "", "location"], [146, 3, 1, "", "merge_file_schemas"]], "abacusai.CPUSize": [[146, 3, 1, "", "LARGE"], [146, 3, 1, "", "MEDIUM"], [146, 3, 1, "", "SMALL"]], "abacusai.CategoricalRangeViolation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "freq_outside_training_range"], [146, 3, 1, "", "most_common_values"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.ChartResponseSection": [[146, 3, 1, "", "chart"]], "abacusai.ChatLLMBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "for_eval"]], "abacusai.ChatLLMPredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "ignore_documents"], [146, 3, 1, "", "llm_name"], [146, 3, 1, "", "num_completion_tokens"], [146, 3, 1, "", "search_score_cutoff"], [146, 3, 1, "", "system_message"], [146, 3, 1, "", "temperature"]], "abacusai.ChatLLMTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "behavior_instructions"], [146, 3, 1, "", "column_filtering_instructions"], [146, 3, 1, "", "data_columns_to_ignore"], [146, 3, 1, "", "data_feature_group_ids"], [146, 3, 1, "", "data_prompt_column_context"], [146, 3, 1, "", "data_prompt_context"], [146, 3, 1, "", "data_prompt_table_context"], [146, 3, 1, "", "database_connector_id"], [146, 3, 1, "", "database_connector_tables"], [146, 3, 1, "", "disable_data_summarization"], [146, 3, 1, "", "document_retrievers"], [146, 3, 1, "", "enable_code_execution"], [146, 3, 1, "", "enable_inline_source_citations"], [146, 3, 1, "", "enable_llm_rewrite"], [146, 3, 1, "", "enable_response_caching"], [146, 3, 1, "", "enable_tool_bar"], [146, 3, 1, "", "enable_web_search"], [146, 3, 1, "", "filter_columns"], [146, 3, 1, "", "hide_sql_and_code"], [146, 3, 1, "", "include_bm25_retrieval"], [146, 3, 1, "", "include_general_knowledge"], [146, 3, 1, "", "json_response_instructions"], [146, 3, 1, "", "json_response_schema"], [146, 3, 1, "", "keyword_requirement_instructions"], [146, 3, 1, "", "lookup_rewrite_instructions"], [146, 3, 1, "", "max_search_results"], [146, 3, 1, "", "metadata_columns"], [146, 3, 1, "", "num_completion_tokens"], [146, 3, 1, "", "query_rewrite_instructions"], [146, 3, 1, "", "response_format"], [146, 3, 1, "", "response_instructions"], [146, 3, 1, "", "retrieval_columns"], [146, 3, 1, "", "search_score_cutoff"], [146, 3, 1, "", "temperature"], [146, 3, 1, "", "unknown_answer_phrase"]], "abacusai.ChatMessage": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_ids"], [146, 3, 1, "", "feedback"], [146, 3, 1, "", "hotkey_title"], [146, 3, 1, "", "is_useful"], [146, 3, 1, "", "keyword_arguments"], [146, 3, 1, "", "role"], [146, 3, 1, "", "tasks"], [146, 3, 1, "", "text"], [146, 3, 1, "", "timestamp"], [146, 2, 1, "", "to_dict"]], "abacusai.ChatSession": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "ai_building_in_progress"], [146, 3, 1, "", "answer"], [146, 3, 1, "", "chat_history"], [146, 3, 1, "", "chat_session_id"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete_chat_message"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "export"], [146, 2, 1, "", "get"], [146, 3, 1, "", "name"], [146, 3, 1, "", "next_ai_building_task"], [146, 3, 1, "", "notification"], [146, 3, 1, "", "project_id"], [146, 2, 1, "", "rename"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "whiteboard"]], "abacusai.ChatllmComputer": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "computer_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "token"], [146, 3, 1, "", "vnc_endpoint"]], "abacusai.ChatllmReferralInvite": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "successful_invites"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "user_already_exists"]], "abacusai.ChatllmTask": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "chatllm_task_id"], [146, 3, 1, "", "deployment_conversation_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "email"], [146, 3, 1, "", "enable_email_alerts"], [146, 3, 1, "", "external_application_id"], [146, 3, 1, "", "instructions"], [146, 3, 1, "", "lifecycle"], [146, 3, 1, "", "name"], [146, 3, 1, "", "schedule_info"], [146, 2, 1, "", "to_dict"]], "abacusai.ClientOptions": [[146, 3, 1, "", "exception_on_404"], [146, 3, 1, "", "server"]], "abacusai.ClusteringImputationMethod": [[146, 3, 1, "", "AUTOMATIC"], [146, 3, 1, "", "INTERPOLATE"], [146, 3, 1, "", "ZEROS"]], "abacusai.ClusteringTimeseriesTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "imputation"], [146, 3, 1, "", "num_clusters_selection"]], "abacusai.ClusteringTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "num_clusters_selection"]], "abacusai.CodeAgentResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deployment_conversation_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "messages"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "tool_use_request"]], "abacusai.CodeAutocompleteResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "autocomplete_response"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "line_number"], [146, 3, 1, "", "show_autocomplete"], [146, 2, 1, "", "to_dict"]], "abacusai.CodeBot": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_agent_supported"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "image_upload_supported"], [146, 3, 1, "", "is_premium"], [146, 3, 1, "", "llm_name"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.CodeEdit": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "end_line"], [146, 3, 1, "", "file_path"], [146, 3, 1, "", "start_line"], [146, 3, 1, "", "text"], [146, 2, 1, "", "to_dict"]], "abacusai.CodeEditResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_changes"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.CodeEdits": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_changes"], [146, 3, 1, "", "code_edits"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.CodeLanguage": [[146, 3, 1, "", "PYTHON"], [146, 3, 1, "", "SQL"]], "abacusai.CodeResponseSection": [[146, 3, 1, "", "code"], [146, 3, 1, "", "language"]], "abacusai.CodeSource": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "application_connector_id"], [146, 3, 1, "", "application_connector_info"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 2, 1, "", "import_as_cell"], [146, 3, 1, "", "module_dependencies"], [146, 3, 1, "", "package_requirements"], [146, 3, 1, "", "publishing_msg"], [146, 3, 1, "", "source_code"], [146, 3, 1, "", "source_type"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"]], "abacusai.CollapseResponseSection": [[146, 3, 1, "", "content"], [146, 3, 1, "", "title"], [146, 2, 1, "", "to_dict"]], "abacusai.ComputePointInfo": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "curr_month_avail_points"], [146, 3, 1, "", "curr_month_usage"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "last_24_hours_usage"], [146, 3, 1, "", "last_7_days_usage"], [146, 3, 1, "", "last_throttle_pop_up"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"]], "abacusai.ConcatenationConfig": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "concatenated_table"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "merge_type"], [146, 3, 1, "", "replace_until_timestamp"], [146, 3, 1, "", "skip_materialize"], [146, 2, 1, "", "to_dict"]], "abacusai.ConfluenceDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "extract_bounding_boxes"], [146, 3, 1, "", "location"], [146, 3, 1, "", "pull_attachments"], [146, 3, 1, "", "space_key"]], "abacusai.ConnectorType": [[146, 3, 1, "", "APPLICATION"], [146, 3, 1, "", "DATABASE"], [146, 3, 1, "", "FILE"], [146, 3, 1, "", "STREAMING"]], "abacusai.ConstraintConfig": [[146, 3, 1, "", "code"], [146, 3, 1, "", "constant"], [146, 3, 1, "", "enforcement"], [146, 3, 1, "", "operator"], [146, 3, 1, "", "penalty"]], "abacusai.ConstraintProjectFeatureGroupConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "constraints"]], "abacusai.CpuGpuMemorySpecs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data"], [146, 3, 1, "", "default"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.CrawlerTransformConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "crawl_depth"], [146, 3, 1, "", "depth_column"], [146, 3, 1, "", "disable_host_restriction"], [146, 3, 1, "", "honour_website_rules"], [146, 3, 1, "", "input_column"], [146, 3, 1, "", "input_column_type"], [146, 3, 1, "", "output_column"], [146, 3, 1, "", "user_agent"]], "abacusai.CumulativeForecastingPredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "explain_predictions"], [146, 3, 1, "", "explainer_type"], [146, 3, 1, "", "get_item_data"], [146, 3, 1, "", "num_predictions"], [146, 3, 1, "", "prediction_start"]], "abacusai.CumulativeForecastingTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "cumulative_prediction_lengths"], [146, 3, 1, "", "historical_frequency"], [146, 3, 1, "", "predict_residuals"], [146, 3, 1, "", "skip_input_transform"], [146, 3, 1, "", "skip_target_transform"], [146, 3, 1, "", "test_split"]], "abacusai.CustomAlgorithmTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "timeout_minutes"]], "abacusai.CustomChatInstructions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "enable_code_execution"], [146, 3, 1, "", "enable_image_generation"], [146, 3, 1, "", "enable_playground"], [146, 3, 1, "", "enable_web_search"], [146, 3, 1, "", "experimental_features"], [146, 3, 1, "", "response_instructions"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "user_information_instructions"]], "abacusai.CustomLossFunction": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "loss_function_name"], [146, 3, 1, "", "loss_function_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 2, 1, "", "to_dict"]], "abacusai.CustomMetric": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "custom_metric_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "latest_custom_metric_version"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 3, 1, "", "problem_type"], [146, 2, 1, "", "to_dict"]], "abacusai.CustomMetricVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "custom_metric_function_name"], [146, 3, 1, "", "custom_metric_version"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "name"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "to_dict"]], "abacusai.CustomTrainFunctionInfo": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "schema_mappings"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "train_data_parameter_to_feature_group_ids"], [146, 3, 1, "", "training_config"], [146, 3, 1, "", "training_data_parameter_name_mapping"]], "abacusai.CustomTrainedModelTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "docker_image_uri"], [146, 3, 1, "", "index_output_path"], [146, 3, 1, "", "max_catalog_size"], [146, 3, 1, "", "max_dimension"], [146, 3, 1, "", "service_port"], [146, 3, 1, "", "streaming_embeddings"]], "abacusai.DataConsistencyDuplication": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "num_duplicates"], [146, 3, 1, "", "sample"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "total_count"]], "abacusai.DataGenerationConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "completion_col"], [146, 3, 1, "", "concurrency"], [146, 3, 1, "", "description_col"], [146, 3, 1, "", "documentation_char_limit"], [146, 3, 1, "", "examples_per_target"], [146, 3, 1, "", "fewshot_examples"], [146, 3, 1, "", "frequency_penalty"], [146, 3, 1, "", "generation_instructions"], [146, 3, 1, "", "id_col"], [146, 3, 1, "", "model"], [146, 3, 1, "", "oversample"], [146, 3, 1, "", "prompt_col"], [146, 3, 1, "", "seed"], [146, 3, 1, "", "subset_size"], [146, 3, 1, "", "temperature"], [146, 3, 1, "", "token_budget"], [146, 3, 1, "", "verify_response"]], "abacusai.DataIntegrityViolationConditionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "data_integrity_type"], [146, 3, 1, "", "minimum_violations"]], "abacusai.DataIntegrityViolationType": [[146, 3, 1, "", "CATEGORICAL_RANGE_VIOLATION"], [146, 3, 1, "", "NULL_VIOLATIONS"], [146, 3, 1, "", "RANGE_VIOLATIONS"], [146, 3, 1, "", "TOTAL_VIOLATIONS"]], "abacusai.DataMetrics": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "metrics"], [146, 3, 1, "", "num_cols"], [146, 3, 1, "", "num_duplicate_rows"], [146, 3, 1, "", "num_rows"], [146, 3, 1, "", "schema"], [146, 2, 1, "", "to_dict"]], "abacusai.DataPrepLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "logs"], [146, 2, 1, "", "to_dict"]], "abacusai.DataQualityResults": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "results"], [146, 2, 1, "", "to_dict"]], "abacusai.DataType": [[146, 3, 1, "", "BINARY"], [146, 3, 1, "", "BOOLEAN"], [146, 3, 1, "", "DATE"], [146, 3, 1, "", "DATETIME"], [146, 3, 1, "", "FLOAT"], [146, 3, 1, "", "INTEGER"], [146, 3, 1, "", "LIST"], [146, 3, 1, "", "NULL"], [146, 3, 1, "", "STRING"], [146, 3, 1, "", "STRUCT"]], "abacusai.DataUploadResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_infos"], [146, 3, 1, "", "max_count"], [146, 2, 1, "", "to_dict"]], "abacusai.DatabaseColumnFeatureMapping": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "database_column"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature"], [146, 2, 1, "", "to_dict"]], "abacusai.DatabaseConnector": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "auth"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "database_connector_id"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "get_object_schema"], [146, 2, 1, "", "list_objects"], [146, 3, 1, "", "name"], [146, 2, 1, "", "query"], [146, 2, 1, "", "rename"], [146, 3, 1, "", "service"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "verify"]], "abacusai.DatabaseConnectorColumn": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "external_data_type"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.DatabaseConnectorExportConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "additional_id_columns"], [146, 3, 1, "", "data_columns"], [146, 3, 1, "", "database_connector_id"], [146, 3, 1, "", "id_column"], [146, 3, 1, "", "mode"], [146, 3, 1, "", "object_name"], [146, 2, 1, "", "to_dict"]], "abacusai.DatabaseConnectorSchema": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "columns"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "table_name"], [146, 2, 1, "", "to_dict"]], "abacusai.DataframeResponseSection": [[146, 3, 1, "", "df"], [146, 3, 1, "", "header"]], "abacusai.Dataset": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "application_connector_config"], [146, 3, 1, "", "application_connector_id"], [146, 3, 1, "", "attachment_parsing_config"], [146, 3, 1, "", "connector_type"], [146, 2, 1, "", "create_refresh_policy"], [146, 2, 1, "", "create_version_from_application_connector"], [146, 2, 1, "", "create_version_from_database_connector"], [146, 2, 1, "", "create_version_from_document_reprocessing"], [146, 2, 1, "", "create_version_from_file_connector"], [146, 2, 1, "", "create_version_from_upload"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "data_source"], [146, 3, 1, "", "database_connector_config"], [146, 3, 1, "", "database_connector_id"], [146, 3, 1, "", "dataset_id"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_feature_group"], [146, 3, 1, "", "document_processing_config"], [146, 3, 1, "", "ephemeral"], [146, 3, 1, "", "extract_bounding_boxes"], [146, 3, 1, "", "feature_group_table_name"], [146, 2, 1, "", "get_schema"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "ignore_before"], [146, 3, 1, "", "incremental"], [146, 3, 1, "", "is_documentset"], [146, 3, 1, "", "latest_dataset_version"], [146, 2, 1, "", "list_refresh_policies"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "lookback_days"], [146, 3, 1, "", "merge_file_schemas"], [146, 3, 1, "", "parsing_config"], [146, 3, 1, "", "reference_only_documentset"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 3, 1, "", "schema"], [146, 2, 1, "", "set_column_data_type"], [146, 2, 1, "", "set_database_connector_config"], [146, 2, 1, "", "set_streaming_retention_policy"], [146, 2, 1, "", "snapshot_streaming_data"], [146, 3, 1, "", "source_type"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update_version_limit"], [146, 3, 1, "", "version_limit"], [146, 2, 1, "", "wait_for_import"], [146, 2, 1, "", "wait_for_inspection"]], "abacusai.DatasetColumn": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data_type"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "detected_data_type"], [146, 3, 1, "", "detected_feature_type"], [146, 3, 1, "", "feature_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "original_name"], [146, 3, 1, "", "time_format"], [146, 3, 1, "", "timestamp_frequency"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "valid_data_types"]], "abacusai.DatasetConfig": [[146, 3, 1, "", "is_documentset"]], "abacusai.DatasetDocumentProcessingConfig": [[146, 3, 1, "", "page_text_column"]], "abacusai.DatasetVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "application_connector_config"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "database_connector_config"], [146, 3, 1, "", "dataset_id"], [146, 3, 1, "", "dataset_version"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 3, 1, "", "file_inspect_metadata"], [146, 2, 1, "", "get_logs"], [146, 2, 1, "", "get_metrics"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "incremental_queried_at"], [146, 3, 1, "", "invalid_records"], [146, 3, 1, "", "merge_file_schemas"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "row_count"], [146, 3, 1, "", "size"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "upload_id"], [146, 2, 1, "", "wait_for_import"], [146, 2, 1, "", "wait_for_inspection"]], "abacusai.DatasetVersionLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "logs"], [146, 2, 1, "", "to_dict"]], "abacusai.DeployableAlgorithm": [[146, 3, 1, "", "algorithm"], [146, 3, 1, "", "name"], [146, 3, 1, "", "only_offline_deployable"], [146, 3, 1, "", "trained_model_types"]], "abacusai.Deployment": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algo_name"], [146, 3, 1, "", "algorithm"], [146, 3, 1, "", "auto_deploy"], [146, 3, 1, "", "batch_streaming_updates"], [146, 3, 1, "", "calls_per_second"], [146, 2, 1, "", "create_alert"], [146, 2, 1, "", "create_batch_prediction"], [146, 2, 1, "", "create_conversation"], [146, 2, 1, "", "create_external_application"], [146, 2, 1, "", "create_realtime_monitor"], [146, 2, 1, "", "create_refresh_policy"], [146, 2, 1, "", "create_webhook"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "default_prediction_arguments"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployed_at"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_feature_group_row_process_by_key"], [146, 3, 1, "", "description"], [146, 2, 1, "", "download_agent_attachment"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feature_group_export_config"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_version"], [146, 2, 1, "", "get_conversation_response"], [146, 2, 1, "", "get_conversation_response_with_binary_data"], [146, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [146, 2, 1, "", "get_feature_group_row_process_summary"], [146, 2, 1, "", "get_prediction_logs_records"], [146, 2, 1, "", "get_statistics_over_time"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "list_alerts"], [146, 2, 1, "", "list_conversations"], [146, 2, 1, "", "list_feature_group_row_processes"], [146, 2, 1, "", "list_refresh_policies"], [146, 2, 1, "", "list_webhooks"], [146, 3, 1, "", "model_deployment_config"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "name"], [146, 3, 1, "", "online_feature_group_id"], [146, 3, 1, "", "output_online_feature_group_id"], [146, 3, 1, "", "pending_model_version"], [146, 3, 1, "", "pending_prediction_operator_version"], [146, 3, 1, "", "prediction_operator_id"], [146, 3, 1, "", "prediction_operator_version"], [146, 3, 1, "", "project_id"], [146, 3, 1, "", "realtime_monitor_id"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 3, 1, "", "regions"], [146, 2, 1, "", "remove_feature_group_export_output"], [146, 2, 1, "", "rename"], [146, 2, 1, "", "reset_feature_group_row_process_by_key"], [146, 3, 1, "", "runtime_configs"], [146, 2, 1, "", "set_auto"], [146, 2, 1, "", "set_default_prediction_arguments"], [146, 2, 1, "", "set_feature_group_export_database_connector_output"], [146, 2, 1, "", "set_feature_group_export_file_connector_output"], [146, 2, 1, "", "set_feature_group_version"], [146, 2, 1, "", "set_model_version"], [146, 2, 1, "", "set_prediction_operator_version"], [146, 3, 1, "", "skip_metrics_check"], [146, 2, 1, "", "start"], [146, 3, 1, "", "status"], [146, 2, 1, "", "stop"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"], [146, 2, 1, "", "wait_for_deployment"], [146, 2, 1, "", "wait_for_pending_deployment_update"]], "abacusai.DeploymentAuthToken": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deployment_token"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.DeploymentConversation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "chatllm_task_id"], [146, 2, 1, "", "clear"], [146, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [146, 3, 1, "", "conversation_type"], [146, 3, 1, "", "conversation_warning"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_conversation_id"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "export"], [146, 3, 1, "", "external_application_id"], [146, 3, 1, "", "external_session_id"], [146, 2, 1, "", "get"], [146, 3, 1, "", "has_history"], [146, 3, 1, "", "history"], [146, 3, 1, "", "humanize_instructions"], [146, 3, 1, "", "last_event_created_at"], [146, 3, 1, "", "llm_bot_icon"], [146, 3, 1, "", "llm_display_name"], [146, 3, 1, "", "metadata"], [146, 3, 1, "", "name"], [146, 3, 1, "", "regenerate_attempt"], [146, 2, 1, "", "rename"], [146, 3, 1, "", "search_suggestions"], [146, 2, 1, "", "set_feedback"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "unused_document_upload_ids"]], "abacusai.DeploymentConversationEvent": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "agent_response"], [146, 3, 1, "", "agent_workflow_node_id"], [146, 3, 1, "", "attachments"], [146, 3, 1, "", "chat_type"], [146, 3, 1, "", "compute_points_used"], [146, 3, 1, "", "computer_files"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_infos"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feedback"], [146, 3, 1, "", "feedback_type"], [146, 3, 1, "", "form_response"], [146, 3, 1, "", "highlights"], [146, 3, 1, "", "input_params"], [146, 3, 1, "", "is_useful"], [146, 3, 1, "", "keyword_arguments"], [146, 3, 1, "", "llm_bot_icon"], [146, 3, 1, "", "llm_display_name"], [146, 3, 1, "", "message_index"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "next_agent_workflow_node_id"], [146, 3, 1, "", "regenerate_attempt"], [146, 3, 1, "", "response_version"], [146, 3, 1, "", "role"], [146, 3, 1, "", "routed_llm"], [146, 3, 1, "", "search_results"], [146, 3, 1, "", "segments"], [146, 3, 1, "", "streamed_data"], [146, 3, 1, "", "streamed_section_data"], [146, 3, 1, "", "text"], [146, 3, 1, "", "timestamp"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "tool_use_request"], [146, 3, 1, "", "verification_summary"]], "abacusai.DeploymentConversationExport": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "conversation_export_html"], [146, 3, 1, "", "deployment_conversation_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.DeploymentConversationType": [[146, 3, 1, "", "AGENT_CONTROLLER"], [146, 3, 1, "", "CHAT_LLM"], [146, 3, 1, "", "CODE_LLM"], [146, 3, 1, "", "COMPLEX_AGENT"], [146, 3, 1, "", "COPILOT"], [146, 3, 1, "", "SIMPLE_AGENT"], [146, 3, 1, "", "WORKFLOW_AGENT"]], "abacusai.DeploymentStatistics": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "date_labels"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "http_status_series"], [146, 3, 1, "", "latency_series"], [146, 3, 1, "", "request_series"], [146, 2, 1, "", "to_dict"]], "abacusai.DocumentClassificationTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "test_split"], [146, 3, 1, "", "zero_shot_hypotheses"]], "abacusai.DocumentData": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "augmented_page_text"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_id"], [146, 3, 1, "", "embedded_text"], [146, 3, 1, "", "extracted_page_text"], [146, 3, 1, "", "extracted_text"], [146, 3, 1, "", "metadata"], [146, 3, 1, "", "mime_type"], [146, 3, 1, "", "page_count"], [146, 3, 1, "", "page_markdown"], [146, 3, 1, "", "pages"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "tokens"], [146, 3, 1, "", "total_page_count"]], "abacusai.DocumentProcessingConfig": [[146, 2, 1, "", "__post_init__"], [146, 2, 1, "", "_detect_ocr_mode"], [146, 2, 1, "", "_get_filtered_dict"], [146, 3, 1, "", "convert_to_markdown"], [146, 3, 1, "", "document_type"], [146, 3, 1, "", "extract_bounding_boxes"], [146, 3, 1, "", "extract_images"], [146, 3, 1, "", "highlight_relevant_text"], [146, 3, 1, "", "mask_pii"], [146, 3, 1, "", "ocr_mode"], [146, 3, 1, "", "remove_header_footer"], [146, 3, 1, "", "remove_watermarks"], [146, 3, 1, "", "use_full_ocr"]], "abacusai.DocumentRetriever": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "create_version"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "document_retriever_config"], [146, 3, 1, "", "document_retriever_id"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_name"], [146, 2, 1, "", "get_deployment_status"], [146, 2, 1, "", "get_document_snippet"], [146, 2, 1, "", "get_matching_documents"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "indexing_required"], [146, 3, 1, "", "latest_document_retriever_version"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "name"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "rename"], [146, 2, 1, "", "restart"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_until_deployment_ready"], [146, 2, 1, "", "wait_until_ready"]], "abacusai.DocumentRetrieverLookupResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "bounding_boxes"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "document"], [146, 3, 1, "", "document_source"], [146, 3, 1, "", "image_ids"], [146, 3, 1, "", "pages"], [146, 3, 1, "", "properties"], [146, 3, 1, "", "score"], [146, 2, 1, "", "to_dict"]], "abacusai.DocumentRetrieverVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_status"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "document_retriever_config"], [146, 3, 1, "", "document_retriever_id"], [146, 3, 1, "", "document_retriever_version"], [146, 3, 1, "", "embedding_file_size"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_version"], [146, 2, 1, "", "get_deployment_status"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "number_of_chunks"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "resolved_config"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_results"], [146, 2, 1, "", "wait_until_deployment_ready"], [146, 2, 1, "", "wait_until_ready"], [146, 3, 1, "", "warnings"]], "abacusai.DocumentSummarizationTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "batch_size"], [146, 3, 1, "", "dropout_rate"], [146, 3, 1, "", "test_split"]], "abacusai.DocumentType": [[146, 3, 1, "", "EMBEDDED_IMAGES"], [146, 3, 1, "", "SCANNED_TEXT"], [146, 3, 1, "", "SIMPLE_TEXT"], [146, 3, 1, "", "TABLES_AND_FORMS"], [146, 3, 1, "", "TEXT"], [146, 2, 1, "", "is_ocr_forced"]], "abacusai.DocumentVisualizationTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "batch_size"], [146, 3, 1, "", "dropout_rate"], [146, 3, 1, "", "test_split"]], "abacusai.DriftDistribution": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "distribution"], [146, 3, 1, "", "metrics"], [146, 3, 1, "", "predicted_column"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "train_column"]], "abacusai.DriftDistributions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "bp_prediction_drift"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "label_drift"], [146, 3, 1, "", "prediction_drift"], [146, 2, 1, "", "to_dict"]], "abacusai.Eda": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "eda_configs"], [146, 3, 1, "", "eda_id"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "latest_eda_version"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "name"], [146, 3, 1, "", "project_id"], [146, 3, 1, "", "reference_feature_group_version"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 2, 1, "", "rename"], [146, 2, 1, "", "rerun"], [146, 3, 1, "", "test_feature_group_version"], [146, 2, 1, "", "to_dict"]], "abacusai.EdaChartDescription": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "chart_type"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 2, 1, "", "to_dict"]], "abacusai.EdaCollinearity": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "collinearity_groups"], [146, 3, 1, "", "collinearity_matrix"], [146, 3, 1, "", "column_names"], [146, 3, 1, "", "column_names_x"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "group_feature_dict"], [146, 2, 1, "", "to_dict"]], "abacusai.EdaDataConsistency": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "base_duplicates"], [146, 3, 1, "", "column_names"], [146, 3, 1, "", "compare_duplicates"], [146, 3, 1, "", "deletions"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "primary_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "transformation_column_names"], [146, 3, 1, "", "transformations"]], "abacusai.EdaFeatureAssociation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data"], [146, 3, 1, "", "data_columns"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "is_box_whisker"], [146, 3, 1, "", "is_scatter"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "x_axis"], [146, 3, 1, "", "x_axis_column_values"], [146, 3, 1, "", "y_axis"], [146, 3, 1, "", "y_axis_column_values"]], "abacusai.EdaFeatureCollinearity": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_collinearity"], [146, 3, 1, "", "selected_feature"], [146, 3, 1, "", "sorted_column_names"], [146, 2, 1, "", "to_dict"]], "abacusai.EdaForecastingAnalysis": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "autocorrelation"], [146, 3, 1, "", "cummulative_contribution"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "forecast_frequency"], [146, 3, 1, "", "forecasting_target_feature"], [146, 3, 1, "", "history_length"], [146, 3, 1, "", "missing_value_distribution"], [146, 3, 1, "", "num_rows_histogram"], [146, 3, 1, "", "partial_autocorrelation"], [146, 3, 1, "", "primary_keys"], [146, 3, 1, "", "product_maturity"], [146, 3, 1, "", "sales_across_time"], [146, 3, 1, "", "seasonality_day_of_month"], [146, 3, 1, "", "seasonality_day_of_week"], [146, 3, 1, "", "seasonality_day_of_year"], [146, 3, 1, "", "seasonality_hour"], [146, 3, 1, "", "seasonality_minute"], [146, 3, 1, "", "seasonality_month"], [146, 3, 1, "", "seasonality_quarter"], [146, 3, 1, "", "seasonality_second"], [146, 3, 1, "", "seasonality_week_of_year"], [146, 3, 1, "", "seasonality_year"], [146, 3, 1, "", "timestamp_feature"], [146, 2, 1, "", "to_dict"]], "abacusai.EdaVersion": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "eda_completed_at"], [146, 3, 1, "", "eda_id"], [146, 3, 1, "", "eda_started_at"], [146, 3, 1, "", "eda_version"], [146, 3, 1, "", "error"], [146, 2, 1, "", "get_collinearity_for_feature"], [146, 2, 1, "", "get_eda_collinearity"], [146, 2, 1, "", "get_eda_data_consistency"], [146, 2, 1, "", "get_eda_forecasting_analysis"], [146, 2, 1, "", "get_feature_association"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "reference_feature_group_version"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 3, 1, "", "test_feature_group_version"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_eda"]], "abacusai.EmailActionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "email_body"], [146, 3, 1, "", "email_recipients"]], "abacusai.EmbeddingFeatureDriftDistribution": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "average_drift"], [146, 3, 1, "", "chi_square"], [146, 3, 1, "", "csi"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "distance"], [146, 3, 1, "", "js_distance"], [146, 3, 1, "", "ks_statistic"], [146, 3, 1, "", "psi"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "ws_distance"]], "abacusai.EvalArtifactType": [[146, 3, 1, "", "FORECASTING_ACCURACY"], [146, 3, 1, "", "FORECASTING_HISTORY_LENGTH_ACCURACY"], [146, 3, 1, "", "FORECASTING_VOLUME"]], "abacusai.EventAnomalyTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "anomaly_fraction"]], "abacusai.ExecuteFeatureGroupOperation": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "_download_avro_file"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feature_group_operation_run_id"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "load_as_pandas"], [146, 3, 1, "", "query"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_execution"], [146, 2, 1, "", "wait_for_results"]], "abacusai.ExperimentationMode": [[146, 3, 1, "", "RAPID"], [146, 3, 1, "", "THOROUGH"]], "abacusai.ExplainerType": [[146, 3, 1, "", "EBM_EXPLAINER"], [146, 3, 1, "", "KERNEL_EXPLAINER"], [146, 3, 1, "", "LIME_EXPLAINER"], [146, 3, 1, "", "TREE_EXPLAINER"]], "abacusai.ExternalApplication": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_conversation_retention_hours"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "description"], [146, 3, 1, "", "external_application_id"], [146, 3, 1, "", "is_agent"], [146, 3, 1, "", "is_customizable"], [146, 3, 1, "", "is_deprecated"], [146, 3, 1, "", "is_system_created"], [146, 3, 1, "", "is_visible"], [146, 3, 1, "", "logo"], [146, 3, 1, "", "managed_user_service"], [146, 3, 1, "", "name"], [146, 3, 1, "", "prediction_overrides"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 3, 1, "", "theme"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"], [146, 3, 1, "", "use_case"], [146, 3, 1, "", "user_group_ids"]], "abacusai.ExternalInvite": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "successful_invites"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "user_already_in_app_group"], [146, 3, 1, "", "user_already_in_org"], [146, 3, 1, "", "user_exists_as_internal"]], "abacusai.ExtractDocumentDataConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "doc_id_column"], [146, 3, 1, "", "document_column"], [146, 3, 1, "", "document_processing_config"]], "abacusai.ExtractedFields": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "raw_llm_response"], [146, 2, 1, "", "to_dict"]], "abacusai.Feature": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "columns"], [146, 3, 1, "", "data_type"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "detected_data_type"], [146, 3, 1, "", "detected_feature_type"], [146, 3, 1, "", "feature_mapping"], [146, 3, 1, "", "feature_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "order_clause"], [146, 3, 1, "", "original_name"], [146, 3, 1, "", "point_in_time_info"], [146, 3, 1, "", "select_clause"], [146, 3, 1, "", "source_table"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "using_clause"], [146, 3, 1, "", "where_clause"]], "abacusai.FeatureDistribution": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "numerical_prediction_distribution"], [146, 3, 1, "", "numerical_training_distribution"], [146, 3, 1, "", "prediction_distribution"], [146, 3, 1, "", "prediction_statistics"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "training_distribution"], [146, 3, 1, "", "training_statistics"], [146, 3, 1, "", "type"]], "abacusai.FeatureDriftConditionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "feature_drift_type"], [146, 3, 1, "", "feature_names"], [146, 3, 1, "", "minimum_violations"], [146, 3, 1, "", "threshold"]], "abacusai.FeatureDriftRecord": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "chi_square"], [146, 3, 1, "", "csi"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "distance"], [146, 3, 1, "", "js_distance"], [146, 3, 1, "", "ks_statistic"], [146, 3, 1, "", "name"], [146, 3, 1, "", "psi"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "ws_distance"]], "abacusai.FeatureDriftSummary": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "cat_violations"], [146, 3, 1, "", "chi_square"], [146, 3, 1, "", "csi"], [146, 3, 1, "", "data_integrity_timeseries"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "distance"], [146, 3, 1, "", "feature_index"], [146, 3, 1, "", "js_distance"], [146, 3, 1, "", "ks_statistic"], [146, 3, 1, "", "name"], [146, 3, 1, "", "nested_summary"], [146, 3, 1, "", "null_violations"], [146, 3, 1, "", "prediction_drift"], [146, 3, 1, "", "psi"], [146, 3, 1, "", "range_violations"], [146, 3, 1, "", "target_column"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "ws_distance"]], "abacusai.FeatureDriftType": [[146, 3, 1, "", "CHI_SQUARE"], [146, 3, 1, "", "CSI"], [146, 3, 1, "", "JS"], [146, 3, 1, "", "KL"], [146, 3, 1, "", "KS"], [146, 3, 1, "", "PSI"], [146, 3, 1, "", "WS"]], "abacusai.FeatureGroup": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "add_annotatable_feature"], [146, 2, 1, "", "add_annotation_label"], [146, 2, 1, "", "add_feature_tag"], [146, 2, 1, "", "add_organization_group_to_modifiers"], [146, 2, 1, "", "add_tag"], [146, 2, 1, "", "add_to_project"], [146, 2, 1, "", "add_user_to_modifiers"], [146, 3, 1, "", "annotation_config"], [146, 2, 1, "", "append_data"], [146, 2, 1, "", "append_multiple_data"], [146, 3, 1, "", "code_source"], [146, 2, 1, "", "concatenate_data"], [146, 3, 1, "", "concatenation_config"], [146, 3, 1, "", "cpu_size"], [146, 2, 1, "", "create_feature"], [146, 2, 1, "", "create_nested_feature"], [146, 2, 1, "", "create_point_in_time_feature"], [146, 2, 1, "", "create_point_in_time_group"], [146, 2, 1, "", "create_point_in_time_group_feature"], [146, 2, 1, "", "create_sampling"], [146, 2, 1, "", "create_template"], [146, 2, 1, "", "create_version"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "dataset_id"], [146, 2, 1, "", "delete"], [146, 2, 1, "", "delete_data"], [146, 2, 1, "", "delete_feature"], [146, 2, 1, "", "delete_nested_feature"], [146, 2, 1, "", "delete_point_in_time_group"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_annotation"], [146, 2, 1, "", "describe_dataset"], [146, 3, 1, "", "description"], [146, 2, 1, "", "detach_from_template"], [146, 3, 1, "", "duplicate_features"], [146, 3, 1, "", "explanation"], [146, 3, 1, "", "export_connector_config"], [146, 3, 1, "", "export_on_materialization"], [146, 3, 1, "", "feature_expression"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_source_type"], [146, 3, 1, "", "feature_group_template"], [146, 3, 1, "", "feature_tags"], [146, 3, 1, "", "features"], [146, 3, 1, "", "function_name"], [146, 3, 1, "", "function_source_code"], [146, 2, 1, "", "generate_natural_language_explanation"], [146, 2, 1, "", "generate_point_in_time_features"], [146, 2, 1, "", "get_annotations_status"], [146, 2, 1, "", "get_data"], [146, 2, 1, "", "get_document_to_annotate"], [146, 2, 1, "", "get_natural_language_explanation"], [146, 2, 1, "", "get_project_config"], [146, 2, 1, "", "get_recent_streamed_data"], [146, 2, 1, "", "get_schema"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "import_annotation_labels"], [146, 3, 1, "", "incremental"], [146, 3, 1, "", "indexing_config"], [146, 3, 1, "", "latest_feature_group_version"], [146, 3, 1, "", "latest_version_outdated"], [146, 2, 1, "", "list_exports"], [146, 2, 1, "", "list_modifiers"], [146, 2, 1, "", "list_versions"], [146, 2, 1, "", "load_as_pandas"], [146, 2, 1, "", "load_as_pandas_documents"], [146, 3, 1, "", "lookup_keys"], [146, 2, 1, "", "materialize"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "merge_config"], [146, 3, 1, "", "modification_lock"], [146, 3, 1, "", "module_name"], [146, 3, 1, "", "name"], [146, 3, 1, "", "operator_config"], [146, 3, 1, "", "point_in_time_groups"], [146, 3, 1, "", "primary_key"], [146, 3, 1, "", "python_function_bindings"], [146, 3, 1, "", "python_function_name"], [146, 3, 1, "", "referenced_feature_groups"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 2, 1, "", "remove_annotation_label"], [146, 2, 1, "", "remove_concatenation_config"], [146, 2, 1, "", "remove_feature_tag"], [146, 2, 1, "", "remove_from_project"], [146, 2, 1, "", "remove_organization_group_from_modifiers"], [146, 2, 1, "", "remove_tag"], [146, 2, 1, "", "remove_user_from_modifiers"], [146, 3, 1, "", "sampling_config"], [146, 2, 1, "", "set_annotation_status_feature"], [146, 2, 1, "", "set_export_connector_config"], [146, 2, 1, "", "set_export_on_materialization"], [146, 2, 1, "", "set_feature_as_annotatable_feature"], [146, 2, 1, "", "set_feature_type"], [146, 2, 1, "", "set_indexing_config"], [146, 2, 1, "", "set_merge_config"], [146, 2, 1, "", "set_modifier_lock"], [146, 2, 1, "", "set_operator_config"], [146, 2, 1, "", "set_project_config"], [146, 2, 1, "", "set_sampling_config"], [146, 2, 1, "", "set_schema"], [146, 2, 1, "", "set_type"], [146, 3, 1, "", "source_tables"], [146, 3, 1, "", "sql"], [146, 3, 1, "", "sql_error"], [146, 3, 1, "", "streaming_enabled"], [146, 3, 1, "", "streaming_ready"], [146, 2, 1, "", "suggest_template_for"], [146, 3, 1, "", "table_name"], [146, 3, 1, "", "tags"], [146, 3, 1, "", "template_bindings"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "unset_feature_as_annotatable_feature"], [146, 2, 1, "", "update"], [146, 2, 1, "", "update_annotation_status"], [146, 2, 1, "", "update_dataset_feature_expression"], [146, 2, 1, "", "update_feature"], [146, 2, 1, "", "update_nested_feature"], [146, 2, 1, "", "update_point_in_time_feature"], [146, 2, 1, "", "update_point_in_time_group"], [146, 2, 1, "", "update_point_in_time_group_feature"], [146, 2, 1, "", "update_python_function"], [146, 2, 1, "", "update_python_function_bindings"], [146, 2, 1, "", "update_sql_definition"], [146, 2, 1, "", "update_template_bindings"], [146, 3, 1, "", "update_timestamp_key"], [146, 2, 1, "", "update_version_limit"], [146, 2, 1, "", "upsert_data"], [146, 3, 1, "", "use_gpu"], [146, 3, 1, "", "use_original_csv_names"], [146, 2, 1, "", "verify_and_describe_annotation"], [146, 3, 1, "", "version_limit"], [146, 2, 1, "", "wait_for_dataset"], [146, 2, 1, "", "wait_for_materialization"], [146, 2, 1, "", "wait_for_streaming_ready"], [146, 2, 1, "", "wait_for_upload"]], "abacusai.FeatureGroupDocument": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_id"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupExport": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "additional_id_columns"], [146, 3, 1, "", "connector_type"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "database_connector_id"], [146, 3, 1, "", "database_feature_mapping"], [146, 3, 1, "", "database_output_error"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 3, 1, "", "export_completed_at"], [146, 3, 1, "", "failed_writes"], [146, 3, 1, "", "feature_group_export_id"], [146, 3, 1, "", "feature_group_version"], [146, 3, 1, "", "file_format"], [146, 2, 1, "", "get_connector_errors"], [146, 2, 1, "", "get_feature_group_version_export_download_url"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "id_column"], [146, 3, 1, "", "object_name"], [146, 3, 1, "", "output_location"], [146, 3, 1, "", "project_config"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "total_writes"], [146, 2, 1, "", "wait_for_export"], [146, 2, 1, "", "wait_for_results"], [146, 3, 1, "", "write_mode"]], "abacusai.FeatureGroupExportConfig": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "additional_id_columns"], [146, 3, 1, "", "connector_type"], [146, 3, 1, "", "database_connector_id"], [146, 3, 1, "", "database_feature_mapping"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "file_format"], [146, 3, 1, "", "id_column"], [146, 3, 1, "", "object_name"], [146, 3, 1, "", "output_location"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "write_mode"]], "abacusai.FeatureGroupExportDownloadUrl": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "download_url"], [146, 3, 1, "", "expires_at"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupLineage": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "connections"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "nodes"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupRefreshExportConfig": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "additional_id_columns"], [146, 3, 1, "", "connector_type"], [146, 3, 1, "", "database_feature_mapping"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "export_file_format"], [146, 3, 1, "", "external_connection_id"], [146, 3, 1, "", "id_column"], [146, 3, 1, "", "location"], [146, 3, 1, "", "object_name"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "write_mode"]], "abacusai.FeatureGroupRow": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "contents"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "primary_key"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"]], "abacusai.FeatureGroupRowProcess": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "completed_at"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_row_process_id"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "primary_key_value"], [146, 3, 1, "", "retries_remaining"], [146, 3, 1, "", "started_at"], [146, 3, 1, "", "status"], [146, 3, 1, "", "timeout_at"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "total_attempts_allowed"], [146, 3, 1, "", "updated_at"], [146, 2, 1, "", "wait_for_process"]], "abacusai.FeatureGroupRowProcessLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_row_process_id"], [146, 3, 1, "", "logs"], [146, 3, 1, "", "primary_key_value"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupRowProcessSummary": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "complete_processes"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "failed_processes"], [146, 3, 1, "", "pending_processes"], [146, 3, 1, "", "processing_processes"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "total_processes"]], "abacusai.FeatureGroupTemplate": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "description"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_template_id"], [146, 3, 1, "", "is_system_template"], [146, 3, 1, "", "name"], [146, 2, 1, "", "preview_resolution"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "template_sql"], [146, 3, 1, "", "template_variables"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"], [146, 3, 1, "", "updated_at"]], "abacusai.FeatureGroupTemplateVariableOptions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "template_variable_options"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "user_feedback"]], "abacusai.FeatureGroupVersion": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "_download_avro_file"], [146, 3, 1, "", "annotation_config"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "columns"], [146, 3, 1, "", "cpu_size"], [146, 2, 1, "", "create_snapshot_feature_group"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployable"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 2, 1, "", "export_to_console"], [146, 2, 1, "", "export_to_database_connector"], [146, 2, 1, "", "export_to_file_connector"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_version"], [146, 3, 1, "", "features"], [146, 2, 1, "", "get_logs"], [146, 2, 1, "", "get_materialization_logs"], [146, 2, 1, "", "get_metrics"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "indexing_config"], [146, 3, 1, "", "indexing_config_warning_msg"], [146, 2, 1, "", "load_as_pandas"], [146, 2, 1, "", "load_as_pandas_documents"], [146, 3, 1, "", "materialization_completed_at"], [146, 3, 1, "", "materialization_started_at"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "point_in_time_groups"], [146, 3, 1, "", "python_function_bindings"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "source_dataset_versions"], [146, 3, 1, "", "source_tables"], [146, 3, 1, "", "sql"], [146, 3, 1, "", "status"], [146, 3, 1, "", "template_bindings"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "use_original_csv_names"], [146, 2, 1, "", "wait_for_materialization"], [146, 2, 1, "", "wait_for_results"]], "abacusai.FeatureGroupVersionLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "logs"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureImportance": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "ebm_feature_importance"], [146, 3, 1, "", "lime_feature_importance"], [146, 3, 1, "", "lofo_feature_importance"], [146, 3, 1, "", "null_feature_importance"], [146, 3, 1, "", "permutation_feature_importance"], [146, 3, 1, "", "shap_feature_importance"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureMapping": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_mapping"], [146, 3, 1, "", "feature_name"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureMappingConfig": [[146, 3, 1, "", "feature_mapping"], [146, 3, 1, "", "feature_name"], [146, 3, 1, "", "nested_feature_name"]], "abacusai.FeaturePerformanceAnalysis": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_metrics"], [146, 3, 1, "", "features"], [146, 3, 1, "", "metrics_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureRecord": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.FeatureStorePredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "limit_results"]], "abacusai.FieldDescriptor": [[146, 3, 1, "", "description"], [146, 3, 1, "", "example_extraction"], [146, 3, 1, "", "field"], [146, 3, 1, "", "type"]], "abacusai.FieldDescriptorType": [[146, 3, 1, "", "BOOLEAN"], [146, 3, 1, "", "DATE"], [146, 3, 1, "", "DATETIME"], [146, 3, 1, "", "FLOAT"], [146, 3, 1, "", "INTEGER"], [146, 3, 1, "", "STRING"]], "abacusai.FileConnector": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "auth_expires_at"], [146, 3, 1, "", "bucket"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "verified"], [146, 3, 1, "", "write_permission"]], "abacusai.FileConnectorExportConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "export_file_format"], [146, 3, 1, "", "location"], [146, 2, 1, "", "to_dict"]], "abacusai.FileConnectorInstructions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "auth_options"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "verified"], [146, 3, 1, "", "write_permission"]], "abacusai.FileConnectorVerification": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "verified"], [146, 3, 1, "", "write_permission"]], "abacusai.FileFormat": [[146, 3, 1, "", "AVRO"], [146, 3, 1, "", "CSV"], [146, 3, 1, "", "DOCX"], [146, 3, 1, "", "EML"], [146, 3, 1, "", "FLV"], [146, 3, 1, "", "GIF"], [146, 3, 1, "", "GZ"], [146, 3, 1, "", "HTML"], [146, 3, 1, "", "JPEG"], [146, 3, 1, "", "JSON"], [146, 3, 1, "", "MD"], [146, 3, 1, "", "MOV"], [146, 3, 1, "", "MP3"], [146, 3, 1, "", "MP4"], [146, 3, 1, "", "MPEG"], [146, 3, 1, "", "MPG"], [146, 3, 1, "", "MSG"], [146, 3, 1, "", "NUMBERS"], [146, 3, 1, "", "ODS"], [146, 3, 1, "", "ORC"], [146, 3, 1, "", "PARQUET"], [146, 3, 1, "", "PDF"], [146, 3, 1, "", "PNG"], [146, 3, 1, "", "PPT"], [146, 3, 1, "", "PPTX"], [146, 3, 1, "", "RAR"], [146, 3, 1, "", "TAR"], [146, 3, 1, "", "TFRECORD"], [146, 3, 1, "", "TIF"], [146, 3, 1, "", "TSV"], [146, 3, 1, "", "TXT"], [146, 3, 1, "", "WEBM"], [146, 3, 1, "", "WEBP"], [146, 3, 1, "", "WMV"], [146, 3, 1, "", "XLS"], [146, 3, 1, "", "ZIP"]], "abacusai.FillLogic": [[146, 3, 1, "", "AVERAGE"], [146, 3, 1, "", "BACKFILL"], [146, 3, 1, "", "CUSTOM"], [146, 3, 1, "", "FORWARDFILL"], [146, 3, 1, "", "LINEAR"], [146, 3, 1, "", "MAX"], [146, 3, 1, "", "MEDIAN"], [146, 3, 1, "", "MIN"], [146, 3, 1, "", "NEAREST"]], "abacusai.FinetunedPretrainedModel": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "base_model"], [146, 3, 1, "", "config"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "finetuned_pretrained_model_id"], [146, 3, 1, "", "finetuned_pretrained_model_version"], [146, 3, 1, "", "finetuning_dataset_version"], [146, 3, 1, "", "name"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"]], "abacusai.ForecastingAnalysisGraphData": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "chart_descriptions"], [146, 3, 1, "", "chart_name"], [146, 3, 1, "", "chart_types"], [146, 3, 1, "", "data"], [146, 3, 1, "", "data_columns"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "item_statistics"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "x_axis"], [146, 3, 1, "", "y_axis"]], "abacusai.ForecastingBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "create_monitor"], [146, 3, 1, "", "explain_predictions"], [146, 3, 1, "", "for_eval"], [146, 3, 1, "", "forecasting_horizon"], [146, 3, 1, "", "item_attributes_to_include_in_the_result"], [146, 3, 1, "", "predictions_start_date"], [146, 3, 1, "", "start_date_offset"], [146, 3, 1, "", "use_prediction_offset"]], "abacusai.ForecastingDataSplitType": [[146, 3, 1, "", "AUTO"], [146, 3, 1, "", "ITEM"], [146, 3, 1, "", "L_SHAPED_AUTO"], [146, 3, 1, "", "L_SHAPED_TIMESTAMP"], [146, 3, 1, "", "PREDICTION_LENGTH"], [146, 3, 1, "", "TIMESTAMP"]], "abacusai.ForecastingFillMethod": [[146, 3, 1, "", "BACK"], [146, 3, 1, "", "FUTURE"], [146, 3, 1, "", "MIDDLE"]], "abacusai.ForecastingFrequency": [[146, 3, 1, "", "DAILY"], [146, 3, 1, "", "HOURLY"], [146, 3, 1, "", "MONTH_END"], [146, 3, 1, "", "MONTH_START"], [146, 3, 1, "", "QUARTER_END"], [146, 3, 1, "", "QUARTER_START"], [146, 3, 1, "", "WEEKLY_MONDAY_START"], [146, 3, 1, "", "WEEKLY_SATURDAY_START"], [146, 3, 1, "", "WEEKLY_SUNDAY_START"], [146, 3, 1, "", "YEARLY"]], "abacusai.ForecastingLocalScaling": [[146, 3, 1, "", "ITEM"], [146, 3, 1, "", "LAST_POINT"], [146, 3, 1, "", "MIN_MAX"], [146, 3, 1, "", "MIN_STD"], [146, 3, 1, "", "ROBUST"], [146, 3, 1, "", "SLIDING_ZSCORE"], [146, 3, 1, "", "ZSCORE"]], "abacusai.ForecastingLossFunction": [[146, 3, 1, "", "ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [146, 3, 1, "", "CUSTOM"], [146, 3, 1, "", "GAUSSIAN"], [146, 3, 1, "", "GAUSSIAN_FULL_COVARIANCE"], [146, 3, 1, "", "GUASSIAN_EXPONENTIAL"], [146, 3, 1, "", "LOG_ROOT_MEAN_SQUARE_ERROR"], [146, 3, 1, "", "MEAN_ABSOLUTE_ERROR"], [146, 3, 1, "", "MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [146, 3, 1, "", "MIX_GAUSSIANS"], [146, 3, 1, "", "NEGATIVE_BINOMIAL"], [146, 3, 1, "", "NORMALIZED_MEAN_ABSOLUTE_ERROR"], [146, 3, 1, "", "NORMALIZED_ROOT_MEAN_SQUARE_ERROR"], [146, 3, 1, "", "PEAKS_MEAN_ABSOLUTE_ERROR"], [146, 3, 1, "", "POINTWISE_ACCURACY"], [146, 3, 1, "", "ROOT_MEAN_SQUARE_ERROR"], [146, 3, 1, "", "STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [146, 3, 1, "", "WEIBULL"]], "abacusai.ForecastingMonitorConfig": [[146, 3, 1, "", "end_time"], [146, 3, 1, "", "id_column"], [146, 3, 1, "", "start_time"], [146, 3, 1, "", "target_column"], [146, 3, 1, "", "timestamp_column"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "window_config"]], "abacusai.ForecastingMonitorItemAnalysis": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "prediction_item_analysis"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "training_item_analysis"]], "abacusai.ForecastingMonitorSummary": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "actuals_histogram"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "forecast_frequency"], [146, 3, 1, "", "history_drift"], [146, 3, 1, "", "predict_history_data"], [146, 3, 1, "", "prediction_item_id"], [146, 3, 1, "", "prediction_target_across_time"], [146, 3, 1, "", "prediction_target_col"], [146, 3, 1, "", "prediction_timestamp_col"], [146, 3, 1, "", "predictions_histogram"], [146, 3, 1, "", "target_drift"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "train_history_data"], [146, 3, 1, "", "training_item_id"], [146, 3, 1, "", "training_target_across_time"], [146, 3, 1, "", "training_target_col"], [146, 3, 1, "", "training_timestamp_col"]], "abacusai.ForecastingObjective": [[146, 3, 1, "", "ACCURACY"], [146, 3, 1, "", "BIAS"], [146, 3, 1, "", "CMAPE"], [146, 3, 1, "", "CV"], [146, 3, 1, "", "MAPE"], [146, 3, 1, "", "RMSE"], [146, 3, 1, "", "SRMSE"], [146, 3, 1, "", "WAPE"]], "abacusai.ForecastingPredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "explain_predictions"], [146, 3, 1, "", "explainer_type"], [146, 3, 1, "", "get_item_data"], [146, 3, 1, "", "num_predictions"], [146, 3, 1, "", "prediction_start"]], "abacusai.ForecastingQuanitlesExtensionMethod": [[146, 3, 1, "", "ANCESTRAL_SIMULATION"], [146, 3, 1, "", "DIRECT"], [146, 3, 1, "", "QUADRATIC"]], "abacusai.ForecastingTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "additional_forecast_keys"], [146, 3, 1, "", "allow_training_with_small_history"], [146, 3, 1, "", "backtesting_window_step_size"], [146, 3, 1, "", "batch_renormalization"], [146, 3, 1, "", "batch_size"], [146, 3, 1, "", "convolution_filters"], [146, 3, 1, "", "convolutional_layers"], [146, 3, 1, "", "custom_loss_functions"], [146, 3, 1, "", "custom_metrics"], [146, 3, 1, "", "data_split_feature_group_table_name"], [146, 3, 1, "", "datetime_holiday_calendars"], [146, 3, 1, "", "disable_networks_without_analytic_quantiles"], [146, 3, 1, "", "dropout_rate"], [146, 3, 1, "", "enable_clustering"], [146, 3, 1, "", "enable_cold_start"], [146, 3, 1, "", "enable_feature_selection"], [146, 3, 1, "", "enable_multiple_backtests"], [146, 3, 1, "", "enable_padding"], [146, 3, 1, "", "experimentation_mode"], [146, 3, 1, "", "fill_missing_values"], [146, 3, 1, "", "filter_items"], [146, 3, 1, "", "force_prediction_length"], [146, 3, 1, "", "forecast_frequency"], [146, 3, 1, "", "full_data_retraining"], [146, 3, 1, "", "handle_zeros_as_missing_values"], [146, 3, 1, "", "history_length"], [146, 3, 1, "", "initial_learning_rate"], [146, 3, 1, "", "item_attributes_weight_column"], [146, 3, 1, "", "l2_regularization_factor"], [146, 3, 1, "", "local_scale_target"], [146, 3, 1, "", "local_scaling_mode"], [146, 3, 1, "", "loss_function"], [146, 3, 1, "", "max_scale_context"], [146, 3, 1, "", "num_backtesting_windows"], [146, 3, 1, "", "number_of_samples"], [146, 3, 1, "", "objective"], [146, 3, 1, "", "prediction_length"], [146, 3, 1, "", "prediction_step_size"], [146, 3, 1, "", "probability_quantiles"], [146, 3, 1, "", "quantiles_extension_method"], [146, 3, 1, "", "recurrent_layers"], [146, 3, 1, "", "recurrent_units"], [146, 3, 1, "", "return_fractional_forecasts"], [146, 3, 1, "", "skip_missing"], [146, 3, 1, "", "skip_timeseries_weight_scaling"], [146, 3, 1, "", "smooth_history"], [146, 3, 1, "", "sort_objective"], [146, 3, 1, "", "symmetrize_quantiles"], [146, 3, 1, "", "test_by_item"], [146, 3, 1, "", "test_split"], [146, 3, 1, "", "test_start"], [146, 3, 1, "", "timeseries_loss_weight_column"], [146, 3, 1, "", "timeseries_weight_column"], [146, 3, 1, "", "training_point_overlap"], [146, 3, 1, "", "type_of_split"], [146, 3, 1, "", "underprediction_weight"], [146, 3, 1, "", "use_all_item_totals"], [146, 3, 1, "", "use_clipping"], [146, 3, 1, "", "use_item_id"], [146, 3, 1, "", "use_item_weights_in_objective"], [146, 3, 1, "", "use_log_transforms"], [146, 3, 1, "", "use_timeseries_weights_in_objective"], [146, 3, 1, "", "zero_predictor"]], "abacusai.FreshserviceDatasetConfig": [[146, 2, 1, "", "__post_init__"]], "abacusai.FunctionLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algorithm"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "exception"], [146, 3, 1, "", "function"], [146, 3, 1, "", "stats"], [146, 3, 1, "", "stderr"], [146, 3, 1, "", "stdout"], [146, 2, 1, "", "to_dict"]], "abacusai.GeneratedPitFeatureConfigOption": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "default"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "display_name"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.GoogleAnalyticsDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "end_timestamp"], [146, 3, 1, "", "location"], [146, 3, 1, "", "start_timestamp"]], "abacusai.GoogleDriveDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "csv_delimiter"], [146, 3, 1, "", "extract_bounding_boxes"], [146, 3, 1, "", "location"], [146, 3, 1, "", "merge_file_schemas"]], "abacusai.GraphDashboard": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "description"], [146, 3, 1, "", "graph_dashboard_id"], [146, 3, 1, "", "name"], [146, 3, 1, "", "plot_reference_ids"], [146, 3, 1, "", "project_id"], [146, 3, 1, "", "project_name"], [146, 3, 1, "", "python_function_ids"], [146, 3, 1, "", "python_function_names"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"]], "abacusai.HistoryLengthDriftConditionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "feature_drift_type"], [146, 3, 1, "", "threshold"]], "abacusai.HoldoutAnalysis": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "feature_group_ids"], [146, 3, 1, "", "holdout_analysis_id"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_name"], [146, 3, 1, "", "name"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "rerun"], [146, 2, 1, "", "to_dict"]], "abacusai.HoldoutAnalysisVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algo_name"], [146, 3, 1, "", "algorithm"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "holdout_analysis_id"], [146, 3, 1, "", "holdout_analysis_version"], [146, 3, 1, "", "metric_infos"], [146, 3, 1, "", "metrics"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_version"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_results"]], "abacusai.HolidayCalendars": [[146, 3, 1, "", "AU"], [146, 3, 1, "", "UK"], [146, 3, 1, "", "US"]], "abacusai.HostedModelToken": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "hosted_model_token_id"], [146, 3, 1, "", "tag"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "trailing_auth_token"]], "abacusai.HotkeyPrompt": [[146, 3, 1, "", "disable_problem_type_context"], [146, 3, 1, "", "ignore_history"], [146, 3, 1, "", "prompt"], [146, 3, 1, "", "title"]], "abacusai.HumeVoice": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "gender"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.ImageGenSettings": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "model"], [146, 3, 1, "", "settings"], [146, 2, 1, "", "to_dict"]], "abacusai.ImageUrlResponseSection": [[146, 3, 1, "", "height"], [146, 3, 1, "", "url"], [146, 3, 1, "", "width"]], "abacusai.IncrementalDatabaseConnectorConfig": [[146, 3, 1, "", "timestamp_column"]], "abacusai.IndexingConfig": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "lookup_keys"], [146, 3, 1, "", "primary_key"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "update_timestamp_key"]], "abacusai.InferredDatabaseColumnToFeatureMappings": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "database_column_to_feature_mappings"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.InferredFeatureMappings": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feature_mappings"], [146, 2, 1, "", "to_dict"]], "abacusai.ItemAttributesStdDevThreshold": [[146, 3, 1, "", "lower_bound"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "upper_bound"]], "abacusai.ItemStatistics": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "count"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "lower_bound"], [146, 3, 1, "", "max"], [146, 3, 1, "", "mean"], [146, 3, 1, "", "median"], [146, 3, 1, "", "min"], [146, 3, 1, "", "missing_percent"], [146, 3, 1, "", "p10"], [146, 3, 1, "", "p90"], [146, 3, 1, "", "stddev"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "upper_bound"]], "abacusai.JSONSchema": [[146, 2, 1, "", "from_fields_list"], [146, 2, 1, "", "to_fields_list"]], "abacusai.JiraDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "custom_fields"], [146, 3, 1, "", "include_comments"], [146, 3, 1, "", "include_watchers"], [146, 3, 1, "", "jql"]], "abacusai.KafkaDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "topic"]], "abacusai.LLMName": [[146, 3, 1, "", "ABACUS_DRACARYS"], [146, 3, 1, "", "ABACUS_SMAUG3"], [146, 3, 1, "", "CLAUDE_V3_5_HAIKU"], [146, 3, 1, "", "CLAUDE_V3_5_SONNET"], [146, 3, 1, "", "CLAUDE_V3_HAIKU"], [146, 3, 1, "", "CLAUDE_V3_OPUS"], [146, 3, 1, "", "CLAUDE_V3_SONNET"], [146, 3, 1, "", "DEEPSEEK_R1"], [146, 3, 1, "", "DEEPSEEK_V3"], [146, 3, 1, "", "GEMINI_1_5_FLASH"], [146, 3, 1, "", "GEMINI_1_5_PRO"], [146, 3, 1, "", "GEMINI_2_FLASH"], [146, 3, 1, "", "GEMINI_2_FLASH_THINKING"], [146, 3, 1, "", "GEMINI_2_PRO"], [146, 3, 1, "", "LLAMA3_1_405B"], [146, 3, 1, "", "LLAMA3_1_70B"], [146, 3, 1, "", "LLAMA3_1_8B"], [146, 3, 1, "", "LLAMA3_3_70B"], [146, 3, 1, "", "LLAMA3_LARGE_CHAT"], [146, 3, 1, "", "OPENAI_GPT3_5"], [146, 3, 1, "", "OPENAI_GPT3_5_TEXT"], [146, 3, 1, "", "OPENAI_GPT4"], [146, 3, 1, "", "OPENAI_GPT4O"], [146, 3, 1, "", "OPENAI_GPT4O_MINI"], [146, 3, 1, "", "OPENAI_GPT4_128K"], [146, 3, 1, "", "OPENAI_GPT4_128K_LATEST"], [146, 3, 1, "", "OPENAI_GPT4_32K"], [146, 3, 1, "", "OPENAI_O1_MINI"], [146, 3, 1, "", "QWEN_2_5_32B"], [146, 3, 1, "", "QWEN_2_5_32B_BASE"], [146, 3, 1, "", "QWEN_2_5_72B"], [146, 3, 1, "", "QWQ_32B"], [146, 3, 1, "", "XAI_GROK"]], "abacusai.LastNMergeConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "include_version_timestamp_column"], [146, 3, 1, "", "num_versions"]], "abacusai.ListResponseSection": [[146, 3, 1, "", "items"]], "abacusai.LlmApp": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "llm_app_id"], [146, 3, 1, "", "name"], [146, 3, 1, "", "project_id"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"]], "abacusai.LlmCodeBlock": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "end"], [146, 3, 1, "", "language"], [146, 3, 1, "", "start"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "valid"]], "abacusai.LlmExecutionPreview": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "sql"], [146, 2, 1, "", "to_dict"]], "abacusai.LlmExecutionResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "execution"], [146, 3, 1, "", "preview"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"]], "abacusai.LlmGeneratedCode": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "sql"], [146, 2, 1, "", "to_dict"]], "abacusai.LlmInput": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "content"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.LlmParameters": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "parameters"], [146, 2, 1, "", "to_dict"]], "abacusai.LlmResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_blocks"], [146, 3, 1, "", "content"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "input_tokens"], [146, 3, 1, "", "llm_name"], [146, 3, 1, "", "output_tokens"], [146, 3, 1, "", "stop_reason"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "tokens"], [146, 3, 1, "", "total_tokens"]], "abacusai.MarkdownConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "input_column"], [146, 3, 1, "", "input_column_type"], [146, 3, 1, "", "output_column"]], "abacusai.MarkdownOperatorInputType": [[146, 3, 1, "", "HTML"]], "abacusai.MemoryOptions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "cpu"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "gpu"], [146, 2, 1, "", "to_dict"]], "abacusai.MemorySize": [[146, 3, 1, "", "LARGE"], [146, 3, 1, "", "MEDIUM"], [146, 3, 1, "", "SMALL"], [146, 3, 1, "", "XLARGE"], [146, 2, 1, "", "from_value"]], "abacusai.MergeConfig": [[146, 2, 1, "", "__post_init__"], [146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "merge_mode"]], "abacusai.MergeMode": [[146, 3, 1, "", "LAST_N"], [146, 3, 1, "", "TIME_WINDOW"]], "abacusai.MessagingConnectorResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "default_labels"], [146, 3, 1, "", "default_message"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "disclaimer"], [146, 3, 1, "", "enabled_external_links"], [146, 3, 1, "", "init_ack_req"], [146, 3, 1, "", "messaging_bot_name"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "use_default_label"], [146, 3, 1, "", "welcome_message"]], "abacusai.Model": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algorithm_model_configs"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "cpu_size"], [146, 2, 1, "", "create_refresh_policy"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "custom_algorithm_configs"], [146, 3, 1, "", "data_llm_feature_groups"], [146, 3, 1, "", "database_connector"], [146, 3, 1, "", "default_algorithm"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_train_test_data_split_feature_group"], [146, 3, 1, "", "document_retriever_ids"], [146, 3, 1, "", "document_retrievers"], [146, 2, 1, "", "get_metrics"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "get_train_test_feature_group_as_pandas"], [146, 2, 1, "", "get_training_types_for_deployment"], [146, 3, 1, "", "initialize_function_name"], [146, 3, 1, "", "is_python_model"], [146, 3, 1, "", "latest_model_version"], [146, 2, 1, "", "list_artifacts_exports"], [146, 2, 1, "", "list_refresh_policies"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "location"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "model_config"], [146, 3, 1, "", "model_config_type"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_prediction_config"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 3, 1, "", "predict_function_name"], [146, 3, 1, "", "predict_many_function_name"], [146, 3, 1, "", "project_id"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 2, 1, "", "rename"], [146, 3, 1, "", "restricted_algorithms"], [146, 2, 1, "", "retrain"], [146, 2, 1, "", "set_default_algorithm"], [146, 2, 1, "", "set_prediction_params"], [146, 2, 1, "", "set_training_config"], [146, 3, 1, "", "shared"], [146, 3, 1, "", "shared_at"], [146, 3, 1, "", "source_code"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "train_function_name"], [146, 3, 1, "", "training_feature_group_ids"], [146, 3, 1, "", "training_input_tables"], [146, 3, 1, "", "training_required"], [146, 3, 1, "", "training_vector_store_versions"], [146, 2, 1, "", "update_agent"], [146, 2, 1, "", "update_python"], [146, 2, 1, "", "update_python_git"], [146, 2, 1, "", "update_python_zip"], [146, 3, 1, "", "use_gpu"], [146, 2, 1, "", "wait_for_evaluation"], [146, 2, 1, "", "wait_for_full_automl"], [146, 2, 1, "", "wait_for_publish"], [146, 2, 1, "", "wait_for_training"]], "abacusai.ModelArtifactsExport": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 3, 1, "", "export_completed_at"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "model_artifacts_export_id"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "output_location"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_results"]], "abacusai.ModelBlueprintExport": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "current_training_config"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "model_blueprint_stages"], [146, 3, 1, "", "model_version"], [146, 2, 1, "", "to_dict"]], "abacusai.ModelBlueprintStage": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "display_name"], [146, 3, 1, "", "params"], [146, 3, 1, "", "predecessors"], [146, 3, 1, "", "stage_name"], [146, 2, 1, "", "to_dict"]], "abacusai.ModelLocation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "artifact_names"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "location"], [146, 2, 1, "", "to_dict"]], "abacusai.ModelMetrics": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "algo_metrics"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "metric_names"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "selected_algorithm"], [146, 3, 1, "", "selected_algorithm_name"], [146, 3, 1, "", "target_column"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "train_val_test_split"], [146, 3, 1, "", "training_completed_at"]], "abacusai.ModelMonitor": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "alert_config"], [146, 3, 1, "", "batch_prediction_id"], [146, 3, 1, "", "bias_metric_id"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "eda_configs"], [146, 3, 1, "", "feature_group_monitor_configs"], [146, 3, 1, "", "forecast_frequency"], [146, 2, 1, "", "get_summary"], [146, 3, 1, "", "latest_monitor_model_version"], [146, 2, 1, "", "list_monitor_alerts_for_monitor"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "metric_configs"], [146, 3, 1, "", "metric_types"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_monitor_id"], [146, 3, 1, "", "monitor_drift_config"], [146, 3, 1, "", "monitor_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "prediction_data_use_mappings"], [146, 3, 1, "", "prediction_feature_group_id"], [146, 3, 1, "", "prediction_feature_group_sampling"], [146, 3, 1, "", "prediction_feature_group_version"], [146, 3, 1, "", "prediction_forecast_config"], [146, 3, 1, "", "project_id"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 2, 1, "", "rename"], [146, 2, 1, "", "rerun"], [146, 3, 1, "", "starred"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "training_data_use_mappings"], [146, 3, 1, "", "training_feature_group_id"], [146, 3, 1, "", "training_feature_group_sampling"], [146, 3, 1, "", "training_feature_group_version"], [146, 3, 1, "", "training_forecast_config"]], "abacusai.ModelMonitorOrgSummary": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "alerts"], [146, 3, 1, "", "data_integrity"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_drift"], [146, 3, 1, "", "label_drift"], [146, 3, 1, "", "monitor_data"], [146, 3, 1, "", "performance"], [146, 3, 1, "", "summary"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "total_starred_monitors"]], "abacusai.ModelMonitorSummary": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "alerts"], [146, 3, 1, "", "bias_violations"], [146, 3, 1, "", "data_integrity"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "model_accuracy"], [146, 3, 1, "", "model_drift"], [146, 2, 1, "", "to_dict"]], "abacusai.ModelMonitorSummaryFromOrg": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "infos"], [146, 2, 1, "", "to_dict"]], "abacusai.ModelMonitorVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "batch_prediction_version"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "eda_configs"], [146, 3, 1, "", "error"], [146, 3, 1, "", "failed_deployment_ids"], [146, 3, 1, "", "feature_group_monitor_configs"], [146, 3, 1, "", "forecast_frequency"], [146, 2, 1, "", "get_drift_for_feature"], [146, 2, 1, "", "get_outliers_for_feature"], [146, 2, 1, "", "get_prediction_drift"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [146, 3, 1, "", "metric_configs"], [146, 2, 1, "", "metric_data"], [146, 3, 1, "", "metric_types"], [146, 3, 1, "", "model_monitor_id"], [146, 3, 1, "", "model_monitor_version"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "monitor_drift_config"], [146, 3, 1, "", "monitoring_completed_at"], [146, 3, 1, "", "monitoring_started_at"], [146, 3, 1, "", "pending_deployment_ids"], [146, 3, 1, "", "prediction_data_use_mappings"], [146, 3, 1, "", "prediction_feature_group_version"], [146, 3, 1, "", "prediction_forecast_config"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "training_data_use_mappings"], [146, 3, 1, "", "training_feature_group_version"], [146, 3, 1, "", "training_forecast_config"], [146, 2, 1, "", "wait_for_monitor"]], "abacusai.ModelMonitorVersionMetricData": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "actual_values_supported_for_drilldown"], [146, 3, 1, "", "algo_name"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_version"], [146, 3, 1, "", "metric_charts"], [146, 3, 1, "", "metric_infos"], [146, 3, 1, "", "metric_names"], [146, 3, 1, "", "metrics"], [146, 3, 1, "", "model_monitor"], [146, 3, 1, "", "model_monitor_version"], [146, 3, 1, "", "name"], [146, 3, 1, "", "other_metrics"], [146, 2, 1, "", "to_dict"]], "abacusai.ModelTrainingTypeForDeployment": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "label"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "value"]], "abacusai.ModelUpload": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "artifacts_upload_id"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "default_items_upload_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "embeddings_upload_id"], [146, 3, 1, "", "input_preprocessor_upload_id"], [146, 3, 1, "", "model_file_upload_id"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_state_upload_id"], [146, 3, 1, "", "model_upload_id"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "multi_catalog_embeddings_upload_id"], [146, 3, 1, "", "requirements_upload_id"], [146, 3, 1, "", "resources_upload_id"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "verifications_upload_id"]], "abacusai.ModelVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "automl_complete"], [146, 3, 1, "", "best_algorithm"], [146, 3, 1, "", "builtin_algorithms"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "cpu_size"], [146, 3, 1, "", "custom_algorithm_configs"], [146, 3, 1, "", "custom_algorithms"], [146, 3, 1, "", "data_cluster_info"], [146, 3, 1, "", "default_algorithm"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployable_algorithms"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [146, 3, 1, "", "document_retriever_mappings"], [146, 3, 1, "", "error"], [146, 2, 1, "", "export_custom"], [146, 2, 1, "", "export_model_artifact_as_feature_group"], [146, 3, 1, "", "failed_deployment_ids"], [146, 3, 1, "", "feature_analysis_status"], [146, 3, 1, "", "feature_group_versions"], [146, 2, 1, "", "get_feature_group_schemas_for"], [146, 2, 1, "", "get_feature_importance_by"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "get_train_test_feature_group_as_pandas"], [146, 2, 1, "", "get_training_data_logs"], [146, 2, 1, "", "get_training_logs"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "model_config"], [146, 3, 1, "", "model_config_type"], [146, 3, 1, "", "model_feature_group_schema_mappings"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_prediction_config"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "partial_complete"], [146, 3, 1, "", "pending_deployment_ids"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "set_model_objective"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "trained_model_types"], [146, 3, 1, "", "training_completed_at"], [146, 3, 1, "", "training_config_updated"], [146, 3, 1, "", "training_document_retriever_versions"], [146, 3, 1, "", "training_feature_group_ids"], [146, 3, 1, "", "training_started_at"], [146, 3, 1, "", "use_gpu"], [146, 2, 1, "", "wait_for_full_automl"], [146, 2, 1, "", "wait_for_training"]], "abacusai.ModelVersionFeatureGroupSchema": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_name"], [146, 3, 1, "", "schema"], [146, 2, 1, "", "to_dict"]], "abacusai.ModificationLockInfo": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "modification_lock"], [146, 3, 1, "", "organization_groups"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "user_emails"]], "abacusai.Module": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "hide_module_code"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 2, 1, "", "to_dict"]], "abacusai.MonitorAlert": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "action_config"], [146, 3, 1, "", "action_description"], [146, 3, 1, "", "alert_type"], [146, 3, 1, "", "condition_config"], [146, 3, 1, "", "condition_description"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "latest_monitor_alert_version"], [146, 3, 1, "", "model_monitor_id"], [146, 3, 1, "", "monitor_alert_id"], [146, 3, 1, "", "name"], [146, 3, 1, "", "project_id"], [146, 3, 1, "", "realtime_monitor_id"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "run"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"]], "abacusai.MonitorAlertType": [[146, 3, 1, "", "ACCURACY_BELOW_THRESHOLD"], [146, 3, 1, "", "BIAS_VIOLATIONS"], [146, 3, 1, "", "DATA_INTEGRITY_VIOLATIONS"], [146, 3, 1, "", "FEATURE_DRIFT"], [146, 3, 1, "", "HISTORY_LENGTH_DRIFT"], [146, 3, 1, "", "PREDICTION_COUNT"], [146, 3, 1, "", "TARGET_DRIFT"]], "abacusai.MonitorAlertVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "action_completed_at"], [146, 3, 1, "", "action_config"], [146, 3, 1, "", "action_description"], [146, 3, 1, "", "action_error"], [146, 3, 1, "", "action_started_at"], [146, 3, 1, "", "action_status"], [146, 3, 1, "", "alert_result"], [146, 3, 1, "", "alert_type"], [146, 3, 1, "", "alerting_completed_at"], [146, 3, 1, "", "alerting_started_at"], [146, 3, 1, "", "condition_config"], [146, 3, 1, "", "condition_description"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "model_monitor_version"], [146, 3, 1, "", "monitor_alert_id"], [146, 3, 1, "", "monitor_alert_version"], [146, 3, 1, "", "name"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_monitor_alert"]], "abacusai.MonitorDriftAndDistributions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "embeddings_distribution"], [146, 3, 1, "", "feature_distributions"], [146, 3, 1, "", "feature_drifts"], [146, 3, 1, "", "forecasting_monitor_summary"], [146, 3, 1, "", "nested_drifts"], [146, 2, 1, "", "to_dict"]], "abacusai.MonitorFilteringConfig": [[146, 3, 1, "", "end_time"], [146, 3, 1, "", "prediction_target_feature"], [146, 3, 1, "", "restrict_feature_mappings"], [146, 3, 1, "", "start_time"], [146, 3, 1, "", "target_class"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "train_target_feature"]], "abacusai.MonitorThresholdConfig": [[146, 3, 1, "", "at_risk_threshold"], [146, 3, 1, "", "drift_type"], [146, 3, 1, "", "severely_drifting_threshold"], [146, 2, 1, "", "to_dict"]], "abacusai.NERModelType": [[146, 3, 1, "", "LEARNED"], [146, 3, 1, "", "PRETRAINED_BERT"], [146, 3, 1, "", "PRETRAINED_MULTILINGUAL"], [146, 3, 1, "", "PRETRAINED_ROBERTA_27"], [146, 3, 1, "", "PRETRAINED_ROBERTA_43"]], "abacusai.NERObjective": [[146, 3, 1, "", "ANNOTATIONS_PRECISION"], [146, 3, 1, "", "ANNOTATIONS_RECALL"], [146, 3, 1, "", "AUC"], [146, 3, 1, "", "LOG_LOSS"], [146, 3, 1, "", "PRECISION"], [146, 3, 1, "", "RECALL"]], "abacusai.NLPDocumentFormat": [[146, 3, 1, "", "AUTO"], [146, 3, 1, "", "DOC"], [146, 3, 1, "", "TEXT"], [146, 3, 1, "", "TOKENS"]], "abacusai.NSamplingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "key_columns"], [146, 3, 1, "", "sample_count"]], "abacusai.NamedEntityExtractionBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "for_eval"]], "abacusai.NamedEntityExtractionTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "active_labels_column"], [146, 3, 1, "", "additional_extraction_instructions"], [146, 3, 1, "", "document_format"], [146, 3, 1, "", "enhanced_ocr"], [146, 3, 1, "", "llm_for_ner"], [146, 3, 1, "", "minimum_bounding_box_overlap_ratio"], [146, 3, 1, "", "save_predicted_pdf"], [146, 3, 1, "", "test_row_indicator"], [146, 3, 1, "", "test_split"]], "abacusai.NaturalLanguageExplanation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "html_explanation"], [146, 3, 1, "", "is_outdated"], [146, 3, 1, "", "long_explanation"], [146, 3, 1, "", "short_explanation"], [146, 2, 1, "", "to_dict"]], "abacusai.NaturalLanguageSearchPredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "ignore_documents"], [146, 3, 1, "", "llm_name"], [146, 3, 1, "", "num_completion_tokens"], [146, 3, 1, "", "search_score_cutoff"], [146, 3, 1, "", "system_message"], [146, 3, 1, "", "temperature"]], "abacusai.NaturalLanguageSearchTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "abacus_internal_model"], [146, 3, 1, "", "chunk_overlap_fraction"], [146, 3, 1, "", "index_fraction"], [146, 3, 1, "", "larger_embeddings"], [146, 3, 1, "", "num_completion_tokens"], [146, 3, 1, "", "search_chunk_size"]], "abacusai.NestedFeature": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data_type"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_mapping"], [146, 3, 1, "", "feature_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "original_name"], [146, 3, 1, "", "select_clause"], [146, 3, 1, "", "source_table"], [146, 2, 1, "", "to_dict"]], "abacusai.NestedFeatureSchema": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data_type"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "detected_feature_type"], [146, 3, 1, "", "feature_mapping"], [146, 3, 1, "", "feature_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "point_in_time_info"], [146, 3, 1, "", "source_table"], [146, 2, 1, "", "to_dict"]], "abacusai.NewsSearchResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "date_published"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "favicon_url"], [146, 3, 1, "", "thumbnail_height"], [146, 3, 1, "", "thumbnail_url"], [146, 3, 1, "", "thumbnail_width"], [146, 3, 1, "", "title"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "url"]], "abacusai.NlpChatResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deployment_conversation_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "messages"], [146, 2, 1, "", "to_dict"]], "abacusai.NullViolation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "name"], [146, 3, 1, "", "prediction_null_freq"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "training_null_freq"], [146, 3, 1, "", "violation"]], "abacusai.OcrMode": [[146, 3, 1, "", "AUGMENTED_LLM"], [146, 3, 1, "", "AUTO"], [146, 3, 1, "", "COMPREHENSIVE"], [146, 3, 1, "", "COMPREHENSIVE_FORM_AND_TABLE_MD"], [146, 3, 1, "", "COMPREHENSIVE_FORM_MD"], [146, 3, 1, "", "COMPREHENSIVE_TABLE_MD"], [146, 3, 1, "", "COMPREHENSIVE_V2"], [146, 3, 1, "", "DEFAULT"], [146, 3, 1, "", "LAYOUT"], [146, 3, 1, "", "LLM"], [146, 3, 1, "", "SCANNED"], [146, 3, 1, "", "TESSERACT_FAST"], [146, 2, 1, "", "aws_ocr_modes"]], "abacusai.OneDriveDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "csv_delimiter"], [146, 3, 1, "", "extract_bounding_boxes"], [146, 3, 1, "", "location"], [146, 3, 1, "", "merge_file_schemas"]], "abacusai.OperatorConfig": [[146, 2, 1, "", "__post_init__"], [146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "operator_type"]], "abacusai.OperatorType": [[146, 3, 1, "", "CRAWLER"], [146, 3, 1, "", "DATA_GENERATION"], [146, 3, 1, "", "EXTRACT_DOCUMENT_DATA"], [146, 3, 1, "", "MARKDOWN"], [146, 3, 1, "", "UNION"], [146, 3, 1, "", "UNPIVOT"]], "abacusai.OptimizationPredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "forced_assignments"], [146, 3, 1, "", "include_all_assignments"], [146, 3, 1, "", "solve_time_limit_seconds"]], "abacusai.OptimizationTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "include_all_partitions"], [146, 3, 1, "", "include_specific_partitions"], [146, 3, 1, "", "optimality_gap_limit"], [146, 3, 1, "", "solve_time_limit"]], "abacusai.OrganizationExternalApplicationSettings": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "logo"], [146, 3, 1, "", "managed_user_service"], [146, 3, 1, "", "passwords_disabled"], [146, 3, 1, "", "theme"], [146, 2, 1, "", "to_dict"]], "abacusai.OrganizationGroup": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "add_permission"], [146, 2, 1, "", "add_user_to"], [146, 3, 1, "", "admin"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "default_group"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "group_name"], [146, 3, 1, "", "organization_group_id"], [146, 3, 1, "", "permissions"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "remove_permission"], [146, 2, 1, "", "remove_user_from"], [146, 2, 1, "", "set_default"], [146, 2, 1, "", "to_dict"]], "abacusai.OrganizationSearchResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group"], [146, 3, 1, "", "feature_group_context"], [146, 3, 1, "", "feature_group_version"], [146, 3, 1, "", "score"], [146, 2, 1, "", "to_dict"]], "abacusai.OrganizationSecret": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "secret_key"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "value"]], "abacusai.OutputVariableMapping": [[146, 3, 1, "", "name"], [146, 3, 1, "", "variable_type"]], "abacusai.PageData": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "doc_id"], [146, 3, 1, "", "embedded_text"], [146, 3, 1, "", "extracted_text"], [146, 3, 1, "", "height"], [146, 3, 1, "", "page"], [146, 3, 1, "", "page_count"], [146, 3, 1, "", "page_markdown"], [146, 3, 1, "", "page_text"], [146, 3, 1, "", "page_token_start_offset"], [146, 3, 1, "", "rotation_angle"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "token_count"], [146, 3, 1, "", "tokens"], [146, 3, 1, "", "width"]], "abacusai.ParsingConfig": [[146, 3, 1, "", "csv_delimiter"], [146, 3, 1, "", "escape"], [146, 3, 1, "", "file_path_with_schema"]], "abacusai.PartialDependenceAnalysis": [[146, 3, 1, "", "RAPID"], [146, 3, 1, "", "THOROUGH"]], "abacusai.PercentSamplingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "key_columns"], [146, 3, 1, "", "sample_percent"]], "abacusai.PersonalizationBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "for_eval"], [146, 3, 1, "", "item_attributes_to_include_in_the_result"], [146, 3, 1, "", "number_of_items"], [146, 3, 1, "", "score_field"]], "abacusai.PersonalizationObjective": [[146, 3, 1, "", "COVERAGE"], [146, 3, 1, "", "MAP"], [146, 3, 1, "", "MAP_10"], [146, 3, 1, "", "MAP_5"], [146, 3, 1, "", "MRR"], [146, 3, 1, "", "NDCG"], [146, 3, 1, "", "NDCG_10"], [146, 3, 1, "", "NDCG_5"], [146, 3, 1, "", "PERSONALIZATION"]], "abacusai.PersonalizationTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "action_types_exclusion_days"], [146, 3, 1, "", "add_time_features"], [146, 3, 1, "", "batch_size"], [146, 3, 1, "", "compute_rerank_metrics"], [146, 3, 1, "", "compute_session_metrics"], [146, 3, 1, "", "data_split_feature_group_table_name"], [146, 3, 1, "", "disable_gpu"], [146, 3, 1, "", "disable_timestamp_scalar_features"], [146, 3, 1, "", "disable_transformer"], [146, 3, 1, "", "downsample_item_popularity_percentile"], [146, 3, 1, "", "dropout_rate"], [146, 3, 1, "", "explicit_time_split"], [146, 3, 1, "", "filter_history"], [146, 3, 1, "", "full_data_retraining"], [146, 3, 1, "", "include_item_id_feature"], [146, 3, 1, "", "item_query_column"], [146, 3, 1, "", "max_history_length"], [146, 3, 1, "", "max_user_history_len_percentile"], [146, 3, 1, "", "min_item_history"], [146, 3, 1, "", "objective"], [146, 3, 1, "", "optimized_event_type"], [146, 3, 1, "", "query_column"], [146, 3, 1, "", "recent_days_for_training"], [146, 3, 1, "", "sequential_training"], [146, 3, 1, "", "session_dedupe_mins"], [146, 3, 1, "", "session_event_types"], [146, 3, 1, "", "sort_objective"], [146, 3, 1, "", "target_action_types"], [146, 3, 1, "", "target_action_weights"], [146, 3, 1, "", "test_last_items_length"], [146, 3, 1, "", "test_on_user_split"], [146, 3, 1, "", "test_row_indicator"], [146, 3, 1, "", "test_split"], [146, 3, 1, "", "test_split_on_last_k_items"], [146, 3, 1, "", "test_window_length_hours"], [146, 3, 1, "", "training_mode"], [146, 3, 1, "", "training_start_date"], [146, 3, 1, "", "use_user_id_feature"]], "abacusai.PersonalizationTrainingMode": [[146, 3, 1, "", "EXPERIMENTAL"], [146, 3, 1, "", "PRODUCTION"]], "abacusai.Pipeline": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 2, 1, "", "create_step"], [146, 2, 1, "", "create_step_from_function"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "created_by"], [146, 3, 1, "", "cron"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_step_by_name"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "is_prod"], [146, 3, 1, "", "latest_pipeline_version"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "next_run_time"], [146, 3, 1, "", "notebook_id"], [146, 2, 1, "", "pause_refresh_schedule"], [146, 3, 1, "", "pipeline_id"], [146, 3, 1, "", "pipeline_name"], [146, 3, 1, "", "pipeline_references"], [146, 3, 1, "", "pipeline_variable_mappings"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "rename"], [146, 2, 1, "", "resume_refresh_schedule"], [146, 2, 1, "", "run"], [146, 3, 1, "", "steps"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "unset_refresh_schedule"], [146, 2, 1, "", "update"], [146, 2, 1, "", "wait_for_pipeline"], [146, 3, 1, "", "warning"]], "abacusai.PipelineReference": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "batch_prediction_description_id"], [146, 3, 1, "", "dataset_id"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_monitor_id"], [146, 3, 1, "", "notebook_id"], [146, 3, 1, "", "object_type"], [146, 3, 1, "", "pipeline_id"], [146, 3, 1, "", "pipeline_reference_id"], [146, 2, 1, "", "to_dict"]], "abacusai.PipelineStep": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "cpu_size"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "pipeline_id"], [146, 3, 1, "", "pipeline_name"], [146, 3, 1, "", "pipeline_step_id"], [146, 3, 1, "", "python_function"], [146, 3, 1, "", "python_function_id"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "rename"], [146, 3, 1, "", "step_dependencies"], [146, 3, 1, "", "step_name"], [146, 3, 1, "", "timeout"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"], [146, 3, 1, "", "updated_at"]], "abacusai.PipelineStepVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "cpu_size"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 3, 1, "", "function_variable_mappings"], [146, 2, 1, "", "get_step_version_logs"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "output_errors"], [146, 3, 1, "", "output_variable_mappings"], [146, 3, 1, "", "pipeline_id"], [146, 3, 1, "", "pipeline_step_id"], [146, 3, 1, "", "pipeline_step_version"], [146, 3, 1, "", "pipeline_step_version_references"], [146, 3, 1, "", "pipeline_version"], [146, 3, 1, "", "python_function_id"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 3, 1, "", "step_dependencies"], [146, 3, 1, "", "step_name"], [146, 3, 1, "", "timeout"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"]], "abacusai.PipelineStepVersionLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "logs"], [146, 3, 1, "", "pipeline_step_id"], [146, 3, 1, "", "pipeline_step_version"], [146, 3, 1, "", "step_name"], [146, 2, 1, "", "to_dict"]], "abacusai.PipelineStepVersionReference": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "batch_prediction_id"], [146, 3, 1, "", "dataset_version"], [146, 3, 1, "", "deployment_version"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feature_group_version"], [146, 3, 1, "", "model_monitor_version"], [146, 3, 1, "", "model_version"], [146, 3, 1, "", "notebook_version"], [146, 3, 1, "", "object_type"], [146, 3, 1, "", "pipeline_step_version"], [146, 3, 1, "", "pipeline_step_version_reference_id"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"]], "abacusai.PipelineVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "completed_at"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "error"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "list_logs"], [146, 3, 1, "", "pipeline_id"], [146, 3, 1, "", "pipeline_name"], [146, 3, 1, "", "pipeline_variable_mappings"], [146, 3, 1, "", "pipeline_version"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "reset"], [146, 2, 1, "", "skip_pending_steps"], [146, 3, 1, "", "status"], [146, 3, 1, "", "step_versions"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"], [146, 2, 1, "", "wait_for_pipeline"]], "abacusai.PipelineVersionLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "step_logs"], [146, 2, 1, "", "to_dict"]], "abacusai.PlaygroundText": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "playground_text"], [146, 3, 1, "", "rendering_code"], [146, 2, 1, "", "to_dict"]], "abacusai.PointInTimeFeature": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "aggregation_keys"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "expression"], [146, 3, 1, "", "group_name"], [146, 3, 1, "", "historical_timestamp_key"], [146, 3, 1, "", "history_table_name"], [146, 3, 1, "", "lookback_count"], [146, 3, 1, "", "lookback_until_position"], [146, 3, 1, "", "lookback_window_lag_seconds"], [146, 3, 1, "", "lookback_window_seconds"], [146, 3, 1, "", "timestamp_key"], [146, 2, 1, "", "to_dict"]], "abacusai.PointInTimeFeatureInfo": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "expression"], [146, 3, 1, "", "group_name"], [146, 2, 1, "", "to_dict"]], "abacusai.PointInTimeGroup": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "aggregation_keys"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "features"], [146, 3, 1, "", "group_name"], [146, 3, 1, "", "history_aggregation_keys"], [146, 3, 1, "", "history_table_name"], [146, 3, 1, "", "history_window_key"], [146, 3, 1, "", "lookback_count"], [146, 3, 1, "", "lookback_until_position"], [146, 3, 1, "", "lookback_window"], [146, 3, 1, "", "lookback_window_lag"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "window_key"]], "abacusai.PointInTimeGroupFeature": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "expression"], [146, 3, 1, "", "name"], [146, 3, 1, "", "pit_operation_config"], [146, 3, 1, "", "pit_operation_type"], [146, 2, 1, "", "to_dict"]], "abacusai.PredictionArguments": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "_support_kwargs"], [146, 3, 1, "", "kwargs"], [146, 3, 1, "", "problem_type"]], "abacusai.PredictionClient": [[146, 2, 1, "", "check_constraints"], [146, 2, 1, "", "classify_image"], [146, 2, 1, "", "classify_pdf"], [146, 2, 1, "", "describe_image"], [146, 2, 1, "", "execute_agent"], [146, 2, 1, "", "execute_agent_with_binary_data"], [146, 2, 1, "", "execute_conversation_agent"], [146, 2, 1, "", "generate_image"], [146, 2, 1, "", "get_alternative_assignments"], [146, 2, 1, "", "get_anomalies"], [146, 2, 1, "", "get_assignments"], [146, 2, 1, "", "get_chat_response"], [146, 2, 1, "", "get_chat_response_with_binary_data"], [146, 2, 1, "", "get_classification"], [146, 2, 1, "", "get_cluster"], [146, 2, 1, "", "get_completion"], [146, 2, 1, "", "get_conversation_response"], [146, 2, 1, "", "get_conversation_response_with_binary_data"], [146, 2, 1, "", "get_entailment"], [146, 2, 1, "", "get_entities_from_pdf"], [146, 2, 1, "", "get_event_anomaly_score"], [146, 2, 1, "", "get_forecast"], [146, 2, 1, "", "get_k_nearest"], [146, 2, 1, "", "get_labels"], [146, 2, 1, "", "get_matrix_agent_schema"], [146, 2, 1, "", "get_multiple_k_nearest"], [146, 2, 1, "", "get_objects_from_image"], [146, 2, 1, "", "get_personalized_ranking"], [146, 2, 1, "", "get_ranked_items"], [146, 2, 1, "", "get_recommendations"], [146, 2, 1, "", "get_related_items"], [146, 2, 1, "", "get_search_results"], [146, 2, 1, "", "get_sentiment"], [146, 2, 1, "", "get_summary"], [146, 2, 1, "", "get_text_from_document"], [146, 2, 1, "", "get_timeseries_anomalies"], [146, 2, 1, "", "is_anomaly"], [146, 2, 1, "", "lookup_features"], [146, 2, 1, "", "lookup_matches"], [146, 2, 1, "", "pause_autonomous_agent"], [146, 2, 1, "", "predict"], [146, 2, 1, "", "predict_churn"], [146, 2, 1, "", "predict_class"], [146, 2, 1, "", "predict_fraud"], [146, 2, 1, "", "predict_from_datasets"], [146, 2, 1, "", "predict_language"], [146, 2, 1, "", "predict_lead"], [146, 2, 1, "", "predict_multiple"], [146, 2, 1, "", "predict_raw"], [146, 2, 1, "", "predict_takeover"], [146, 2, 1, "", "predict_target"], [146, 2, 1, "", "predict_with_binary_data"], [146, 2, 1, "", "score_image"], [146, 2, 1, "", "start_autonomous_agent"], [146, 2, 1, "", "transcribe_audio"], [146, 2, 1, "", "transfer_style"]], "abacusai.PredictionCountConditionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "aggregation_type"], [146, 3, 1, "", "aggregation_window"], [146, 3, 1, "", "threshold"]], "abacusai.PredictionDataset": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "dataset_id"], [146, 3, 1, "", "dataset_type"], [146, 3, 1, "", "dataset_version"], [146, 3, 1, "", "default"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "required"], [146, 2, 1, "", "to_dict"]], "abacusai.PredictionFeatureGroup": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "dataset_type"], [146, 3, 1, "", "default"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_version"], [146, 3, 1, "", "required"], [146, 2, 1, "", "to_dict"]], "abacusai.PredictionInput": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "dataset_id_remap"], [146, 3, 1, "", "datasets"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_dataset_ids"], [146, 3, 1, "", "feature_groups"], [146, 2, 1, "", "to_dict"]], "abacusai.PredictionLogRecord": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "query"], [146, 3, 1, "", "query_time_ms"], [146, 3, 1, "", "request_id"], [146, 3, 1, "", "response"], [146, 3, 1, "", "timestamp_ms"], [146, 2, 1, "", "to_dict"]], "abacusai.PredictionOperator": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 2, 1, "", "create_version"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 2, 1, "", "deploy"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "feature_group_ids"], [146, 3, 1, "", "feature_group_table_names"], [146, 3, 1, "", "initialize_function_name"], [146, 3, 1, "", "latest_prediction_operator_version"], [146, 2, 1, "", "list_versions"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 3, 1, "", "predict_function_name"], [146, 3, 1, "", "prediction_operator_id"], [146, 3, 1, "", "project_id"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_schedules"], [146, 3, 1, "", "source_code"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"], [146, 3, 1, "", "updated_at"], [146, 3, 1, "", "use_gpu"]], "abacusai.PredictionOperatorVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "feature_group_ids"], [146, 3, 1, "", "feature_group_versions"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "prediction_operator_id"], [146, 3, 1, "", "prediction_operator_version"], [146, 3, 1, "", "source_code"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "updated_at"], [146, 3, 1, "", "use_gpu"]], "abacusai.PredictiveModelingBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "create_monitor"], [146, 3, 1, "", "explain_predictions"], [146, 3, 1, "", "explainer_type"], [146, 3, 1, "", "explanation_filter_label"], [146, 3, 1, "", "explanation_filter_lower_bound"], [146, 3, 1, "", "explanation_filter_upper_bound"], [146, 3, 1, "", "features_considered_constant_for_explanations"], [146, 3, 1, "", "for_eval"], [146, 3, 1, "", "importance_of_records_in_nested_columns"], [146, 3, 1, "", "include_multi_class_explanations"], [146, 3, 1, "", "number_of_samples_to_use_for_explainer"], [146, 3, 1, "", "output_columns"]], "abacusai.PretrainedModelsBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "channel_id_to_label_map"], [146, 3, 1, "", "files_output_location_prefix"], [146, 3, 1, "", "for_eval"]], "abacusai.ProblemType": [[146, 3, 1, "", "AI_AGENT"], [146, 3, 1, "", "CHAT_LLM"], [146, 3, 1, "", "CLUSTERING"], [146, 3, 1, "", "CLUSTERING_TIMESERIES"], [146, 3, 1, "", "CUMULATIVE_FORECASTING"], [146, 3, 1, "", "CUSTOM_ALGORITHM"], [146, 3, 1, "", "CUSTOM_TRAINED_MODEL"], [146, 3, 1, "", "DOCUMENT_CLASSIFICATION"], [146, 3, 1, "", "DOCUMENT_SUMMARIZATION"], [146, 3, 1, "", "DOCUMENT_VISUALIZATION"], [146, 3, 1, "", "EVENT_ANOMALY"], [146, 3, 1, "", "FEATURE_STORE"], [146, 3, 1, "", "FINETUNED_LLM"], [146, 3, 1, "", "FORECASTING"], [146, 3, 1, "", "IMAGE_CLASSIFICATION"], [146, 3, 1, "", "IMAGE_VALUE_PREDICTION"], [146, 3, 1, "", "LANGUAGE_DETECTION"], [146, 3, 1, "", "MODEL_MONITORING"], [146, 3, 1, "", "NAMED_ENTITY_EXTRACTION"], [146, 3, 1, "", "NATURAL_LANGUAGE_SEARCH"], [146, 3, 1, "", "OBJECT_DETECTION"], [146, 3, 1, "", "OPTIMIZATION"], [146, 3, 1, "", "PERSONALIZATION"], [146, 3, 1, "", "PREDICTIVE_MODELING"], [146, 3, 1, "", "PRETRAINED_MODELS"], [146, 3, 1, "", "SENTENCE_BOUNDARY_DETECTION"], [146, 3, 1, "", "SENTIMENT_DETECTION"], [146, 3, 1, "", "THEME_ANALYSIS"], [146, 3, 1, "", "TS_ANOMALY"], [146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "optional_feature_group_types"], [146, 3, 1, "", "problem_type"], [146, 3, 1, "", "required_feature_group_type"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "use_cases_support_custom_algorithm"]], "abacusai.Project": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "add_tags"], [146, 2, 1, "", "create_agent"], [146, 2, 1, "", "create_chat_session"], [146, 2, 1, "", "create_deployment_token"], [146, 2, 1, "", "create_document_retriever"], [146, 2, 1, "", "create_eda"], [146, 2, 1, "", "create_forecasting_monitor"], [146, 2, 1, "", "create_graph_dashboard"], [146, 2, 1, "", "create_model_from_functions"], [146, 2, 1, "", "create_model_from_python"], [146, 2, 1, "", "create_model_monitor"], [146, 2, 1, "", "create_monitor_alert"], [146, 2, 1, "", "create_nlp_drift_monitor"], [146, 2, 1, "", "create_train_test_data_split_feature_group"], [146, 2, 1, "", "create_vision_drift_monitor"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "describe_feature_group"], [146, 2, 1, "", "generate_agent_code"], [146, 2, 1, "", "get_custom_train_function_info"], [146, 2, 1, "", "get_training_config_options"], [146, 2, 1, "", "infer_feature_mappings"], [146, 2, 1, "", "list_agents"], [146, 2, 1, "", "list_batch_predictions"], [146, 2, 1, "", "list_builtin_algorithms"], [146, 2, 1, "", "list_deployment_tokens"], [146, 2, 1, "", "list_deployments"], [146, 2, 1, "", "list_document_retrievers"], [146, 2, 1, "", "list_eda"], [146, 2, 1, "", "list_feature_group_templates"], [146, 2, 1, "", "list_feature_groups"], [146, 2, 1, "", "list_graph_dashboards"], [146, 2, 1, "", "list_holdout_analysis"], [146, 2, 1, "", "list_model_monitors"], [146, 2, 1, "", "list_models"], [146, 2, 1, "", "list_pipelines"], [146, 2, 1, "", "list_prediction_operators"], [146, 2, 1, "", "list_realtime_monitors"], [146, 2, 1, "", "list_refresh_policies"], [146, 3, 1, "", "name"], [146, 3, 1, "", "problem_type"], [146, 3, 1, "", "project_id"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "remove_tags"], [146, 2, 1, "", "rename"], [146, 2, 1, "", "set_feature_mapping"], [146, 3, 1, "", "tags"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "train_model"], [146, 3, 1, "", "use_case"], [146, 2, 1, "", "validate"]], "abacusai.ProjectConfig": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "config"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "type"]], "abacusai.ProjectConfigType": [[146, 3, 1, "", "CHAT_FEEDBACK"], [146, 3, 1, "", "CONSTRAINTS"], [146, 3, 1, "", "REVIEW_MODE"]], "abacusai.ProjectFeatureGroup": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "annotation_config"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "concatenation_config"], [146, 3, 1, "", "cpu_size"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "dataset_id"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "duplicate_features"], [146, 3, 1, "", "explanation"], [146, 3, 1, "", "export_connector_config"], [146, 3, 1, "", "export_on_materialization"], [146, 3, 1, "", "feature_expression"], [146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_source_type"], [146, 3, 1, "", "feature_group_template"], [146, 3, 1, "", "feature_group_type"], [146, 3, 1, "", "feature_tags"], [146, 3, 1, "", "features"], [146, 3, 1, "", "function_name"], [146, 3, 1, "", "function_source_code"], [146, 3, 1, "", "incremental"], [146, 3, 1, "", "indexing_config"], [146, 3, 1, "", "latest_feature_group_version"], [146, 3, 1, "", "latest_version_outdated"], [146, 3, 1, "", "lookup_keys"], [146, 3, 1, "", "memory"], [146, 3, 1, "", "merge_config"], [146, 3, 1, "", "modification_lock"], [146, 3, 1, "", "module_name"], [146, 3, 1, "", "name"], [146, 3, 1, "", "operator_config"], [146, 3, 1, "", "point_in_time_groups"], [146, 3, 1, "", "primary_key"], [146, 3, 1, "", "project_config"], [146, 3, 1, "", "project_feature_group_schema"], [146, 3, 1, "", "python_function_bindings"], [146, 3, 1, "", "python_function_name"], [146, 3, 1, "", "referenced_feature_groups"], [146, 3, 1, "", "refresh_schedules"], [146, 3, 1, "", "sampling_config"], [146, 3, 1, "", "source_tables"], [146, 3, 1, "", "sql"], [146, 3, 1, "", "sql_error"], [146, 3, 1, "", "streaming_enabled"], [146, 3, 1, "", "streaming_ready"], [146, 3, 1, "", "table_name"], [146, 3, 1, "", "tags"], [146, 3, 1, "", "template_bindings"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "update_timestamp_key"], [146, 3, 1, "", "use_gpu"], [146, 3, 1, "", "use_original_csv_names"], [146, 3, 1, "", "version_limit"]], "abacusai.ProjectFeatureGroupConfig": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "type"]], "abacusai.ProjectFeatureGroupSchema": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "duplicate_features"], [146, 3, 1, "", "nested_schema"], [146, 3, 1, "", "project_config"], [146, 3, 1, "", "schema"], [146, 2, 1, "", "to_dict"]], "abacusai.ProjectFeatureGroupSchemaVersion": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "schema_version"], [146, 2, 1, "", "to_dict"]], "abacusai.ProjectFeatureGroupTypeMappingsConfig": [[146, 3, 1, "", "feature_group_id"], [146, 3, 1, "", "feature_group_type"], [146, 3, 1, "", "feature_mappings"], [146, 2, 1, "", "from_dict"]], "abacusai.ProjectValidation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "column_hints"], [146, 3, 1, "", "dataset_errors"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "valid"]], "abacusai.PythonFunction": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "add_graph_to_dashboard"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "examples"], [146, 3, 1, "", "function_name"], [146, 3, 1, "", "function_type"], [146, 3, 1, "", "function_variable_mappings"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 3, 1, "", "output_variable_mappings"], [146, 3, 1, "", "package_requirements"], [146, 3, 1, "", "python_function_id"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "validate_locally"]], "abacusai.PythonFunctionArgument": [[146, 3, 1, "", "description"], [146, 3, 1, "", "is_required"], [146, 3, 1, "", "item_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "pipeline_variable"], [146, 3, 1, "", "value"], [146, 3, 1, "", "variable_type"]], "abacusai.PythonFunctionArgumentType": [[146, 3, 1, "", "BATCH_PREDICTION_ID"], [146, 3, 1, "", "BOOLEAN"], [146, 3, 1, "", "DATASET_ID"], [146, 3, 1, "", "DEPLOYMENT_ID"], [146, 3, 1, "", "FEATURE_GROUP"], [146, 3, 1, "", "FEATURE_GROUP_ID"], [146, 3, 1, "", "FLOAT"], [146, 3, 1, "", "INTEGER"], [146, 3, 1, "", "JSON"], [146, 3, 1, "", "LIST"], [146, 3, 1, "", "MODEL_ID"], [146, 3, 1, "", "MONITOR_ID"], [146, 3, 1, "", "STRING"]], "abacusai.PythonFunctionOutputArgumentType": [[146, 3, 1, "", "ANY"], [146, 3, 1, "", "BATCH_PREDICTION_ID"], [146, 3, 1, "", "BOOLEAN"], [146, 3, 1, "", "DATASET_ID"], [146, 3, 1, "", "DEPLOYMENT_ID"], [146, 3, 1, "", "FEATURE_GROUP_ID"], [146, 3, 1, "", "FLOAT"], [146, 3, 1, "", "JSON"], [146, 3, 1, "", "LIST"], [146, 3, 1, "", "MODEL_ID"], [146, 3, 1, "", "MONITOR_ID"], [146, 3, 1, "", "NTEGER"], [146, 3, 1, "", "STRING"]], "abacusai.PythonFunctionType": [[146, 3, 1, "", "FEATURE_GROUP"], [146, 3, 1, "", "PLOTLY_FIG"], [146, 3, 1, "", "STEP_FUNCTION"], [146, 3, 1, "", "USERCODE_TOOL"]], "abacusai.PythonPlotFunction": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "code_source"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "function_name"], [146, 3, 1, "", "function_type"], [146, 3, 1, "", "function_variable_mappings"], [146, 3, 1, "", "graph_reference_id"], [146, 3, 1, "", "name"], [146, 3, 1, "", "notebook_id"], [146, 3, 1, "", "plot_name"], [146, 3, 1, "", "python_function_id"], [146, 2, 1, "", "to_dict"]], "abacusai.RangeViolation": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "freq_above_training_range"], [146, 3, 1, "", "freq_below_training_range"], [146, 3, 1, "", "name"], [146, 3, 1, "", "prediction_max"], [146, 3, 1, "", "prediction_min"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "training_max"], [146, 3, 1, "", "training_min"]], "abacusai.ReadOnlyClient": [[146, 2, 1, "", "copy_agent"], [146, 2, 1, "", "describe_agent"], [146, 2, 1, "", "describe_agent_version"], [146, 2, 1, "", "describe_algorithm"], [146, 2, 1, "", "describe_batch_prediction"], [146, 2, 1, "", "describe_batch_prediction_version"], [146, 2, 1, "", "describe_custom_loss_function"], [146, 2, 1, "", "describe_custom_metric"], [146, 2, 1, "", "describe_custom_metric_version"], [146, 2, 1, "", "describe_dataset"], [146, 2, 1, "", "describe_dataset_version"], [146, 2, 1, "", "describe_deployment"], [146, 2, 1, "", "describe_document_retriever"], [146, 2, 1, "", "describe_document_retriever_by_name"], [146, 2, 1, "", "describe_document_retriever_version"], [146, 2, 1, "", "describe_eda"], [146, 2, 1, "", "describe_eda_version"], [146, 2, 1, "", "describe_external_application"], [146, 2, 1, "", "describe_feature_group"], [146, 2, 1, "", "describe_feature_group_by_table_name"], [146, 2, 1, "", "describe_feature_group_export"], [146, 2, 1, "", "describe_feature_group_template"], [146, 2, 1, "", "describe_feature_group_version"], [146, 2, 1, "", "describe_graph_dashboard"], [146, 2, 1, "", "describe_graph_for_dashboard"], [146, 2, 1, "", "describe_holdout_analysis"], [146, 2, 1, "", "describe_holdout_analysis_version"], [146, 2, 1, "", "describe_model"], [146, 2, 1, "", "describe_model_artifacts_export"], [146, 2, 1, "", "describe_model_monitor"], [146, 2, 1, "", "describe_model_monitor_version"], [146, 2, 1, "", "describe_model_version"], [146, 2, 1, "", "describe_module"], [146, 2, 1, "", "describe_monitor_alert"], [146, 2, 1, "", "describe_monitor_alert_version"], [146, 2, 1, "", "describe_organization_group"], [146, 2, 1, "", "describe_pipeline_step"], [146, 2, 1, "", "describe_pipeline_step_by_name"], [146, 2, 1, "", "describe_pipeline_step_version"], [146, 2, 1, "", "describe_pipeline_version"], [146, 2, 1, "", "describe_prediction_operator"], [146, 2, 1, "", "describe_problem_type"], [146, 2, 1, "", "describe_project"], [146, 2, 1, "", "describe_project_feature_group"], [146, 2, 1, "", "describe_python_function"], [146, 2, 1, "", "describe_realtime_monitor"], [146, 2, 1, "", "describe_refresh_pipeline_run"], [146, 2, 1, "", "describe_refresh_policy"], [146, 2, 1, "", "describe_train_test_data_split_feature_group"], [146, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [146, 2, 1, "", "describe_upload"], [146, 2, 1, "", "describe_use_case_requirements"], [146, 2, 1, "", "describe_user"], [146, 2, 1, "", "describe_webhook"], [146, 2, 1, "", "download_agent_attachment"], [146, 2, 1, "", "download_batch_prediction_result_chunk"], [146, 2, 1, "", "download_execute_feature_group_operation_result_part_chunk"], [146, 2, 1, "", "export_deployment_conversation"], [146, 2, 1, "", "generate_natural_language_explanation"], [146, 2, 1, "", "get_annotations_status"], [146, 2, 1, "", "get_api_endpoint"], [146, 2, 1, "", "get_app_user_group"], [146, 2, 1, "", "get_app_user_group_sign_in_token"], [146, 2, 1, "", "get_batch_prediction_connector_errors"], [146, 2, 1, "", "get_batch_prediction_version_logs"], [146, 2, 1, "", "get_chat_session"], [146, 2, 1, "", "get_collinearity_for_feature"], [146, 2, 1, "", "get_connector_auth"], [146, 2, 1, "", "get_data"], [146, 2, 1, "", "get_database_connector_object_schema"], [146, 2, 1, "", "get_dataset_schema"], [146, 2, 1, "", "get_dataset_version_logs"], [146, 2, 1, "", "get_dataset_version_metrics"], [146, 2, 1, "", "get_deployment_conversation"], [146, 2, 1, "", "get_deployment_statistics_over_time"], [146, 2, 1, "", "get_docstore_document"], [146, 2, 1, "", "get_docstore_image"], [146, 2, 1, "", "get_drift_for_feature"], [146, 2, 1, "", "get_eda_collinearity"], [146, 2, 1, "", "get_eda_data_consistency"], [146, 2, 1, "", "get_eda_forecasting_analysis"], [146, 2, 1, "", "get_execute_feature_group_operation_result_part_count"], [146, 2, 1, "", "get_feature_association"], [146, 2, 1, "", "get_feature_group_export_connector_errors"], [146, 2, 1, "", "get_feature_group_schema"], [146, 2, 1, "", "get_feature_group_schemas_for_model_version"], [146, 2, 1, "", "get_feature_group_version_export_download_url"], [146, 2, 1, "", "get_feature_group_version_logs"], [146, 2, 1, "", "get_feature_group_version_metrics"], [146, 2, 1, "", "get_feature_importance_by_model_version"], [146, 2, 1, "", "get_file_connector_instructions"], [146, 2, 1, "", "get_materialization_logs"], [146, 2, 1, "", "get_model_metrics"], [146, 2, 1, "", "get_model_monitor_chart_from_organization"], [146, 2, 1, "", "get_model_monitor_summary"], [146, 2, 1, "", "get_model_monitor_summary_from_organization"], [146, 2, 1, "", "get_model_training_types_for_deployment"], [146, 2, 1, "", "get_natural_language_explanation"], [146, 2, 1, "", "get_organization_secret"], [146, 2, 1, "", "get_outliers_for_feature"], [146, 2, 1, "", "get_point_in_time_feature_group_creation_options"], [146, 2, 1, "", "get_prediction_drift"], [146, 2, 1, "", "get_prediction_logs_records"], [146, 2, 1, "", "get_project_feature_group_config"], [146, 2, 1, "", "get_recent_feature_group_streamed_data"], [146, 2, 1, "", "get_step_version_logs"], [146, 2, 1, "", "get_training_data_logs"], [146, 2, 1, "", "get_training_logs"], [146, 2, 1, "", "infer_feature_mappings"], [146, 2, 1, "", "list_agent_versions"], [146, 2, 1, "", "list_agents"], [146, 2, 1, "", "list_algorithms"], [146, 2, 1, "", "list_api_keys"], [146, 2, 1, "", "list_application_connector_objects"], [146, 2, 1, "", "list_application_connectors"], [146, 2, 1, "", "list_batch_prediction_versions"], [146, 2, 1, "", "list_batch_predictions"], [146, 2, 1, "", "list_chat_sessions"], [146, 2, 1, "", "list_custom_loss_functions"], [146, 2, 1, "", "list_custom_metrics"], [146, 2, 1, "", "list_database_connector_objects"], [146, 2, 1, "", "list_database_connectors"], [146, 2, 1, "", "list_dataset_versions"], [146, 2, 1, "", "list_datasets"], [146, 2, 1, "", "list_deployment_alerts"], [146, 2, 1, "", "list_deployment_conversations"], [146, 2, 1, "", "list_deployment_tokens"], [146, 2, 1, "", "list_deployment_webhooks"], [146, 2, 1, "", "list_deployments"], [146, 2, 1, "", "list_document_retriever_versions"], [146, 2, 1, "", "list_document_retrievers"], [146, 2, 1, "", "list_eda"], [146, 2, 1, "", "list_eda_versions"], [146, 2, 1, "", "list_external_applications"], [146, 2, 1, "", "list_feature_group_exports"], [146, 2, 1, "", "list_feature_group_modifiers"], [146, 2, 1, "", "list_feature_group_templates"], [146, 2, 1, "", "list_feature_group_versions"], [146, 2, 1, "", "list_feature_groups"], [146, 2, 1, "", "list_file_connectors"], [146, 2, 1, "", "list_graph_dashboards"], [146, 2, 1, "", "list_holdout_analysis"], [146, 2, 1, "", "list_holdout_analysis_versions"], [146, 2, 1, "", "list_llm_apps"], [146, 2, 1, "", "list_model_artifacts_exports"], [146, 2, 1, "", "list_model_monitor_versions"], [146, 2, 1, "", "list_model_monitors"], [146, 2, 1, "", "list_model_versions"], [146, 2, 1, "", "list_models"], [146, 2, 1, "", "list_modules"], [146, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [146, 2, 1, "", "list_monitor_alerts_for_monitor"], [146, 2, 1, "", "list_organization_groups"], [146, 2, 1, "", "list_organization_model_monitors"], [146, 2, 1, "", "list_organization_secrets"], [146, 2, 1, "", "list_organization_users"], [146, 2, 1, "", "list_pipeline_version_logs"], [146, 2, 1, "", "list_pipelines"], [146, 2, 1, "", "list_prediction_operator_versions"], [146, 2, 1, "", "list_prediction_operators"], [146, 2, 1, "", "list_project_feature_group_templates"], [146, 2, 1, "", "list_project_feature_groups"], [146, 2, 1, "", "list_projects"], [146, 2, 1, "", "list_python_function_feature_groups"], [146, 2, 1, "", "list_python_functions"], [146, 2, 1, "", "list_realtime_monitors"], [146, 2, 1, "", "list_refresh_pipeline_runs"], [146, 2, 1, "", "list_refresh_policies"], [146, 2, 1, "", "list_streaming_connectors"], [146, 2, 1, "", "list_streaming_tokens"], [146, 2, 1, "", "list_uploads"], [146, 2, 1, "", "list_use_cases"], [146, 2, 1, "", "model_monitor_version_metric_data"], [146, 2, 1, "", "query_database_connector"], [146, 2, 1, "", "query_feature_group_code_generator"], [146, 2, 1, "", "search_feature_groups"], [146, 2, 1, "", "set_dataset_database_connector_config"], [146, 2, 1, "", "suggest_feature_group_template_for_feature_group"], [146, 2, 1, "", "update_dataset_version_limit"], [146, 2, 1, "", "update_feature_group_version_limit"], [146, 2, 1, "", "validate_project"], [146, 2, 1, "", "verify_and_describe_annotation"]], "abacusai.RealtimeMonitor": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "lookback_time"], [146, 3, 1, "", "name"], [146, 3, 1, "", "realtime_monitor_id"], [146, 3, 1, "", "realtime_monitor_schedule"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"]], "abacusai.RefreshPipelineRun": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "batch_predictions"], [146, 3, 1, "", "completed_at"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "dataset_versions"], [146, 3, 1, "", "deployment_versions"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "feature_group_version"], [146, 2, 1, "", "get_status"], [146, 3, 1, "", "model_versions"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_pipeline_run_id"], [146, 3, 1, "", "refresh_policy"], [146, 3, 1, "", "refresh_policy_id"], [146, 3, 1, "", "refresh_type"], [146, 3, 1, "", "started_at"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "wait_for_complete"]], "abacusai.RefreshPolicy": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "batch_prediction_ids"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "cron"], [146, 3, 1, "", "dataset_ids"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_ids"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "feature_group_export_config"], [146, 3, 1, "", "feature_group_id"], [146, 2, 1, "", "list_refresh_pipeline_runs"], [146, 3, 1, "", "model_ids"], [146, 3, 1, "", "model_monitor_ids"], [146, 3, 1, "", "name"], [146, 3, 1, "", "next_run_time"], [146, 3, 1, "", "notebook_id"], [146, 2, 1, "", "pause"], [146, 3, 1, "", "paused"], [146, 3, 1, "", "pipeline_id"], [146, 3, 1, "", "prediction_operator_id"], [146, 3, 1, "", "project_id"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "refresh_policy_id"], [146, 3, 1, "", "refresh_type"], [146, 2, 1, "", "resume"], [146, 2, 1, "", "run"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"]], "abacusai.RefreshSchedule": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "cron"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error"], [146, 3, 1, "", "next_run_time"], [146, 3, 1, "", "refresh_policy_id"], [146, 3, 1, "", "refresh_type"], [146, 2, 1, "", "to_dict"]], "abacusai.RegenerateLlmExternalApplication": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "external_application_id"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.RegressionAugmentationStrategy": [[146, 3, 1, "", "RESAMPLE"], [146, 3, 1, "", "SMOTE"]], "abacusai.RegressionLossFunction": [[146, 3, 1, "", "AUTOMATIC"], [146, 3, 1, "", "CROSS_ENTROPY"], [146, 3, 1, "", "CUSTOM"], [146, 3, 1, "", "FOCAL_CROSS_ENTROPY"], [146, 3, 1, "", "HUBER"], [146, 3, 1, "", "MAE"], [146, 3, 1, "", "MAPE"], [146, 3, 1, "", "MSE"], [146, 3, 1, "", "MSLE"], [146, 3, 1, "", "TWEEDIE"]], "abacusai.RegressionObjective": [[146, 3, 1, "", "ACCURACY"], [146, 3, 1, "", "AUC"], [146, 3, 1, "", "F1_SCORE"], [146, 3, 1, "", "LOG_LOSS"], [146, 3, 1, "", "MAE"], [146, 3, 1, "", "MAPE"], [146, 3, 1, "", "PRECISION"], [146, 3, 1, "", "RECALL"], [146, 3, 1, "", "RMSE"], [146, 3, 1, "", "R_SQUARED_COEFFICIENT_OF_DETERMINATION"], [146, 3, 1, "", "WAPE"]], "abacusai.RegressionPredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "explain_predictions"], [146, 3, 1, "", "explainer_type"]], "abacusai.RegressionTargetTransform": [[146, 3, 1, "", "BOX_COX"], [146, 3, 1, "", "LOG"], [146, 3, 1, "", "QUANTILE"], [146, 3, 1, "", "YEO_JOHNSON"]], "abacusai.RegressionTimeSplitMethod": [[146, 3, 1, "", "TEST_SPLIT_PERCENTAGE_BASED"], [146, 3, 1, "", "TEST_START_TIMESTAMP_BASED"]], "abacusai.RegressionTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "active_labels_column"], [146, 3, 1, "", "augmentation_strategy"], [146, 3, 1, "", "batch_size"], [146, 3, 1, "", "custom_loss_functions"], [146, 3, 1, "", "custom_metrics"], [146, 3, 1, "", "data_split_feature_group_table_name"], [146, 3, 1, "", "disable_test_val_fold"], [146, 3, 1, "", "do_masked_language_model_pretraining"], [146, 3, 1, "", "drop_original_categoricals"], [146, 3, 1, "", "dropout_rate"], [146, 3, 1, "", "feature_selection_intensity"], [146, 3, 1, "", "full_data_retraining"], [146, 3, 1, "", "ignore_datetime_features"], [146, 3, 1, "", "is_multilingual"], [146, 3, 1, "", "k_fold_cross_validation"], [146, 3, 1, "", "loss_function"], [146, 3, 1, "", "loss_parameters"], [146, 3, 1, "", "max_text_words"], [146, 3, 1, "", "max_tokens_in_sentence"], [146, 3, 1, "", "min_categorical_count"], [146, 3, 1, "", "monotonically_decreasing_features"], [146, 3, 1, "", "monotonically_increasing_features"], [146, 3, 1, "", "num_cv_folds"], [146, 3, 1, "", "numeric_clipping_percentile"], [146, 3, 1, "", "objective"], [146, 3, 1, "", "partial_dependence_analysis"], [146, 3, 1, "", "perform_feature_selection"], [146, 3, 1, "", "pretrained_llm_name"], [146, 3, 1, "", "pretrained_model_name"], [146, 3, 1, "", "rare_class_augmentation_threshold"], [146, 3, 1, "", "rebalance_classes"], [146, 3, 1, "", "sample_weight"], [146, 3, 1, "", "sampling_unit_keys"], [146, 3, 1, "", "sort_objective"], [146, 3, 1, "", "target_encode_categoricals"], [146, 3, 1, "", "target_transform"], [146, 3, 1, "", "test_row_indicator"], [146, 3, 1, "", "test_split"], [146, 3, 1, "", "test_splitting_timestamp"], [146, 3, 1, "", "timestamp_based_splitting_column"], [146, 3, 1, "", "timestamp_based_splitting_method"], [146, 3, 1, "", "training_rows_downsample_ratio"], [146, 3, 1, "", "tree_hpo_mode"], [146, 3, 1, "", "truncation_strategy"], [146, 3, 1, "", "type_of_split"]], "abacusai.RegressionTreeHPOMode": [[146, 3, 1, "", "RAPID"], [146, 3, 1, "", "THOROUGH"]], "abacusai.RegressionTypeOfSplit": [[146, 3, 1, "", "RANDOM"], [146, 3, 1, "", "ROW_INDICATOR_BASED"], [146, 3, 1, "", "STRATIFIED_RANDOM_SAMPLING"], [146, 3, 1, "", "TIMESTAMP_BASED"]], "abacusai.ResolvedFeatureGroupTemplate": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "feature_group_template_id"], [146, 3, 1, "", "resolved_sql"], [146, 3, 1, "", "resolved_variables"], [146, 3, 1, "", "sql_error"], [146, 3, 1, "", "template_sql"], [146, 2, 1, "", "to_dict"]], "abacusai.ResponseSection": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "id"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "type"]], "abacusai.ResponseSectionType": [[146, 3, 1, "", "AGENT_FLOW_BUTTON"], [146, 3, 1, "", "ATTACHMENTS"], [146, 3, 1, "", "BASE64_IMAGE"], [146, 3, 1, "", "CHART"], [146, 3, 1, "", "CODE"], [146, 3, 1, "", "COLLAPSIBLE_COMPONENT"], [146, 3, 1, "", "IMAGE_URL"], [146, 3, 1, "", "LIST"], [146, 3, 1, "", "RUNTIME_SCHEMA"], [146, 3, 1, "", "TABLE"], [146, 3, 1, "", "TEXT"]], "abacusai.RestrictFeatureMappings": [[146, 3, 1, "", "end_time"], [146, 3, 1, "", "feature_name"], [146, 3, 1, "", "max_value"], [146, 3, 1, "", "min_value"], [146, 3, 1, "", "restricted_feature_values"], [146, 3, 1, "", "start_time"], [146, 2, 1, "", "to_dict"]], "abacusai.ReviewModeProjectFeatureGroupConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "is_review_mode"]], "abacusai.RoutingAction": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "additional_info"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "display_name"], [146, 3, 1, "", "id"], [146, 3, 1, "", "is_large"], [146, 3, 1, "", "is_medium"], [146, 3, 1, "", "placeholder"], [146, 3, 1, "", "prompt"], [146, 3, 1, "", "title"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "value"]], "abacusai.RuntimeSchemaResponseSection": [[146, 3, 1, "", "json_schema"], [146, 3, 1, "", "ui_schema"]], "abacusai.SamplingConfig": [[146, 2, 1, "", "__post_init__"], [146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "sampling_method"]], "abacusai.SamplingMethodType": [[146, 3, 1, "", "N_SAMPLING"], [146, 3, 1, "", "PERCENT_SAMPLING"]], "abacusai.Schema": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data_type"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "detected_data_type"], [146, 3, 1, "", "detected_feature_mapping"], [146, 3, 1, "", "detected_feature_type"], [146, 3, 1, "", "feature_mapping"], [146, 3, 1, "", "feature_type"], [146, 3, 1, "", "name"], [146, 3, 1, "", "nested_features"], [146, 3, 1, "", "point_in_time_info"], [146, 2, 1, "", "to_dict"]], "abacusai.SentenceBoundaryDetectionBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "explode_output"], [146, 3, 1, "", "for_eval"]], "abacusai.SentenceBoundaryDetectionTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "batch_size"], [146, 3, 1, "", "dropout_rate"], [146, 3, 1, "", "test_split"]], "abacusai.SentimentDetectionTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "sentiment_type"], [146, 3, 1, "", "test_split"]], "abacusai.SentimentType": [[146, 3, 1, "", "EMOTION"], [146, 3, 1, "", "VALENCE"]], "abacusai.SftpKey": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "key_name"], [146, 3, 1, "", "public_key"], [146, 2, 1, "", "to_dict"]], "abacusai.SharepointDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "csv_delimiter"], [146, 3, 1, "", "extract_bounding_boxes"], [146, 3, 1, "", "location"], [146, 3, 1, "", "merge_file_schemas"]], "abacusai.StdDevThreshold": [[146, 3, 1, "", "threshold_type"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "value"]], "abacusai.StdDevThresholdType": [[146, 3, 1, "", "ABSOLUTE"], [146, 3, 1, "", "PERCENTILE"], [146, 3, 1, "", "STDDEV"]], "abacusai.StreamingAuthToken": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "streaming_token"], [146, 2, 1, "", "to_dict"]], "abacusai.StreamingClient": [[146, 2, 1, "", "append_data"], [146, 2, 1, "", "append_multiple_data"], [146, 2, 1, "", "delete_item_embeddings"], [146, 2, 1, "", "upsert_item_embeddings"], [146, 2, 1, "", "upsert_multiple_item_embeddings"]], "abacusai.StreamingConnector": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "auth"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "name"], [146, 2, 1, "", "rename"], [146, 3, 1, "", "service"], [146, 3, 1, "", "status"], [146, 3, 1, "", "streaming_connector_id"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "verify"]], "abacusai.StreamingConnectorDatasetConfig": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "streaming_connector_type"]], "abacusai.StreamingConnectorType": [[146, 3, 1, "", "KAFKA"]], "abacusai.StreamingRowCount": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "count"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "start_ts_ms"], [146, 2, 1, "", "to_dict"]], "abacusai.StreamingSampleCode": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "console"], [146, 3, 1, "", "curl"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "python"], [146, 2, 1, "", "to_dict"]], "abacusai.TargetDriftConditionConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "feature_drift_type"], [146, 3, 1, "", "threshold"]], "abacusai.TeamsScraperDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "pull_channel_posts"], [146, 3, 1, "", "pull_chat_messages"], [146, 3, 1, "", "pull_transcripts"]], "abacusai.TemplateNodeDetails": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "notebook_code"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "workflow_graph_node"]], "abacusai.TestPointPredictions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "columns"], [146, 3, 1, "", "count"], [146, 3, 1, "", "data"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "error_description"], [146, 3, 1, "", "metrics_columns"], [146, 3, 1, "", "summarized_metrics"], [146, 2, 1, "", "to_dict"]], "abacusai.TextResponseSection": [[146, 3, 1, "", "segment"]], "abacusai.ThemeAnalysisBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "analysis_days"], [146, 3, 1, "", "analysis_frequency"], [146, 3, 1, "", "for_eval"], [146, 3, 1, "", "start_date"]], "abacusai.ThemeAnalysisTrainingConfig": [[146, 2, 1, "", "__post_init__"]], "abacusai.TimeWindowConfig": [[146, 2, 1, "", "to_dict"], [146, 3, 1, "", "window_duration"], [146, 3, 1, "", "window_from_start"]], "abacusai.TimeWindowMergeConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "feature_name"], [146, 3, 1, "", "include_version_timestamp_column"], [146, 3, 1, "", "time_window_size_ms"]], "abacusai.TimeseriesAnomalyDataSplitType": [[146, 3, 1, "", "AUTO"], [146, 3, 1, "", "TIMESTAMP"]], "abacusai.TimeseriesAnomalyPredictionArguments": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "end_timestamp"], [146, 3, 1, "", "get_all_item_data"], [146, 3, 1, "", "start_timestamp"]], "abacusai.TimeseriesAnomalyTrainingConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "additional_anomaly_ids"], [146, 3, 1, "", "anomaly_type"], [146, 3, 1, "", "fill_missing_values"], [146, 3, 1, "", "handle_zeros_as_missing_values"], [146, 3, 1, "", "hyperparameter_calculation_with_heuristics"], [146, 3, 1, "", "min_samples_in_normal_region"], [146, 3, 1, "", "test_split"], [146, 3, 1, "", "test_start"], [146, 3, 1, "", "threshold_score"], [146, 3, 1, "", "timeseries_frequency"], [146, 3, 1, "", "type_of_split"]], "abacusai.TimeseriesAnomalyTypeOfAnomaly": [[146, 3, 1, "", "HIGH_PEAK"], [146, 3, 1, "", "LOW_PEAK"]], "abacusai.TimeseriesAnomalyUseHeuristic": [[146, 3, 1, "", "AUTOMATIC"], [146, 3, 1, "", "DISABLE"], [146, 3, 1, "", "ENABLE"]], "abacusai.ToneDetails": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "accent"], [146, 3, 1, "", "age"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "gender"], [146, 3, 1, "", "language"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "use_case"], [146, 3, 1, "", "voice_id"]], "abacusai.TrainablePlugAndPlayBatchPredictionArgs": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "create_monitor"], [146, 3, 1, "", "for_eval"]], "abacusai.TrainingConfig": [[146, 2, 1, "", "_get_builder"], [146, 3, 1, "", "_support_kwargs"], [146, 3, 1, "", "_upper_snake_case_keys"], [146, 3, 1, "", "algorithm"], [146, 3, 1, "", "kwargs"], [146, 3, 1, "", "problem_type"]], "abacusai.TrainingConfigOptions": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "data_type"], [146, 3, 1, "", "default"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "last_model_value"], [146, 3, 1, "", "name"], [146, 3, 1, "", "needs_refresh"], [146, 3, 1, "", "options"], [146, 3, 1, "", "required"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "value"], [146, 3, 1, "", "value_options"], [146, 3, 1, "", "value_type"]], "abacusai.TriggerConfig": [[146, 2, 1, "", "from_dict"], [146, 3, 1, "", "sleep_time"], [146, 2, 1, "", "to_dict"]], "abacusai.TwitterSearchResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "thumbnail_height"], [146, 3, 1, "", "thumbnail_url"], [146, 3, 1, "", "thumbnail_width"], [146, 3, 1, "", "title"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "twitter_handle"], [146, 3, 1, "", "twitter_name"], [146, 3, 1, "", "url"]], "abacusai.UnionTransformConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "drop_non_intersecting_columns"], [146, 3, 1, "", "feature_group_ids"]], "abacusai.UnpivotConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "columns"], [146, 3, 1, "", "exclude"], [146, 3, 1, "", "index_column"], [146, 3, 1, "", "value_column"]], "abacusai.Upload": [[146, 2, 1, "", "__repr__"], [146, 2, 1, "", "_yield_upload_part"], [146, 3, 1, "", "batch_prediction_id"], [146, 2, 1, "", "cancel"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "dataset_id"], [146, 3, 1, "", "dataset_upload_id"], [146, 3, 1, "", "dataset_version"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 2, 1, "", "get_status"], [146, 2, 1, "", "mark_complete"], [146, 3, 1, "", "model_id"], [146, 3, 1, "", "model_version"], [146, 2, 1, "", "part"], [146, 3, 1, "", "parts"], [146, 2, 1, "", "refresh"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "upload_file"], [146, 3, 1, "", "upload_id"], [146, 2, 1, "", "upload_part"], [146, 2, 1, "", "wait_for_join"]], "abacusai.UploadPart": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "etag"], [146, 3, 1, "", "md5"], [146, 2, 1, "", "to_dict"]], "abacusai.UseCase": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "pretty_name"], [146, 3, 1, "", "problem_type"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "use_case"]], "abacusai.UseCaseRequirements": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "allowed_feature_mappings"], [146, 3, 1, "", "allowed_nested_feature_mappings"], [146, 3, 1, "", "dataset_type"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "multi"], [146, 3, 1, "", "name"], [146, 3, 1, "", "required"], [146, 2, 1, "", "to_dict"]], "abacusai.User": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "email"], [146, 3, 1, "", "name"], [146, 3, 1, "", "organization_groups"], [146, 3, 1, "", "status"], [146, 2, 1, "", "to_dict"]], "abacusai.UserException": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "traceback"], [146, 3, 1, "", "type"], [146, 3, 1, "", "value"]], "abacusai.VectorStoreConfig": [[146, 3, 1, "", "chunk_overlap_fraction"], [146, 3, 1, "", "chunk_size"], [146, 3, 1, "", "chunk_size_factors"], [146, 3, 1, "", "index_metadata_columns"], [146, 3, 1, "", "prune_vectors"], [146, 3, 1, "", "score_multiplier_column"], [146, 3, 1, "", "standalone_deployment"], [146, 3, 1, "", "summary_instructions"], [146, 3, 1, "", "text_encoder"], [146, 3, 1, "", "use_document_summary"]], "abacusai.VectorStoreTextEncoder": [[146, 3, 1, "", "CODE_BERT"], [146, 3, 1, "", "E5"], [146, 3, 1, "", "E5_SMALL"], [146, 3, 1, "", "OPENAI"], [146, 3, 1, "", "OPENAI_COMPACT"], [146, 3, 1, "", "OPENAI_LARGE"], [146, 3, 1, "", "SENTENCE_BERT"]], "abacusai.VideoGenSettings": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "model"], [146, 3, 1, "", "settings"], [146, 2, 1, "", "to_dict"]], "abacusai.VideoSearchResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "embed_url"], [146, 3, 1, "", "motion_thumbnail_url"], [146, 3, 1, "", "thumbnail_url"], [146, 3, 1, "", "title"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "url"]], "abacusai.VoiceGenDetails": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "model"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "voice"]], "abacusai.WebPageResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "content"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "to_dict"]], "abacusai.WebSearchResponse": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "search_results"], [146, 2, 1, "", "to_dict"]], "abacusai.WebSearchResult": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "content"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "entity"], [146, 3, 1, "", "news"], [146, 3, 1, "", "place"], [146, 3, 1, "", "snippet"], [146, 3, 1, "", "title"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "url"]], "abacusai.Webhook": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "created_at"], [146, 2, 1, "", "delete"], [146, 3, 1, "", "deployment_id"], [146, 3, 1, "", "deprecated_keys"], [146, 2, 1, "", "describe"], [146, 3, 1, "", "endpoint"], [146, 3, 1, "", "payload_template"], [146, 2, 1, "", "refresh"], [146, 2, 1, "", "to_dict"], [146, 2, 1, "", "update"], [146, 3, 1, "", "webhook_event_type"], [146, 3, 1, "", "webhook_id"]], "abacusai.WorkflowGraph": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "common_source_code"], [146, 3, 1, "", "edges"], [146, 2, 1, "", "from_dict"], [146, 3, 1, "", "nodes"], [146, 3, 1, "", "primary_start_node"], [146, 3, 1, "", "specification_type"], [146, 2, 1, "", "to_dict"]], "abacusai.WorkflowGraphEdge": [[146, 3, 1, "", "details"], [146, 3, 1, "", "source"], [146, 3, 1, "", "target"], [146, 2, 1, "", "to_nx_edge"]], "abacusai.WorkflowGraphNode": [[146, 1, 1, "", "Outputs"], [146, 2, 1, "", "__getattribute__"], [146, 2, 1, "", "__setattr__"], [146, 2, 1, "", "_raw_init"], [146, 2, 1, "", "from_dict"], [146, 2, 1, "", "from_template"], [146, 2, 1, "", "is_template_node"], [146, 2, 1, "", "is_trigger_node"], [146, 4, 1, "", "outputs"], [146, 3, 1, "", "template_metadata"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "trigger_config"]], "abacusai.WorkflowGraphNode.Outputs": [[146, 2, 1, "", "__getattr__"], [146, 3, 1, "", "node"]], "abacusai.WorkflowGraphNodeDetails": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "package_requirements"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "workflow_graph_node"]], "abacusai.WorkflowNodeInputMapping": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "constant_value"], [146, 3, 1, "", "description"], [146, 2, 1, "", "from_dict"], [146, 3, 1, "", "is_required"], [146, 3, 1, "", "name"], [146, 3, 1, "", "source_prop"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "variable_source"], [146, 3, 1, "", "variable_type"]], "abacusai.WorkflowNodeInputSchema": [[146, 2, 1, "", "from_dict"], [146, 2, 1, "", "from_input_mappings"], [146, 2, 1, "", "from_workflow_node"], [146, 3, 1, "", "json_schema"], [146, 3, 1, "", "runtime_schema"], [146, 3, 1, "", "schema_prop"], [146, 3, 1, "", "schema_source"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "ui_schema"]], "abacusai.WorkflowNodeInputType": [[146, 3, 1, "", "CONSTANT"], [146, 3, 1, "", "IGNORE"], [146, 3, 1, "", "USER_INPUT"], [146, 3, 1, "", "WORKFLOW_VARIABLE"]], "abacusai.WorkflowNodeOutputMapping": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "description"], [146, 2, 1, "", "from_dict"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "variable_type"]], "abacusai.WorkflowNodeOutputSchema": [[146, 2, 1, "", "from_dict"], [146, 3, 1, "", "json_schema"], [146, 2, 1, "", "to_dict"]], "abacusai.WorkflowNodeOutputType": [[146, 3, 1, "", "ANY"], [146, 3, 1, "", "ATTACHMENT"], [146, 3, 1, "", "BOOLEAN"], [146, 3, 1, "", "DICT"], [146, 3, 1, "", "FLOAT"], [146, 3, 1, "", "INTEGER"], [146, 3, 1, "", "LIST"], [146, 3, 1, "", "RUNTIME_SCHEMA"], [146, 3, 1, "", "STRING"], [146, 2, 1, "", "normalize_type"]], "abacusai.WorkflowNodeTemplate": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "additional_configs"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "description"], [146, 3, 1, "", "function_name"], [146, 3, 1, "", "inputs"], [146, 3, 1, "", "name"], [146, 3, 1, "", "outputs"], [146, 3, 1, "", "package_requirements"], [146, 3, 1, "", "source_code"], [146, 3, 1, "", "tags"], [146, 3, 1, "", "template_configs"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "workflow_node_template_id"]], "abacusai.WorkflowNodeTemplateConfig": [[146, 3, 1, "", "default_value"], [146, 3, 1, "", "description"], [146, 2, 1, "", "from_dict"], [146, 3, 1, "", "is_required"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.WorkflowNodeTemplateInput": [[146, 3, 1, "", "description"], [146, 2, 1, "", "from_dict"], [146, 3, 1, "", "is_required"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"]], "abacusai.WorkflowNodeTemplateOutput": [[146, 3, 1, "", "description"], [146, 2, 1, "", "from_dict"], [146, 3, 1, "", "name"], [146, 2, 1, "", "to_dict"], [146, 3, 1, "", "variable_type"]], "abacusai.WorkflowNodeTemplateType": [[146, 3, 1, "", "DEFAULT"], [146, 3, 1, "", "TRIGGER"]], "abacusai.ZendeskDatasetConfig": [[146, 2, 1, "", "__post_init__"], [146, 3, 1, "", "location"]], "abacusai._AlertActionConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._AlertConditionConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_key_value_camel_case"], [146, 3, 1, "", "config_class_map"]], "abacusai._ApiClassFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"], [146, 2, 1, "", "from_dict"]], "abacusai._ApplicationConnectorDatasetConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._BatchPredictionArgsFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._FeatureGroupExportConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._MergeConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._OperatorConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._PredictionArgumentsFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._ProjectFeatureGroupConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._SamplingConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._StreamingConnectorDatasetConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai._TrainingConfigFactory": [[146, 3, 1, "", "config_abstract_class"], [146, 3, 1, "", "config_class_key"], [146, 3, 1, "", "config_class_map"]], "abacusai.abacus_api": [[0, 1, 1, "", "AbacusApi"]], "abacusai.abacus_api.AbacusApi": [[0, 2, 1, "", "__repr__"], [0, 3, 1, "", "deprecated_keys"], [0, 3, 1, "", "docstring"], [0, 3, 1, "", "method"], [0, 3, 1, "", "score"], [0, 2, 1, "", "to_dict"]], "abacusai.address": [[1, 1, 1, "", "Address"]], "abacusai.address.Address": [[1, 2, 1, "", "__repr__"], [1, 3, 1, "", "additional_info"], [1, 3, 1, "", "address_line_1"], [1, 3, 1, "", "address_line_2"], [1, 3, 1, "", "city"], [1, 3, 1, "", "country"], [1, 3, 1, "", "deprecated_keys"], [1, 3, 1, "", "include_reverse_charge"], [1, 3, 1, "", "postal_code"], [1, 3, 1, "", "state_or_province"], [1, 2, 1, "", "to_dict"]], "abacusai.agent": [[2, 1, 1, "", "Agent"]], "abacusai.agent.Agent": [[2, 2, 1, "", "__repr__"], [2, 3, 1, "", "agent_config"], [2, 4, 1, "", "agent_connectors"], [2, 3, 1, "", "agent_execution_config"], [2, 3, 1, "", "agent_id"], [2, 4, 1, "", "agent_interface"], [2, 3, 1, "", "code_source"], [2, 2, 1, "", "copy"], [2, 3, 1, "", "created_at"], [2, 3, 1, "", "deprecated_keys"], [2, 2, 1, "", "describe"], [2, 4, 1, "", "description"], [2, 3, 1, "", "draft_workflow_graph"], [2, 2, 1, "", "get_status"], [2, 3, 1, "", "latest_agent_version"], [2, 2, 1, "", "list_versions"], [2, 3, 1, "", "memory"], [2, 3, 1, "", "name"], [2, 3, 1, "", "notebook_id"], [2, 3, 1, "", "predict_function_name"], [2, 3, 1, "", "project_id"], [2, 2, 1, "", "refresh"], [2, 2, 1, "", "republish"], [2, 3, 1, "", "source_code"], [2, 2, 1, "", "to_dict"], [2, 3, 1, "", "training_required"], [2, 2, 1, "", "wait_for_publish"], [2, 3, 1, "", "workflow_graph"]], "abacusai.agent_chat_message": [[3, 1, 1, "", "AgentChatMessage"]], "abacusai.agent_chat_message.AgentChatMessage": [[3, 2, 1, "", "__repr__"], [3, 3, 1, "", "agent_workflow_node_id"], [3, 3, 1, "", "deprecated_keys"], [3, 3, 1, "", "doc_ids"], [3, 3, 1, "", "keyword_arguments"], [3, 3, 1, "", "role"], [3, 3, 1, "", "segments"], [3, 3, 1, "", "streamed_data"], [3, 3, 1, "", "streamed_section_data"], [3, 3, 1, "", "text"], [3, 2, 1, "", "to_dict"]], "abacusai.agent_conversation": [[4, 1, 1, "", "AgentConversation"]], "abacusai.agent_conversation.AgentConversation": [[4, 2, 1, "", "__repr__"], [4, 3, 1, "", "deprecated_keys"], [4, 3, 1, "", "messages"], [4, 2, 1, "", "to_dict"]], "abacusai.agent_data_document_info": [[5, 1, 1, "", "AgentDataDocumentInfo"]], "abacusai.agent_data_document_info.AgentDataDocumentInfo": [[5, 2, 1, "", "__repr__"], [5, 3, 1, "", "deprecated_keys"], [5, 3, 1, "", "doc_id"], [5, 3, 1, "", "filename"], [5, 3, 1, "", "mime_type"], [5, 3, 1, "", "page_count"], [5, 3, 1, "", "size"], [5, 2, 1, "", "to_dict"]], "abacusai.agent_data_execution_result": [[6, 1, 1, "", "AgentDataExecutionResult"]], "abacusai.agent_data_execution_result.AgentDataExecutionResult": [[6, 2, 1, "", "__repr__"], [6, 3, 1, "", "deployment_conversation_id"], [6, 3, 1, "", "deprecated_keys"], [6, 3, 1, "", "doc_infos"], [6, 3, 1, "", "response"], [6, 2, 1, "", "to_dict"]], "abacusai.agent_version": [[7, 1, 1, "", "AgentVersion"]], "abacusai.agent_version.AgentVersion": [[7, 2, 1, "", "__repr__"], [7, 3, 1, "", "agent_config"], [7, 3, 1, "", "agent_execution_config"], [7, 3, 1, "", "agent_id"], [7, 3, 1, "", "agent_version"], [7, 3, 1, "", "code_source"], [7, 3, 1, "", "deprecated_keys"], [7, 2, 1, "", "describe"], [7, 3, 1, "", "error"], [7, 3, 1, "", "failed_deployment_ids"], [7, 2, 1, "", "get_status"], [7, 3, 1, "", "pending_deployment_ids"], [7, 3, 1, "", "publishing_completed_at"], [7, 3, 1, "", "publishing_started_at"], [7, 2, 1, "", "refresh"], [7, 3, 1, "", "status"], [7, 2, 1, "", "to_dict"], [7, 2, 1, "", "wait_for_publish"], [7, 3, 1, "", "workflow_graph"]], "abacusai.ai_building_task": [[8, 1, 1, "", "AiBuildingTask"]], "abacusai.ai_building_task.AiBuildingTask": [[8, 2, 1, "", "__repr__"], [8, 3, 1, "", "deprecated_keys"], [8, 3, 1, "", "task"], [8, 3, 1, "", "task_type"], [8, 2, 1, "", "to_dict"]], "abacusai.algorithm": [[9, 1, 1, "", "Algorithm"]], "abacusai.algorithm.Algorithm": [[9, 2, 1, "", "__repr__"], [9, 3, 1, "", "algorithm_id"], [9, 3, 1, "", "algorithm_training_config"], [9, 3, 1, "", "code_source"], [9, 3, 1, "", "config_options"], [9, 3, 1, "", "created_at"], [9, 3, 1, "", "deprecated_keys"], [9, 3, 1, "", "initialize_function_name"], [9, 3, 1, "", "is_default_enabled"], [9, 3, 1, "", "name"], [9, 3, 1, "", "only_offline_deployable"], [9, 3, 1, "", "predict_function_name"], [9, 3, 1, "", "predict_many_function_name"], [9, 3, 1, "", "problem_type"], [9, 2, 1, "", "to_dict"], [9, 3, 1, "", "train_function_name"], [9, 3, 1, "", "training_input_mappings"], [9, 3, 1, "", "updated_at"], [9, 3, 1, "", "use_gpu"]], "abacusai.annotation": [[10, 1, 1, "", "Annotation"]], "abacusai.annotation.Annotation": [[10, 2, 1, "", "__repr__"], [10, 3, 1, "", "annotation_type"], [10, 3, 1, "", "annotation_value"], [10, 3, 1, "", "comments"], [10, 3, 1, "", "deprecated_keys"], [10, 3, 1, "", "metadata"], [10, 2, 1, "", "to_dict"]], "abacusai.annotation_config": [[11, 1, 1, "", "AnnotationConfig"]], "abacusai.annotation_config.AnnotationConfig": [[11, 2, 1, "", "__repr__"], [11, 3, 1, "", "comments_features"], [11, 3, 1, "", "deprecated_keys"], [11, 3, 1, "", "feature_annotation_configs"], [11, 3, 1, "", "labels"], [11, 3, 1, "", "metadata_feature"], [11, 3, 1, "", "status_feature"], [11, 2, 1, "", "to_dict"]], "abacusai.annotation_document": [[12, 1, 1, "", "AnnotationDocument"]], "abacusai.annotation_document.AnnotationDocument": [[12, 2, 1, "", "__repr__"], [12, 3, 1, "", "deprecated_keys"], [12, 3, 1, "", "doc_id"], [12, 3, 1, "", "feature_group_row_identifier"], [12, 3, 1, "", "feature_group_row_index"], [12, 3, 1, "", "is_annotation_present"], [12, 2, 1, "", "to_dict"], [12, 3, 1, "", "total_rows"]], "abacusai.annotation_entry": [[13, 1, 1, "", "AnnotationEntry"]], "abacusai.annotation_entry.AnnotationEntry": [[13, 2, 1, "", "__repr__"], [13, 3, 1, "", "annotation"], [13, 3, 1, "", "annotation_entry_marker"], [13, 3, 1, "", "deprecated_keys"], [13, 3, 1, "", "doc_id"], [13, 3, 1, "", "feature_group_id"], [13, 3, 1, "", "feature_group_row_identifier"], [13, 3, 1, "", "feature_name"], [13, 3, 1, "", "locked_until"], [13, 3, 1, "", "status"], [13, 2, 1, "", "to_dict"], [13, 3, 1, "", "updated_at"], [13, 3, 1, "", "verification_info"]], "abacusai.annotations_status": [[14, 1, 1, "", "AnnotationsStatus"]], "abacusai.annotations_status.AnnotationsStatus": [[14, 2, 1, "", "__repr__"], [14, 3, 1, "", "deprecated_keys"], [14, 3, 1, "", "done"], [14, 3, 1, "", "in_progress"], [14, 3, 1, "", "is_materialization_needed"], [14, 3, 1, "", "latest_materialized_annotation_config"], [14, 3, 1, "", "latest_updated_at"], [14, 2, 1, "", "to_dict"], [14, 3, 1, "", "todo"], [14, 3, 1, "", "total"]], "abacusai.api_class": [[27, 1, 1, "", "AIAgentBatchPredictionArgs"], [27, 1, 1, "", "AIAgentTrainingConfig"], [27, 1, 1, "", "AbacusUsageMetricsDatasetConfig"], [27, 1, 1, "", "AccuracyBelowThresholdConditionConfig"], [27, 1, 1, "", "AgentConversationMessage"], [27, 1, 1, "", "AgentFlowButtonResponseSection"], [27, 1, 1, "", "AgentInterface"], [27, 1, 1, "", "AlertActionConfig"], [27, 1, 1, "", "AlertActionType"], [27, 1, 1, "", "AlertConditionConfig"], [27, 1, 1, "id275", "ApiClass"], [27, 1, 1, "", "ApiEnum"], [27, 1, 1, "", "ApplicationConnectorDatasetConfig"], [27, 1, 1, "", "ApplicationConnectorType"], [27, 1, 1, "", "AttachmentParsingConfig"], [27, 1, 1, "", "Base64ImageResponseSection"], [27, 1, 1, "", "BatchPredictionArgs"], [27, 1, 1, "", "BatchSize"], [27, 1, 1, "", "BiasType"], [27, 1, 1, "", "BiasViolationConditionConfig"], [27, 1, 1, "", "Blob"], [27, 1, 1, "", "BlobInput"], [27, 1, 1, "", "BoxDatasetConfig"], [27, 1, 1, "", "CPUSize"], [27, 1, 1, "", "ChartResponseSection"], [27, 1, 1, "", "ChatLLMBatchPredictionArgs"], [27, 1, 1, "", "ChatLLMPredictionArguments"], [27, 1, 1, "", "ChatLLMTrainingConfig"], [27, 1, 1, "", "ClusteringImputationMethod"], [27, 1, 1, "", "ClusteringTimeseriesTrainingConfig"], [27, 1, 1, "", "ClusteringTrainingConfig"], [27, 1, 1, "", "CodeLanguage"], [27, 1, 1, "", "CodeResponseSection"], [27, 1, 1, "", "CollapseResponseSection"], [27, 1, 1, "", "ConfluenceDatasetConfig"], [27, 1, 1, "", "ConnectorType"], [27, 1, 1, "", "ConstraintConfig"], [27, 1, 1, "", "ConstraintProjectFeatureGroupConfig"], [27, 1, 1, "", "CrawlerTransformConfig"], [27, 1, 1, "", "CumulativeForecastingPredictionArguments"], [27, 1, 1, "", "CumulativeForecastingTrainingConfig"], [27, 1, 1, "", "CustomAlgorithmTrainingConfig"], [27, 1, 1, "", "CustomTrainedModelTrainingConfig"], [27, 1, 1, "", "DataGenerationConfig"], [27, 1, 1, "", "DataIntegrityViolationConditionConfig"], [27, 1, 1, "", "DataIntegrityViolationType"], [27, 1, 1, "", "DataType"], [27, 1, 1, "", "DatabaseConnectorExportConfig"], [27, 1, 1, "", "DataframeResponseSection"], [27, 1, 1, "id68", "DatasetConfig"], [27, 1, 1, "id70", "DatasetDocumentProcessingConfig"], [27, 1, 1, "", "DeployableAlgorithm"], [27, 1, 1, "", "DeploymentConversationType"], [27, 1, 1, "", "DocumentClassificationTrainingConfig"], [27, 1, 1, "id153", "DocumentProcessingConfig"], [27, 6, 1, "", "DocumentRetrieverConfig"], [27, 1, 1, "", "DocumentSummarizationTrainingConfig"], [27, 1, 1, "id127", "DocumentType"], [27, 1, 1, "", "DocumentVisualizationTrainingConfig"], [27, 1, 1, "", "EmailActionConfig"], [27, 1, 1, "", "EvalArtifactType"], [27, 1, 1, "", "EventAnomalyTrainingConfig"], [27, 1, 1, "", "ExperimentationMode"], [27, 1, 1, "", "ExplainerType"], [27, 1, 1, "", "ExtractDocumentDataConfig"], [27, 1, 1, "", "FeatureDriftConditionConfig"], [27, 1, 1, "", "FeatureDriftType"], [27, 1, 1, "", "FeatureGroupExportConfig"], [27, 1, 1, "", "FeatureMappingConfig"], [27, 1, 1, "", "FeatureStorePredictionArguments"], [27, 1, 1, "", "FieldDescriptor"], [27, 1, 1, "", "FieldDescriptorType"], [27, 1, 1, "", "FileConnectorExportConfig"], [27, 1, 1, "", "FileFormat"], [27, 1, 1, "", "FillLogic"], [27, 1, 1, "", "ForecastingBatchPredictionArgs"], [27, 1, 1, "", "ForecastingDataSplitType"], [27, 1, 1, "", "ForecastingFillMethod"], [27, 1, 1, "", "ForecastingFrequency"], [27, 1, 1, "", "ForecastingLocalScaling"], [27, 1, 1, "", "ForecastingLossFunction"], [27, 1, 1, "", "ForecastingMonitorConfig"], [27, 1, 1, "", "ForecastingObjective"], [27, 1, 1, "", "ForecastingPredictionArguments"], [27, 1, 1, "", "ForecastingQuanitlesExtensionMethod"], [27, 1, 1, "", "ForecastingTrainingConfig"], [27, 1, 1, "", "FreshserviceDatasetConfig"], [27, 1, 1, "", "GoogleAnalyticsDatasetConfig"], [27, 1, 1, "", "GoogleDriveDatasetConfig"], [27, 1, 1, "", "HistoryLengthDriftConditionConfig"], [27, 1, 1, "", "HolidayCalendars"], [27, 1, 1, "", "HotkeyPrompt"], [27, 1, 1, "", "ImageUrlResponseSection"], [27, 1, 1, "", "IncrementalDatabaseConnectorConfig"], [27, 1, 1, "", "ItemAttributesStdDevThreshold"], [27, 1, 1, "", "JSONSchema"], [27, 1, 1, "", "JiraDatasetConfig"], [27, 1, 1, "", "KafkaDatasetConfig"], [27, 1, 1, "", "LLMName"], [27, 1, 1, "", "LastNMergeConfig"], [27, 1, 1, "", "ListResponseSection"], [27, 1, 1, "", "MarkdownConfig"], [27, 1, 1, "", "MarkdownOperatorInputType"], [27, 1, 1, "", "MemorySize"], [27, 1, 1, "", "MergeConfig"], [27, 1, 1, "", "MergeMode"], [27, 1, 1, "", "MonitorAlertType"], [27, 1, 1, "", "MonitorFilteringConfig"], [27, 1, 1, "", "MonitorThresholdConfig"], [27, 1, 1, "", "NERModelType"], [27, 1, 1, "", "NERObjective"], [27, 1, 1, "", "NLPDocumentFormat"], [27, 1, 1, "", "NSamplingConfig"], [27, 1, 1, "", "NamedEntityExtractionBatchPredictionArgs"], [27, 1, 1, "", "NamedEntityExtractionTrainingConfig"], [27, 1, 1, "", "NaturalLanguageSearchPredictionArguments"], [27, 1, 1, "", "NaturalLanguageSearchTrainingConfig"], [27, 1, 1, "id113", "OcrMode"], [27, 1, 1, "", "OneDriveDatasetConfig"], [27, 1, 1, "", "OperatorConfig"], [27, 1, 1, "", "OperatorType"], [27, 1, 1, "", "OptimizationPredictionArguments"], [27, 1, 1, "", "OptimizationTrainingConfig"], [27, 1, 1, "", "OutputVariableMapping"], [27, 1, 1, "", "ParsingConfig"], [27, 1, 1, "", "PartialDependenceAnalysis"], [27, 1, 1, "", "PercentSamplingConfig"], [27, 1, 1, "", "PersonalizationBatchPredictionArgs"], [27, 1, 1, "", "PersonalizationObjective"], [27, 1, 1, "", "PersonalizationTrainingConfig"], [27, 1, 1, "", "PersonalizationTrainingMode"], [27, 1, 1, "", "PredictionArguments"], [27, 1, 1, "", "PredictionCountConditionConfig"], [27, 1, 1, "", "PredictiveModelingBatchPredictionArgs"], [27, 1, 1, "", "PretrainedModelsBatchPredictionArgs"], [27, 1, 1, "", "ProblemType"], [27, 1, 1, "", "ProjectConfigType"], [27, 1, 1, "", "ProjectFeatureGroupConfig"], [27, 1, 1, "", "ProjectFeatureGroupTypeMappingsConfig"], [27, 1, 1, "", "PythonFunctionArgument"], [27, 1, 1, "", "PythonFunctionArgumentType"], [27, 1, 1, "", "PythonFunctionOutputArgumentType"], [27, 1, 1, "", "PythonFunctionType"], [27, 1, 1, "", "RegressionAugmentationStrategy"], [27, 1, 1, "", "RegressionLossFunction"], [27, 1, 1, "", "RegressionObjective"], [27, 1, 1, "", "RegressionPredictionArguments"], [27, 1, 1, "", "RegressionTargetTransform"], [27, 1, 1, "", "RegressionTimeSplitMethod"], [27, 1, 1, "", "RegressionTrainingConfig"], [27, 1, 1, "", "RegressionTreeHPOMode"], [27, 1, 1, "", "RegressionTypeOfSplit"], [27, 1, 1, "", "ResponseSection"], [27, 1, 1, "", "ResponseSectionType"], [27, 1, 1, "", "RestrictFeatureMappings"], [27, 1, 1, "", "ReviewModeProjectFeatureGroupConfig"], [27, 1, 1, "", "RuntimeSchemaResponseSection"], [27, 1, 1, "", "SamplingConfig"], [27, 1, 1, "", "SamplingMethodType"], [27, 6, 1, "", "Segment"], [27, 1, 1, "", "SentenceBoundaryDetectionBatchPredictionArgs"], [27, 1, 1, "", "SentenceBoundaryDetectionTrainingConfig"], [27, 1, 1, "", "SentimentDetectionTrainingConfig"], [27, 1, 1, "", "SentimentType"], [27, 1, 1, "", "SharepointDatasetConfig"], [27, 1, 1, "", "StdDevThreshold"], [27, 1, 1, "id200", "StdDevThresholdType"], [27, 1, 1, "", "StreamingConnectorDatasetConfig"], [27, 1, 1, "", "StreamingConnectorType"], [27, 1, 1, "", "TargetDriftConditionConfig"], [27, 1, 1, "", "TeamsScraperDatasetConfig"], [27, 1, 1, "", "TextResponseSection"], [27, 1, 1, "", "ThemeAnalysisBatchPredictionArgs"], [27, 1, 1, "", "ThemeAnalysisTrainingConfig"], [27, 1, 1, "", "TimeWindowConfig"], [27, 1, 1, "", "TimeWindowMergeConfig"], [27, 1, 1, "", "TimeseriesAnomalyDataSplitType"], [27, 1, 1, "", "TimeseriesAnomalyPredictionArguments"], [27, 1, 1, "", "TimeseriesAnomalyTrainingConfig"], [27, 1, 1, "", "TimeseriesAnomalyTypeOfAnomaly"], [27, 1, 1, "", "TimeseriesAnomalyUseHeuristic"], [27, 1, 1, "", "TrainablePlugAndPlayBatchPredictionArgs"], [27, 1, 1, "", "TrainingConfig"], [27, 1, 1, "", "TriggerConfig"], [27, 1, 1, "", "UnionTransformConfig"], [27, 1, 1, "", "UnpivotConfig"], [27, 1, 1, "", "VectorStoreConfig"], [27, 1, 1, "id105", "VectorStoreTextEncoder"], [27, 1, 1, "", "WorkflowGraph"], [27, 1, 1, "", "WorkflowGraphEdge"], [27, 1, 1, "", "WorkflowGraphNode"], [27, 1, 1, "", "WorkflowNodeInputMapping"], [27, 1, 1, "", "WorkflowNodeInputSchema"], [27, 1, 1, "", "WorkflowNodeInputType"], [27, 1, 1, "", "WorkflowNodeOutputMapping"], [27, 1, 1, "", "WorkflowNodeOutputSchema"], [27, 1, 1, "", "WorkflowNodeOutputType"], [27, 1, 1, "", "WorkflowNodeTemplateConfig"], [27, 1, 1, "", "WorkflowNodeTemplateInput"], [27, 1, 1, "", "WorkflowNodeTemplateOutput"], [27, 1, 1, "", "WorkflowNodeTemplateType"], [27, 1, 1, "", "ZendeskDatasetConfig"], [27, 1, 1, "", "_AlertActionConfigFactory"], [27, 1, 1, "", "_AlertConditionConfigFactory"], [27, 1, 1, "id270", "_ApiClassFactory"], [27, 1, 1, "", "_ApplicationConnectorDatasetConfigFactory"], [27, 1, 1, "", "_BatchPredictionArgsFactory"], [27, 1, 1, "", "_FeatureGroupExportConfigFactory"], [27, 1, 1, "", "_MergeConfigFactory"], [27, 1, 1, "", "_OperatorConfigFactory"], [27, 1, 1, "", "_PredictionArgumentsFactory"], [27, 1, 1, "", "_ProjectFeatureGroupConfigFactory"], [27, 1, 1, "", "_SamplingConfigFactory"], [27, 1, 1, "", "_StreamingConnectorDatasetConfigFactory"], [27, 1, 1, "", "_TrainingConfigFactory"], [15, 0, 0, "-", "abstract"], [16, 0, 0, "-", "ai_agents"], [17, 0, 0, "-", "ai_chat"], [18, 0, 0, "-", "batch_prediction"], [19, 0, 0, "-", "blob_input"], [20, 0, 0, "-", "connectors"], [21, 0, 0, "-", "dataset"], [22, 0, 0, "-", "dataset_application_connector"], [23, 0, 0, "-", "deployment"], [27, 7, 1, "", "deprecated_enums"], [24, 0, 0, "-", "document_retriever"], [25, 0, 0, "-", "enums"], [26, 0, 0, "-", "feature_group"], [27, 7, 1, "", "get_clean_function_source_code_for_agent"], [28, 0, 0, "-", "model"], [29, 0, 0, "-", "monitor"], [30, 0, 0, "-", "monitor_alert"], [31, 0, 0, "-", "project"], [32, 0, 0, "-", "python_functions"], [33, 0, 0, "-", "refresh"], [34, 0, 0, "-", "segments"], [27, 7, 1, "", "validate_constructor_arg_types"], [27, 7, 1, "", "validate_input_dict_param"]], "abacusai.api_class.AIAgentBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"]], "abacusai.api_class.AIAgentTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "agent_connectors"], [27, 3, 1, "", "agent_input_schema"], [27, 3, 1, "", "agent_interface"], [27, 3, 1, "", "agent_output_schema"], [27, 3, 1, "", "description"], [27, 3, 1, "", "enable_binary_input"]], "abacusai.api_class.AbacusUsageMetricsDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "include_all_feedback"], [27, 3, 1, "", "include_entire_conversation_history"], [27, 3, 1, "", "resolve_matching_documents"]], "abacusai.api_class.AccuracyBelowThresholdConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.AgentConversationMessage": [[27, 3, 1, "", "document_contents"], [27, 3, 1, "", "is_user"], [27, 3, 1, "", "text"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.AgentFlowButtonResponseSection": [[27, 3, 1, "", "agent_workflow_node_name"], [27, 3, 1, "", "label"]], "abacusai.api_class.AgentInterface": [[27, 3, 1, "", "AUTONOMOUS"], [27, 3, 1, "", "CHAT"], [27, 3, 1, "", "DEFAULT"], [27, 3, 1, "", "MATRIX"]], "abacusai.api_class.AlertActionConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "action_type"]], "abacusai.api_class.AlertActionType": [[27, 3, 1, "", "EMAIL"]], "abacusai.api_class.AlertConditionConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "alert_type"]], "abacusai.api_class.ApiClass": [[27, 2, 1, "id282", "__getitem__"], [27, 2, 1, "id278", "__post_init__"], [27, 2, 1, "id283", "__setitem__"], [27, 2, 1, "id280", "__str__"], [27, 2, 1, "id279", "_get_builder"], [27, 2, 1, "id281", "_repr_html_"], [27, 3, 1, "id277", "_support_kwargs"], [27, 2, 1, "id284", "_unset_item"], [27, 3, 1, "id276", "_upper_snake_case_keys"], [27, 2, 1, "id288", "from_dict"], [27, 2, 1, "id285", "get"], [27, 2, 1, "id286", "pop"], [27, 2, 1, "id287", "to_dict"]], "abacusai.api_class.ApiEnum": [[27, 3, 1, "", "__deprecated_values__"], [27, 2, 1, "", "__eq__"], [27, 2, 1, "", "__hash__"], [27, 2, 1, "", "is_deprecated"]], "abacusai.api_class.ApplicationConnectorDatasetConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "application_connector_id"], [27, 3, 1, "", "application_connector_type"], [27, 3, 1, "", "document_processing_config"]], "abacusai.api_class.ApplicationConnectorType": [[27, 3, 1, "", "ABACUSUSAGEMETRICS"], [27, 3, 1, "", "BOX"], [27, 3, 1, "", "CONFLUENCE"], [27, 3, 1, "", "FRESHSERVICE"], [27, 3, 1, "", "GIT"], [27, 3, 1, "", "GITHUBUSER"], [27, 3, 1, "", "GMAILUSER"], [27, 3, 1, "", "GOOGLEANALYTICS"], [27, 3, 1, "", "GOOGLECALENDAR"], [27, 3, 1, "", "GOOGLEDOCS"], [27, 3, 1, "", "GOOGLEDRIVE"], [27, 3, 1, "", "GOOGLEDRIVEUSER"], [27, 3, 1, "", "GOOGLESHEETS"], [27, 3, 1, "", "GOOGLEWORKSPACEUSER"], [27, 3, 1, "", "JIRA"], [27, 3, 1, "", "MICROSOFTAUTH"], [27, 3, 1, "", "OKTASAML"], [27, 3, 1, "", "ONEDRIVE"], [27, 3, 1, "", "SHAREPOINT"], [27, 3, 1, "", "SLACK"], [27, 3, 1, "", "TEAMS"], [27, 3, 1, "", "TEAMSSCRAPER"], [27, 3, 1, "", "ZENDESK"], [27, 3, 1, "", "ZENDESKSUNSHINEMESSAGING"]], "abacusai.api_class.AttachmentParsingConfig": [[27, 3, 1, "", "column_name"], [27, 3, 1, "", "feature_group_name"], [27, 3, 1, "", "urls"]], "abacusai.api_class.Base64ImageResponseSection": [[27, 3, 1, "", "b64_image"]], "abacusai.api_class.BatchPredictionArgs": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "_support_kwargs"], [27, 3, 1, "", "kwargs"], [27, 3, 1, "", "problem_type"]], "abacusai.api_class.BatchSize": [[27, 3, 1, "", "BATCH_1024"], [27, 3, 1, "", "BATCH_128"], [27, 3, 1, "", "BATCH_16"], [27, 3, 1, "", "BATCH_256"], [27, 3, 1, "", "BATCH_32"], [27, 3, 1, "", "BATCH_384"], [27, 3, 1, "", "BATCH_512"], [27, 3, 1, "", "BATCH_64"], [27, 3, 1, "", "BATCH_740"], [27, 3, 1, "", "BATCH_8"]], "abacusai.api_class.BiasType": [[27, 3, 1, "", "DEMOGRAPHIC_PARITY"], [27, 3, 1, "", "EQUAL_OPPORTUNITY"], [27, 3, 1, "", "GROUP_BENEFIT_EQUALITY"], [27, 3, 1, "", "TOTAL"]], "abacusai.api_class.BiasViolationConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "bias_type"], [27, 3, 1, "", "minimum_violations"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.Blob": [[27, 3, 1, "", "contents"], [27, 3, 1, "", "filename"], [27, 2, 1, "", "from_contents"], [27, 2, 1, "", "from_local_file"], [27, 3, 1, "", "mime_type"], [27, 3, 1, "", "size"]], "abacusai.api_class.BoxDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.CPUSize": [[27, 3, 1, "", "LARGE"], [27, 3, 1, "", "MEDIUM"], [27, 3, 1, "", "SMALL"]], "abacusai.api_class.ChartResponseSection": [[27, 3, 1, "", "chart"]], "abacusai.api_class.ChatLLMBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.ChatLLMPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "ignore_documents"], [27, 3, 1, "", "llm_name"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "search_score_cutoff"], [27, 3, 1, "", "system_message"], [27, 3, 1, "", "temperature"]], "abacusai.api_class.ChatLLMTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "behavior_instructions"], [27, 3, 1, "", "column_filtering_instructions"], [27, 3, 1, "", "data_columns_to_ignore"], [27, 3, 1, "", "data_feature_group_ids"], [27, 3, 1, "", "data_prompt_column_context"], [27, 3, 1, "", "data_prompt_context"], [27, 3, 1, "", "data_prompt_table_context"], [27, 3, 1, "", "database_connector_id"], [27, 3, 1, "", "database_connector_tables"], [27, 3, 1, "", "disable_data_summarization"], [27, 3, 1, "", "document_retrievers"], [27, 3, 1, "", "enable_code_execution"], [27, 3, 1, "", "enable_inline_source_citations"], [27, 3, 1, "", "enable_llm_rewrite"], [27, 3, 1, "", "enable_response_caching"], [27, 3, 1, "", "enable_tool_bar"], [27, 3, 1, "", "enable_web_search"], [27, 3, 1, "", "filter_columns"], [27, 3, 1, "", "hide_sql_and_code"], [27, 3, 1, "", "include_bm25_retrieval"], [27, 3, 1, "", "include_general_knowledge"], [27, 3, 1, "", "json_response_instructions"], [27, 3, 1, "", "json_response_schema"], [27, 3, 1, "", "keyword_requirement_instructions"], [27, 3, 1, "", "lookup_rewrite_instructions"], [27, 3, 1, "", "max_search_results"], [27, 3, 1, "", "metadata_columns"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "query_rewrite_instructions"], [27, 3, 1, "", "response_format"], [27, 3, 1, "", "response_instructions"], [27, 3, 1, "", "retrieval_columns"], [27, 3, 1, "", "search_score_cutoff"], [27, 3, 1, "", "temperature"], [27, 3, 1, "", "unknown_answer_phrase"]], "abacusai.api_class.ClusteringImputationMethod": [[27, 3, 1, "", "AUTOMATIC"], [27, 3, 1, "", "INTERPOLATE"], [27, 3, 1, "", "ZEROS"]], "abacusai.api_class.ClusteringTimeseriesTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "imputation"], [27, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.ClusteringTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.CodeLanguage": [[27, 3, 1, "", "PYTHON"], [27, 3, 1, "", "SQL"]], "abacusai.api_class.CodeResponseSection": [[27, 3, 1, "", "code"], [27, 3, 1, "", "language"]], "abacusai.api_class.CollapseResponseSection": [[27, 3, 1, "", "content"], [27, 3, 1, "", "title"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.ConfluenceDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "pull_attachments"], [27, 3, 1, "", "space_key"]], "abacusai.api_class.ConnectorType": [[27, 3, 1, "", "APPLICATION"], [27, 3, 1, "", "DATABASE"], [27, 3, 1, "", "FILE"], [27, 3, 1, "", "STREAMING"]], "abacusai.api_class.ConstraintConfig": [[27, 3, 1, "", "code"], [27, 3, 1, "", "constant"], [27, 3, 1, "", "enforcement"], [27, 3, 1, "", "operator"], [27, 3, 1, "", "penalty"]], "abacusai.api_class.ConstraintProjectFeatureGroupConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "constraints"]], "abacusai.api_class.CrawlerTransformConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "crawl_depth"], [27, 3, 1, "", "depth_column"], [27, 3, 1, "", "disable_host_restriction"], [27, 3, 1, "", "honour_website_rules"], [27, 3, 1, "", "input_column"], [27, 3, 1, "", "input_column_type"], [27, 3, 1, "", "output_column"], [27, 3, 1, "", "user_agent"]], "abacusai.api_class.CumulativeForecastingPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"], [27, 3, 1, "", "get_item_data"], [27, 3, 1, "", "num_predictions"], [27, 3, 1, "", "prediction_start"]], "abacusai.api_class.CumulativeForecastingTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "cumulative_prediction_lengths"], [27, 3, 1, "", "historical_frequency"], [27, 3, 1, "", "predict_residuals"], [27, 3, 1, "", "skip_input_transform"], [27, 3, 1, "", "skip_target_transform"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.CustomAlgorithmTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "timeout_minutes"]], "abacusai.api_class.CustomTrainedModelTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "docker_image_uri"], [27, 3, 1, "", "index_output_path"], [27, 3, 1, "", "max_catalog_size"], [27, 3, 1, "", "max_dimension"], [27, 3, 1, "", "service_port"], [27, 3, 1, "", "streaming_embeddings"]], "abacusai.api_class.DataGenerationConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "completion_col"], [27, 3, 1, "", "concurrency"], [27, 3, 1, "", "description_col"], [27, 3, 1, "", "documentation_char_limit"], [27, 3, 1, "", "examples_per_target"], [27, 3, 1, "", "fewshot_examples"], [27, 3, 1, "", "frequency_penalty"], [27, 3, 1, "", "generation_instructions"], [27, 3, 1, "", "id_col"], [27, 3, 1, "", "model"], [27, 3, 1, "", "oversample"], [27, 3, 1, "", "prompt_col"], [27, 3, 1, "", "seed"], [27, 3, 1, "", "subset_size"], [27, 3, 1, "", "temperature"], [27, 3, 1, "", "token_budget"], [27, 3, 1, "", "verify_response"]], "abacusai.api_class.DataIntegrityViolationConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "data_integrity_type"], [27, 3, 1, "", "minimum_violations"]], "abacusai.api_class.DataIntegrityViolationType": [[27, 3, 1, "", "CATEGORICAL_RANGE_VIOLATION"], [27, 3, 1, "", "NULL_VIOLATIONS"], [27, 3, 1, "", "RANGE_VIOLATIONS"], [27, 3, 1, "", "TOTAL_VIOLATIONS"]], "abacusai.api_class.DataType": [[27, 3, 1, "", "BINARY"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATE"], [27, 3, 1, "", "DATETIME"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "NULL"], [27, 3, 1, "", "STRING"], [27, 3, 1, "", "STRUCT"]], "abacusai.api_class.DatabaseConnectorExportConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "additional_id_columns"], [27, 3, 1, "", "data_columns"], [27, 3, 1, "", "database_connector_id"], [27, 3, 1, "", "id_column"], [27, 3, 1, "", "mode"], [27, 3, 1, "", "object_name"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.DataframeResponseSection": [[27, 3, 1, "", "df"], [27, 3, 1, "", "header"]], "abacusai.api_class.DatasetConfig": [[27, 3, 1, "id69", "is_documentset"]], "abacusai.api_class.DatasetDocumentProcessingConfig": [[27, 3, 1, "id71", "page_text_column"]], "abacusai.api_class.DeployableAlgorithm": [[27, 3, 1, "", "algorithm"], [27, 3, 1, "", "name"], [27, 3, 1, "", "only_offline_deployable"], [27, 3, 1, "", "trained_model_types"]], "abacusai.api_class.DeploymentConversationType": [[27, 3, 1, "", "AGENT_CONTROLLER"], [27, 3, 1, "", "CHAT_LLM"], [27, 3, 1, "", "CODE_LLM"], [27, 3, 1, "", "COMPLEX_AGENT"], [27, 3, 1, "", "COPILOT"], [27, 3, 1, "", "SIMPLE_AGENT"], [27, 3, 1, "", "WORKFLOW_AGENT"]], "abacusai.api_class.DocumentClassificationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "zero_shot_hypotheses"]], "abacusai.api_class.DocumentProcessingConfig": [[27, 2, 1, "id164", "__post_init__"], [27, 2, 1, "id165", "_detect_ocr_mode"], [27, 2, 1, "id166", "_get_filtered_dict"], [27, 3, 1, "id161", "convert_to_markdown"], [27, 3, 1, "id154", "document_type"], [27, 3, 1, "id156", "extract_bounding_boxes"], [27, 3, 1, "id163", "extract_images"], [27, 3, 1, "id155", "highlight_relevant_text"], [27, 3, 1, "id162", "mask_pii"], [27, 3, 1, "id157", "ocr_mode"], [27, 3, 1, "id159", "remove_header_footer"], [27, 3, 1, "id160", "remove_watermarks"], [27, 3, 1, "id158", "use_full_ocr"]], "abacusai.api_class.DocumentSummarizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.DocumentType": [[27, 3, 1, "id131", "EMBEDDED_IMAGES"], [27, 3, 1, "id132", "SCANNED_TEXT"], [27, 3, 1, "id128", "SIMPLE_TEXT"], [27, 3, 1, "id130", "TABLES_AND_FORMS"], [27, 3, 1, "id129", "TEXT"], [27, 2, 1, "id133", "is_ocr_forced"]], "abacusai.api_class.DocumentVisualizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.EmailActionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "email_body"], [27, 3, 1, "", "email_recipients"]], "abacusai.api_class.EvalArtifactType": [[27, 3, 1, "", "FORECASTING_ACCURACY"], [27, 3, 1, "", "FORECASTING_HISTORY_LENGTH_ACCURACY"], [27, 3, 1, "", "FORECASTING_VOLUME"]], "abacusai.api_class.EventAnomalyTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "anomaly_fraction"]], "abacusai.api_class.ExperimentationMode": [[27, 3, 1, "", "RAPID"], [27, 3, 1, "", "THOROUGH"]], "abacusai.api_class.ExplainerType": [[27, 3, 1, "", "EBM_EXPLAINER"], [27, 3, 1, "", "KERNEL_EXPLAINER"], [27, 3, 1, "", "LIME_EXPLAINER"], [27, 3, 1, "", "TREE_EXPLAINER"]], "abacusai.api_class.ExtractDocumentDataConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "doc_id_column"], [27, 3, 1, "", "document_column"], [27, 3, 1, "", "document_processing_config"]], "abacusai.api_class.FeatureDriftConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_drift_type"], [27, 3, 1, "", "feature_names"], [27, 3, 1, "", "minimum_violations"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.FeatureDriftType": [[27, 3, 1, "", "CHI_SQUARE"], [27, 3, 1, "", "CSI"], [27, 3, 1, "", "JS"], [27, 3, 1, "", "KL"], [27, 3, 1, "", "KS"], [27, 3, 1, "", "PSI"], [27, 3, 1, "", "WS"]], "abacusai.api_class.FeatureGroupExportConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "connector_type"]], "abacusai.api_class.FeatureMappingConfig": [[27, 3, 1, "", "feature_mapping"], [27, 3, 1, "", "feature_name"], [27, 3, 1, "", "nested_feature_name"]], "abacusai.api_class.FeatureStorePredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "limit_results"]], "abacusai.api_class.FieldDescriptor": [[27, 3, 1, "", "description"], [27, 3, 1, "", "example_extraction"], [27, 3, 1, "", "field"], [27, 3, 1, "", "type"]], "abacusai.api_class.FieldDescriptorType": [[27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATE"], [27, 3, 1, "", "DATETIME"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "STRING"]], "abacusai.api_class.FileConnectorExportConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "export_file_format"], [27, 3, 1, "", "location"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.FileFormat": [[27, 3, 1, "", "AVRO"], [27, 3, 1, "", "CSV"], [27, 3, 1, "", "DOCX"], [27, 3, 1, "", "EML"], [27, 3, 1, "", "FLV"], [27, 3, 1, "", "GIF"], [27, 3, 1, "", "GZ"], [27, 3, 1, "", "HTML"], [27, 3, 1, "", "JPEG"], [27, 3, 1, "", "JSON"], [27, 3, 1, "", "MD"], [27, 3, 1, "", "MOV"], [27, 3, 1, "", "MP3"], [27, 3, 1, "", "MP4"], [27, 3, 1, "", "MPEG"], [27, 3, 1, "", "MPG"], [27, 3, 1, "", "MSG"], [27, 3, 1, "", "NUMBERS"], [27, 3, 1, "", "ODS"], [27, 3, 1, "", "ORC"], [27, 3, 1, "", "PARQUET"], [27, 3, 1, "", "PDF"], [27, 3, 1, "", "PNG"], [27, 3, 1, "", "PPT"], [27, 3, 1, "", "PPTX"], [27, 3, 1, "", "RAR"], [27, 3, 1, "", "TAR"], [27, 3, 1, "", "TFRECORD"], [27, 3, 1, "", "TIF"], [27, 3, 1, "", "TSV"], [27, 3, 1, "", "TXT"], [27, 3, 1, "", "WEBM"], [27, 3, 1, "", "WEBP"], [27, 3, 1, "", "WMV"], [27, 3, 1, "", "XLS"], [27, 3, 1, "", "ZIP"]], "abacusai.api_class.FillLogic": [[27, 3, 1, "", "AVERAGE"], [27, 3, 1, "", "BACKFILL"], [27, 3, 1, "", "CUSTOM"], [27, 3, 1, "", "FORWARDFILL"], [27, 3, 1, "", "LINEAR"], [27, 3, 1, "", "MAX"], [27, 3, 1, "", "MEDIAN"], [27, 3, 1, "", "MIN"], [27, 3, 1, "", "NEAREST"]], "abacusai.api_class.ForecastingBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "create_monitor"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "forecasting_horizon"], [27, 3, 1, "", "item_attributes_to_include_in_the_result"], [27, 3, 1, "", "predictions_start_date"], [27, 3, 1, "", "start_date_offset"], [27, 3, 1, "", "use_prediction_offset"]], "abacusai.api_class.ForecastingDataSplitType": [[27, 3, 1, "", "AUTO"], [27, 3, 1, "", "ITEM"], [27, 3, 1, "", "L_SHAPED_AUTO"], [27, 3, 1, "", "L_SHAPED_TIMESTAMP"], [27, 3, 1, "", "PREDICTION_LENGTH"], [27, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.ForecastingFillMethod": [[27, 3, 1, "", "BACK"], [27, 3, 1, "", "FUTURE"], [27, 3, 1, "", "MIDDLE"]], "abacusai.api_class.ForecastingFrequency": [[27, 3, 1, "", "DAILY"], [27, 3, 1, "", "HOURLY"], [27, 3, 1, "", "MONTH_END"], [27, 3, 1, "", "MONTH_START"], [27, 3, 1, "", "QUARTER_END"], [27, 3, 1, "", "QUARTER_START"], [27, 3, 1, "", "WEEKLY_MONDAY_START"], [27, 3, 1, "", "WEEKLY_SATURDAY_START"], [27, 3, 1, "", "WEEKLY_SUNDAY_START"], [27, 3, 1, "", "YEARLY"]], "abacusai.api_class.ForecastingLocalScaling": [[27, 3, 1, "", "ITEM"], [27, 3, 1, "", "LAST_POINT"], [27, 3, 1, "", "MIN_MAX"], [27, 3, 1, "", "MIN_STD"], [27, 3, 1, "", "ROBUST"], [27, 3, 1, "", "SLIDING_ZSCORE"], [27, 3, 1, "", "ZSCORE"]], "abacusai.api_class.ForecastingLossFunction": [[27, 3, 1, "", "ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [27, 3, 1, "", "CUSTOM"], [27, 3, 1, "", "GAUSSIAN"], [27, 3, 1, "", "GAUSSIAN_FULL_COVARIANCE"], [27, 3, 1, "", "GUASSIAN_EXPONENTIAL"], [27, 3, 1, "", "LOG_ROOT_MEAN_SQUARE_ERROR"], [27, 3, 1, "", "MEAN_ABSOLUTE_ERROR"], [27, 3, 1, "", "MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [27, 3, 1, "", "MIX_GAUSSIANS"], [27, 3, 1, "", "NEGATIVE_BINOMIAL"], [27, 3, 1, "", "NORMALIZED_MEAN_ABSOLUTE_ERROR"], [27, 3, 1, "", "NORMALIZED_ROOT_MEAN_SQUARE_ERROR"], [27, 3, 1, "", "PEAKS_MEAN_ABSOLUTE_ERROR"], [27, 3, 1, "", "POINTWISE_ACCURACY"], [27, 3, 1, "", "ROOT_MEAN_SQUARE_ERROR"], [27, 3, 1, "", "STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [27, 3, 1, "", "WEIBULL"]], "abacusai.api_class.ForecastingMonitorConfig": [[27, 3, 1, "", "end_time"], [27, 3, 1, "", "id_column"], [27, 3, 1, "", "start_time"], [27, 3, 1, "", "target_column"], [27, 3, 1, "", "timestamp_column"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "window_config"]], "abacusai.api_class.ForecastingObjective": [[27, 3, 1, "", "ACCURACY"], [27, 3, 1, "", "BIAS"], [27, 3, 1, "", "CMAPE"], [27, 3, 1, "", "CV"], [27, 3, 1, "", "MAPE"], [27, 3, 1, "", "RMSE"], [27, 3, 1, "", "SRMSE"], [27, 3, 1, "", "WAPE"]], "abacusai.api_class.ForecastingPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"], [27, 3, 1, "", "get_item_data"], [27, 3, 1, "", "num_predictions"], [27, 3, 1, "", "prediction_start"]], "abacusai.api_class.ForecastingQuanitlesExtensionMethod": [[27, 3, 1, "", "ANCESTRAL_SIMULATION"], [27, 3, 1, "", "DIRECT"], [27, 3, 1, "", "QUADRATIC"]], "abacusai.api_class.ForecastingTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "additional_forecast_keys"], [27, 3, 1, "", "allow_training_with_small_history"], [27, 3, 1, "", "backtesting_window_step_size"], [27, 3, 1, "", "batch_renormalization"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "convolution_filters"], [27, 3, 1, "", "convolutional_layers"], [27, 3, 1, "", "custom_loss_functions"], [27, 3, 1, "", "custom_metrics"], [27, 3, 1, "", "data_split_feature_group_table_name"], [27, 3, 1, "", "datetime_holiday_calendars"], [27, 3, 1, "", "disable_networks_without_analytic_quantiles"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "enable_clustering"], [27, 3, 1, "", "enable_cold_start"], [27, 3, 1, "", "enable_feature_selection"], [27, 3, 1, "", "enable_multiple_backtests"], [27, 3, 1, "", "enable_padding"], [27, 3, 1, "", "experimentation_mode"], [27, 3, 1, "", "fill_missing_values"], [27, 3, 1, "", "filter_items"], [27, 3, 1, "", "force_prediction_length"], [27, 3, 1, "", "forecast_frequency"], [27, 3, 1, "", "full_data_retraining"], [27, 3, 1, "", "handle_zeros_as_missing_values"], [27, 3, 1, "", "history_length"], [27, 3, 1, "", "initial_learning_rate"], [27, 3, 1, "", "item_attributes_weight_column"], [27, 3, 1, "", "l2_regularization_factor"], [27, 3, 1, "", "local_scale_target"], [27, 3, 1, "", "local_scaling_mode"], [27, 3, 1, "", "loss_function"], [27, 3, 1, "", "max_scale_context"], [27, 3, 1, "", "num_backtesting_windows"], [27, 3, 1, "", "number_of_samples"], [27, 3, 1, "", "objective"], [27, 3, 1, "", "prediction_length"], [27, 3, 1, "", "prediction_step_size"], [27, 3, 1, "", "probability_quantiles"], [27, 3, 1, "", "quantiles_extension_method"], [27, 3, 1, "", "recurrent_layers"], [27, 3, 1, "", "recurrent_units"], [27, 3, 1, "", "return_fractional_forecasts"], [27, 3, 1, "", "skip_missing"], [27, 3, 1, "", "skip_timeseries_weight_scaling"], [27, 3, 1, "", "smooth_history"], [27, 3, 1, "", "sort_objective"], [27, 3, 1, "", "symmetrize_quantiles"], [27, 3, 1, "", "test_by_item"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_start"], [27, 3, 1, "", "timeseries_loss_weight_column"], [27, 3, 1, "", "timeseries_weight_column"], [27, 3, 1, "", "training_point_overlap"], [27, 3, 1, "", "type_of_split"], [27, 3, 1, "", "underprediction_weight"], [27, 3, 1, "", "use_all_item_totals"], [27, 3, 1, "", "use_clipping"], [27, 3, 1, "", "use_item_id"], [27, 3, 1, "", "use_item_weights_in_objective"], [27, 3, 1, "", "use_log_transforms"], [27, 3, 1, "", "use_timeseries_weights_in_objective"], [27, 3, 1, "", "zero_predictor"]], "abacusai.api_class.FreshserviceDatasetConfig": [[27, 2, 1, "", "__post_init__"]], "abacusai.api_class.GoogleAnalyticsDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "end_timestamp"], [27, 3, 1, "", "location"], [27, 3, 1, "", "start_timestamp"]], "abacusai.api_class.GoogleDriveDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.HistoryLengthDriftConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_drift_type"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.HolidayCalendars": [[27, 3, 1, "", "AU"], [27, 3, 1, "", "UK"], [27, 3, 1, "", "US"]], "abacusai.api_class.HotkeyPrompt": [[27, 3, 1, "", "disable_problem_type_context"], [27, 3, 1, "", "ignore_history"], [27, 3, 1, "", "prompt"], [27, 3, 1, "", "title"]], "abacusai.api_class.ImageUrlResponseSection": [[27, 3, 1, "", "height"], [27, 3, 1, "", "url"], [27, 3, 1, "", "width"]], "abacusai.api_class.IncrementalDatabaseConnectorConfig": [[27, 3, 1, "", "timestamp_column"]], "abacusai.api_class.ItemAttributesStdDevThreshold": [[27, 3, 1, "", "lower_bound"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "upper_bound"]], "abacusai.api_class.JSONSchema": [[27, 2, 1, "", "from_fields_list"], [27, 2, 1, "", "to_fields_list"]], "abacusai.api_class.JiraDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "custom_fields"], [27, 3, 1, "", "include_comments"], [27, 3, 1, "", "include_watchers"], [27, 3, 1, "", "jql"]], "abacusai.api_class.KafkaDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "topic"]], "abacusai.api_class.LLMName": [[27, 3, 1, "", "ABACUS_DRACARYS"], [27, 3, 1, "", "ABACUS_SMAUG3"], [27, 3, 1, "", "CLAUDE_V3_5_HAIKU"], [27, 3, 1, "", "CLAUDE_V3_5_SONNET"], [27, 3, 1, "", "CLAUDE_V3_HAIKU"], [27, 3, 1, "", "CLAUDE_V3_OPUS"], [27, 3, 1, "", "CLAUDE_V3_SONNET"], [27, 3, 1, "", "DEEPSEEK_R1"], [27, 3, 1, "", "DEEPSEEK_V3"], [27, 3, 1, "", "GEMINI_1_5_FLASH"], [27, 3, 1, "", "GEMINI_1_5_PRO"], [27, 3, 1, "", "GEMINI_2_FLASH"], [27, 3, 1, "", "GEMINI_2_FLASH_THINKING"], [27, 3, 1, "", "GEMINI_2_PRO"], [27, 3, 1, "", "LLAMA3_1_405B"], [27, 3, 1, "", "LLAMA3_1_70B"], [27, 3, 1, "", "LLAMA3_1_8B"], [27, 3, 1, "", "LLAMA3_3_70B"], [27, 3, 1, "", "LLAMA3_LARGE_CHAT"], [27, 3, 1, "", "OPENAI_GPT3_5"], [27, 3, 1, "", "OPENAI_GPT3_5_TEXT"], [27, 3, 1, "", "OPENAI_GPT4"], [27, 3, 1, "", "OPENAI_GPT4O"], [27, 3, 1, "", "OPENAI_GPT4O_MINI"], [27, 3, 1, "", "OPENAI_GPT4_128K"], [27, 3, 1, "", "OPENAI_GPT4_128K_LATEST"], [27, 3, 1, "", "OPENAI_GPT4_32K"], [27, 3, 1, "", "OPENAI_O1_MINI"], [27, 3, 1, "", "QWEN_2_5_32B"], [27, 3, 1, "", "QWEN_2_5_32B_BASE"], [27, 3, 1, "", "QWEN_2_5_72B"], [27, 3, 1, "", "QWQ_32B"], [27, 3, 1, "", "XAI_GROK"]], "abacusai.api_class.LastNMergeConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "include_version_timestamp_column"], [27, 3, 1, "", "num_versions"]], "abacusai.api_class.ListResponseSection": [[27, 3, 1, "", "items"]], "abacusai.api_class.MarkdownConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "input_column"], [27, 3, 1, "", "input_column_type"], [27, 3, 1, "", "output_column"]], "abacusai.api_class.MarkdownOperatorInputType": [[27, 3, 1, "", "HTML"]], "abacusai.api_class.MemorySize": [[27, 3, 1, "", "LARGE"], [27, 3, 1, "", "MEDIUM"], [27, 3, 1, "", "SMALL"], [27, 3, 1, "", "XLARGE"], [27, 2, 1, "", "from_value"]], "abacusai.api_class.MergeConfig": [[27, 2, 1, "", "__post_init__"], [27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "merge_mode"]], "abacusai.api_class.MergeMode": [[27, 3, 1, "", "LAST_N"], [27, 3, 1, "", "TIME_WINDOW"]], "abacusai.api_class.MonitorAlertType": [[27, 3, 1, "", "ACCURACY_BELOW_THRESHOLD"], [27, 3, 1, "", "BIAS_VIOLATIONS"], [27, 3, 1, "", "DATA_INTEGRITY_VIOLATIONS"], [27, 3, 1, "", "FEATURE_DRIFT"], [27, 3, 1, "", "HISTORY_LENGTH_DRIFT"], [27, 3, 1, "", "PREDICTION_COUNT"], [27, 3, 1, "", "TARGET_DRIFT"]], "abacusai.api_class.MonitorFilteringConfig": [[27, 3, 1, "", "end_time"], [27, 3, 1, "", "prediction_target_feature"], [27, 3, 1, "", "restrict_feature_mappings"], [27, 3, 1, "", "start_time"], [27, 3, 1, "", "target_class"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "train_target_feature"]], "abacusai.api_class.MonitorThresholdConfig": [[27, 3, 1, "", "at_risk_threshold"], [27, 3, 1, "", "drift_type"], [27, 3, 1, "", "severely_drifting_threshold"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.NERModelType": [[27, 3, 1, "", "LEARNED"], [27, 3, 1, "", "PRETRAINED_BERT"], [27, 3, 1, "", "PRETRAINED_MULTILINGUAL"], [27, 3, 1, "", "PRETRAINED_ROBERTA_27"], [27, 3, 1, "", "PRETRAINED_ROBERTA_43"]], "abacusai.api_class.NERObjective": [[27, 3, 1, "", "ANNOTATIONS_PRECISION"], [27, 3, 1, "", "ANNOTATIONS_RECALL"], [27, 3, 1, "", "AUC"], [27, 3, 1, "", "LOG_LOSS"], [27, 3, 1, "", "PRECISION"], [27, 3, 1, "", "RECALL"]], "abacusai.api_class.NLPDocumentFormat": [[27, 3, 1, "", "AUTO"], [27, 3, 1, "", "DOC"], [27, 3, 1, "", "TEXT"], [27, 3, 1, "", "TOKENS"]], "abacusai.api_class.NSamplingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "key_columns"], [27, 3, 1, "", "sample_count"]], "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.NamedEntityExtractionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "active_labels_column"], [27, 3, 1, "", "additional_extraction_instructions"], [27, 3, 1, "", "document_format"], [27, 3, 1, "", "enhanced_ocr"], [27, 3, 1, "", "llm_for_ner"], [27, 3, 1, "", "minimum_bounding_box_overlap_ratio"], [27, 3, 1, "", "save_predicted_pdf"], [27, 3, 1, "", "test_row_indicator"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.NaturalLanguageSearchPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "ignore_documents"], [27, 3, 1, "", "llm_name"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "search_score_cutoff"], [27, 3, 1, "", "system_message"], [27, 3, 1, "", "temperature"]], "abacusai.api_class.NaturalLanguageSearchTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "abacus_internal_model"], [27, 3, 1, "", "chunk_overlap_fraction"], [27, 3, 1, "", "index_fraction"], [27, 3, 1, "", "larger_embeddings"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "search_chunk_size"]], "abacusai.api_class.OcrMode": [[27, 3, 1, "id125", "AUGMENTED_LLM"], [27, 3, 1, "id114", "AUTO"], [27, 3, 1, "id118", "COMPREHENSIVE"], [27, 3, 1, "id122", "COMPREHENSIVE_FORM_AND_TABLE_MD"], [27, 3, 1, "id121", "COMPREHENSIVE_FORM_MD"], [27, 3, 1, "id120", "COMPREHENSIVE_TABLE_MD"], [27, 3, 1, "id119", "COMPREHENSIVE_V2"], [27, 3, 1, "id115", "DEFAULT"], [27, 3, 1, "id116", "LAYOUT"], [27, 3, 1, "id124", "LLM"], [27, 3, 1, "id117", "SCANNED"], [27, 3, 1, "id123", "TESSERACT_FAST"], [27, 2, 1, "id126", "aws_ocr_modes"]], "abacusai.api_class.OneDriveDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.OperatorConfig": [[27, 2, 1, "", "__post_init__"], [27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "operator_type"]], "abacusai.api_class.OperatorType": [[27, 3, 1, "", "CRAWLER"], [27, 3, 1, "", "DATA_GENERATION"], [27, 3, 1, "", "EXTRACT_DOCUMENT_DATA"], [27, 3, 1, "", "MARKDOWN"], [27, 3, 1, "", "UNION"], [27, 3, 1, "", "UNPIVOT"]], "abacusai.api_class.OptimizationPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "forced_assignments"], [27, 3, 1, "", "include_all_assignments"], [27, 3, 1, "", "solve_time_limit_seconds"]], "abacusai.api_class.OptimizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "include_all_partitions"], [27, 3, 1, "", "include_specific_partitions"], [27, 3, 1, "", "optimality_gap_limit"], [27, 3, 1, "", "solve_time_limit"]], "abacusai.api_class.OutputVariableMapping": [[27, 3, 1, "", "name"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.ParsingConfig": [[27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "escape"], [27, 3, 1, "", "file_path_with_schema"]], "abacusai.api_class.PartialDependenceAnalysis": [[27, 3, 1, "", "RAPID"], [27, 3, 1, "", "THOROUGH"]], "abacusai.api_class.PercentSamplingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "key_columns"], [27, 3, 1, "", "sample_percent"]], "abacusai.api_class.PersonalizationBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "item_attributes_to_include_in_the_result"], [27, 3, 1, "", "number_of_items"], [27, 3, 1, "", "score_field"]], "abacusai.api_class.PersonalizationObjective": [[27, 3, 1, "", "COVERAGE"], [27, 3, 1, "", "MAP"], [27, 3, 1, "", "MAP_10"], [27, 3, 1, "", "MAP_5"], [27, 3, 1, "", "MRR"], [27, 3, 1, "", "NDCG"], [27, 3, 1, "", "NDCG_10"], [27, 3, 1, "", "NDCG_5"], [27, 3, 1, "", "PERSONALIZATION"]], "abacusai.api_class.PersonalizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "action_types_exclusion_days"], [27, 3, 1, "", "add_time_features"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "compute_rerank_metrics"], [27, 3, 1, "", "compute_session_metrics"], [27, 3, 1, "", "data_split_feature_group_table_name"], [27, 3, 1, "", "disable_gpu"], [27, 3, 1, "", "disable_timestamp_scalar_features"], [27, 3, 1, "", "disable_transformer"], [27, 3, 1, "", "downsample_item_popularity_percentile"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "explicit_time_split"], [27, 3, 1, "", "filter_history"], [27, 3, 1, "", "full_data_retraining"], [27, 3, 1, "", "include_item_id_feature"], [27, 3, 1, "", "item_query_column"], [27, 3, 1, "", "max_history_length"], [27, 3, 1, "", "max_user_history_len_percentile"], [27, 3, 1, "", "min_item_history"], [27, 3, 1, "", "objective"], [27, 3, 1, "", "optimized_event_type"], [27, 3, 1, "", "query_column"], [27, 3, 1, "", "recent_days_for_training"], [27, 3, 1, "", "sequential_training"], [27, 3, 1, "", "session_dedupe_mins"], [27, 3, 1, "", "session_event_types"], [27, 3, 1, "", "sort_objective"], [27, 3, 1, "", "target_action_types"], [27, 3, 1, "", "target_action_weights"], [27, 3, 1, "", "test_last_items_length"], [27, 3, 1, "", "test_on_user_split"], [27, 3, 1, "", "test_row_indicator"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_split_on_last_k_items"], [27, 3, 1, "", "test_window_length_hours"], [27, 3, 1, "", "training_mode"], [27, 3, 1, "", "training_start_date"], [27, 3, 1, "", "use_user_id_feature"]], "abacusai.api_class.PersonalizationTrainingMode": [[27, 3, 1, "", "EXPERIMENTAL"], [27, 3, 1, "", "PRODUCTION"]], "abacusai.api_class.PredictionArguments": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "_support_kwargs"], [27, 3, 1, "", "kwargs"], [27, 3, 1, "", "problem_type"]], "abacusai.api_class.PredictionCountConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "aggregation_type"], [27, 3, 1, "", "aggregation_window"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.PredictiveModelingBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "create_monitor"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"], [27, 3, 1, "", "explanation_filter_label"], [27, 3, 1, "", "explanation_filter_lower_bound"], [27, 3, 1, "", "explanation_filter_upper_bound"], [27, 3, 1, "", "features_considered_constant_for_explanations"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "importance_of_records_in_nested_columns"], [27, 3, 1, "", "include_multi_class_explanations"], [27, 3, 1, "", "number_of_samples_to_use_for_explainer"], [27, 3, 1, "", "output_columns"]], "abacusai.api_class.PretrainedModelsBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "channel_id_to_label_map"], [27, 3, 1, "", "files_output_location_prefix"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.ProblemType": [[27, 3, 1, "", "AI_AGENT"], [27, 3, 1, "", "CHAT_LLM"], [27, 3, 1, "", "CLUSTERING"], [27, 3, 1, "", "CLUSTERING_TIMESERIES"], [27, 3, 1, "", "CUMULATIVE_FORECASTING"], [27, 3, 1, "", "CUSTOM_ALGORITHM"], [27, 3, 1, "", "CUSTOM_TRAINED_MODEL"], [27, 3, 1, "", "DOCUMENT_CLASSIFICATION"], [27, 3, 1, "", "DOCUMENT_SUMMARIZATION"], [27, 3, 1, "", "DOCUMENT_VISUALIZATION"], [27, 3, 1, "", "EVENT_ANOMALY"], [27, 3, 1, "", "FEATURE_STORE"], [27, 3, 1, "", "FINETUNED_LLM"], [27, 3, 1, "", "FORECASTING"], [27, 3, 1, "", "IMAGE_CLASSIFICATION"], [27, 3, 1, "", "IMAGE_VALUE_PREDICTION"], [27, 3, 1, "", "LANGUAGE_DETECTION"], [27, 3, 1, "", "MODEL_MONITORING"], [27, 3, 1, "", "NAMED_ENTITY_EXTRACTION"], [27, 3, 1, "", "NATURAL_LANGUAGE_SEARCH"], [27, 3, 1, "", "OBJECT_DETECTION"], [27, 3, 1, "", "OPTIMIZATION"], [27, 3, 1, "", "PERSONALIZATION"], [27, 3, 1, "", "PREDICTIVE_MODELING"], [27, 3, 1, "", "PRETRAINED_MODELS"], [27, 3, 1, "", "SENTENCE_BOUNDARY_DETECTION"], [27, 3, 1, "", "SENTIMENT_DETECTION"], [27, 3, 1, "", "THEME_ANALYSIS"], [27, 3, 1, "", "TS_ANOMALY"]], "abacusai.api_class.ProjectConfigType": [[27, 3, 1, "", "CHAT_FEEDBACK"], [27, 3, 1, "", "CONSTRAINTS"], [27, 3, 1, "", "REVIEW_MODE"]], "abacusai.api_class.ProjectFeatureGroupConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "type"]], "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig": [[27, 3, 1, "", "feature_group_id"], [27, 3, 1, "", "feature_group_type"], [27, 3, 1, "", "feature_mappings"], [27, 2, 1, "", "from_dict"]], "abacusai.api_class.PythonFunctionArgument": [[27, 3, 1, "", "description"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "item_type"], [27, 3, 1, "", "name"], [27, 3, 1, "", "pipeline_variable"], [27, 3, 1, "", "value"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.PythonFunctionArgumentType": [[27, 3, 1, "", "BATCH_PREDICTION_ID"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATASET_ID"], [27, 3, 1, "", "DEPLOYMENT_ID"], [27, 3, 1, "", "FEATURE_GROUP"], [27, 3, 1, "", "FEATURE_GROUP_ID"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "JSON"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "MODEL_ID"], [27, 3, 1, "", "MONITOR_ID"], [27, 3, 1, "", "STRING"]], "abacusai.api_class.PythonFunctionOutputArgumentType": [[27, 3, 1, "", "ANY"], [27, 3, 1, "", "BATCH_PREDICTION_ID"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATASET_ID"], [27, 3, 1, "", "DEPLOYMENT_ID"], [27, 3, 1, "", "FEATURE_GROUP_ID"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "JSON"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "MODEL_ID"], [27, 3, 1, "", "MONITOR_ID"], [27, 3, 1, "", "NTEGER"], [27, 3, 1, "", "STRING"]], "abacusai.api_class.PythonFunctionType": [[27, 3, 1, "", "FEATURE_GROUP"], [27, 3, 1, "", "PLOTLY_FIG"], [27, 3, 1, "", "STEP_FUNCTION"], [27, 3, 1, "", "USERCODE_TOOL"]], "abacusai.api_class.RegressionAugmentationStrategy": [[27, 3, 1, "", "RESAMPLE"], [27, 3, 1, "", "SMOTE"]], "abacusai.api_class.RegressionLossFunction": [[27, 3, 1, "", "AUTOMATIC"], [27, 3, 1, "", "CROSS_ENTROPY"], [27, 3, 1, "", "CUSTOM"], [27, 3, 1, "", "FOCAL_CROSS_ENTROPY"], [27, 3, 1, "", "HUBER"], [27, 3, 1, "", "MAE"], [27, 3, 1, "", "MAPE"], [27, 3, 1, "", "MSE"], [27, 3, 1, "", "MSLE"], [27, 3, 1, "", "TWEEDIE"]], "abacusai.api_class.RegressionObjective": [[27, 3, 1, "", "ACCURACY"], [27, 3, 1, "", "AUC"], [27, 3, 1, "", "F1_SCORE"], [27, 3, 1, "", "LOG_LOSS"], [27, 3, 1, "", "MAE"], [27, 3, 1, "", "MAPE"], [27, 3, 1, "", "PRECISION"], [27, 3, 1, "", "RECALL"], [27, 3, 1, "", "RMSE"], [27, 3, 1, "", "R_SQUARED_COEFFICIENT_OF_DETERMINATION"], [27, 3, 1, "", "WAPE"]], "abacusai.api_class.RegressionPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"]], "abacusai.api_class.RegressionTargetTransform": [[27, 3, 1, "", "BOX_COX"], [27, 3, 1, "", "LOG"], [27, 3, 1, "", "QUANTILE"], [27, 3, 1, "", "YEO_JOHNSON"]], "abacusai.api_class.RegressionTimeSplitMethod": [[27, 3, 1, "", "TEST_SPLIT_PERCENTAGE_BASED"], [27, 3, 1, "", "TEST_START_TIMESTAMP_BASED"]], "abacusai.api_class.RegressionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "active_labels_column"], [27, 3, 1, "", "augmentation_strategy"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "custom_loss_functions"], [27, 3, 1, "", "custom_metrics"], [27, 3, 1, "", "data_split_feature_group_table_name"], [27, 3, 1, "", "disable_test_val_fold"], [27, 3, 1, "", "do_masked_language_model_pretraining"], [27, 3, 1, "", "drop_original_categoricals"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "feature_selection_intensity"], [27, 3, 1, "", "full_data_retraining"], [27, 3, 1, "", "ignore_datetime_features"], [27, 3, 1, "", "is_multilingual"], [27, 3, 1, "", "k_fold_cross_validation"], [27, 3, 1, "", "loss_function"], [27, 3, 1, "", "loss_parameters"], [27, 3, 1, "", "max_text_words"], [27, 3, 1, "", "max_tokens_in_sentence"], [27, 3, 1, "", "min_categorical_count"], [27, 3, 1, "", "monotonically_decreasing_features"], [27, 3, 1, "", "monotonically_increasing_features"], [27, 3, 1, "", "num_cv_folds"], [27, 3, 1, "", "numeric_clipping_percentile"], [27, 3, 1, "", "objective"], [27, 3, 1, "", "partial_dependence_analysis"], [27, 3, 1, "", "perform_feature_selection"], [27, 3, 1, "", "pretrained_llm_name"], [27, 3, 1, "", "pretrained_model_name"], [27, 3, 1, "", "rare_class_augmentation_threshold"], [27, 3, 1, "", "rebalance_classes"], [27, 3, 1, "", "sample_weight"], [27, 3, 1, "", "sampling_unit_keys"], [27, 3, 1, "", "sort_objective"], [27, 3, 1, "", "target_encode_categoricals"], [27, 3, 1, "", "target_transform"], [27, 3, 1, "", "test_row_indicator"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_splitting_timestamp"], [27, 3, 1, "", "timestamp_based_splitting_column"], [27, 3, 1, "", "timestamp_based_splitting_method"], [27, 3, 1, "", "training_rows_downsample_ratio"], [27, 3, 1, "", "tree_hpo_mode"], [27, 3, 1, "", "truncation_strategy"], [27, 3, 1, "", "type_of_split"]], "abacusai.api_class.RegressionTreeHPOMode": [[27, 3, 1, "", "RAPID"], [27, 3, 1, "", "THOROUGH"]], "abacusai.api_class.RegressionTypeOfSplit": [[27, 3, 1, "", "RANDOM"], [27, 3, 1, "", "ROW_INDICATOR_BASED"], [27, 3, 1, "", "STRATIFIED_RANDOM_SAMPLING"], [27, 3, 1, "", "TIMESTAMP_BASED"]], "abacusai.api_class.ResponseSection": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "id"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "type"]], "abacusai.api_class.ResponseSectionType": [[27, 3, 1, "", "AGENT_FLOW_BUTTON"], [27, 3, 1, "", "ATTACHMENTS"], [27, 3, 1, "", "BASE64_IMAGE"], [27, 3, 1, "", "CHART"], [27, 3, 1, "", "CODE"], [27, 3, 1, "", "COLLAPSIBLE_COMPONENT"], [27, 3, 1, "", "IMAGE_URL"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "RUNTIME_SCHEMA"], [27, 3, 1, "", "TABLE"], [27, 3, 1, "", "TEXT"]], "abacusai.api_class.RestrictFeatureMappings": [[27, 3, 1, "", "end_time"], [27, 3, 1, "", "feature_name"], [27, 3, 1, "", "max_value"], [27, 3, 1, "", "min_value"], [27, 3, 1, "", "restricted_feature_values"], [27, 3, 1, "", "start_time"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.ReviewModeProjectFeatureGroupConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "is_review_mode"]], "abacusai.api_class.RuntimeSchemaResponseSection": [[27, 3, 1, "", "json_schema"], [27, 3, 1, "", "ui_schema"]], "abacusai.api_class.SamplingConfig": [[27, 2, 1, "", "__post_init__"], [27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "sampling_method"]], "abacusai.api_class.SamplingMethodType": [[27, 3, 1, "", "N_SAMPLING"], [27, 3, 1, "", "PERCENT_SAMPLING"]], "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explode_output"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.SentimentDetectionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "sentiment_type"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.SentimentType": [[27, 3, 1, "", "EMOTION"], [27, 3, 1, "", "VALENCE"]], "abacusai.api_class.SharepointDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.StdDevThreshold": [[27, 3, 1, "", "threshold_type"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "value"]], "abacusai.api_class.StdDevThresholdType": [[27, 3, 1, "id201", "ABSOLUTE"], [27, 3, 1, "id202", "PERCENTILE"], [27, 3, 1, "id203", "STDDEV"]], "abacusai.api_class.StreamingConnectorDatasetConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "streaming_connector_type"]], "abacusai.api_class.StreamingConnectorType": [[27, 3, 1, "", "KAFKA"]], "abacusai.api_class.TargetDriftConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_drift_type"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.TeamsScraperDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "pull_channel_posts"], [27, 3, 1, "", "pull_chat_messages"], [27, 3, 1, "", "pull_transcripts"]], "abacusai.api_class.TextResponseSection": [[27, 3, 1, "", "segment"]], "abacusai.api_class.ThemeAnalysisBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "analysis_days"], [27, 3, 1, "", "analysis_frequency"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "start_date"]], "abacusai.api_class.ThemeAnalysisTrainingConfig": [[27, 2, 1, "", "__post_init__"]], "abacusai.api_class.TimeWindowConfig": [[27, 2, 1, "", "to_dict"], [27, 3, 1, "", "window_duration"], [27, 3, 1, "", "window_from_start"]], "abacusai.api_class.TimeWindowMergeConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_name"], [27, 3, 1, "", "include_version_timestamp_column"], [27, 3, 1, "", "time_window_size_ms"]], "abacusai.api_class.TimeseriesAnomalyDataSplitType": [[27, 3, 1, "", "AUTO"], [27, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.TimeseriesAnomalyPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "end_timestamp"], [27, 3, 1, "", "get_all_item_data"], [27, 3, 1, "", "start_timestamp"]], "abacusai.api_class.TimeseriesAnomalyTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "additional_anomaly_ids"], [27, 3, 1, "", "anomaly_type"], [27, 3, 1, "", "fill_missing_values"], [27, 3, 1, "", "handle_zeros_as_missing_values"], [27, 3, 1, "", "hyperparameter_calculation_with_heuristics"], [27, 3, 1, "", "min_samples_in_normal_region"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_start"], [27, 3, 1, "", "threshold_score"], [27, 3, 1, "", "timeseries_frequency"], [27, 3, 1, "", "type_of_split"]], "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly": [[27, 3, 1, "", "HIGH_PEAK"], [27, 3, 1, "", "LOW_PEAK"]], "abacusai.api_class.TimeseriesAnomalyUseHeuristic": [[27, 3, 1, "", "AUTOMATIC"], [27, 3, 1, "", "DISABLE"], [27, 3, 1, "", "ENABLE"]], "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "create_monitor"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.TrainingConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "_support_kwargs"], [27, 3, 1, "", "_upper_snake_case_keys"], [27, 3, 1, "", "algorithm"], [27, 3, 1, "", "kwargs"], [27, 3, 1, "", "problem_type"]], "abacusai.api_class.TriggerConfig": [[27, 2, 1, "", "from_dict"], [27, 3, 1, "", "sleep_time"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.UnionTransformConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "drop_non_intersecting_columns"], [27, 3, 1, "", "feature_group_ids"]], "abacusai.api_class.UnpivotConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "columns"], [27, 3, 1, "", "exclude"], [27, 3, 1, "", "index_column"], [27, 3, 1, "", "value_column"]], "abacusai.api_class.VectorStoreConfig": [[27, 3, 1, "", "chunk_overlap_fraction"], [27, 3, 1, "", "chunk_size"], [27, 3, 1, "", "chunk_size_factors"], [27, 3, 1, "", "index_metadata_columns"], [27, 3, 1, "", "prune_vectors"], [27, 3, 1, "", "score_multiplier_column"], [27, 3, 1, "", "standalone_deployment"], [27, 3, 1, "", "summary_instructions"], [27, 3, 1, "", "text_encoder"], [27, 3, 1, "", "use_document_summary"]], "abacusai.api_class.VectorStoreTextEncoder": [[27, 3, 1, "id112", "CODE_BERT"], [27, 3, 1, "id106", "E5"], [27, 3, 1, "id111", "E5_SMALL"], [27, 3, 1, "id107", "OPENAI"], [27, 3, 1, "id108", "OPENAI_COMPACT"], [27, 3, 1, "id109", "OPENAI_LARGE"], [27, 3, 1, "id110", "SENTENCE_BERT"]], "abacusai.api_class.WorkflowGraph": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "common_source_code"], [27, 3, 1, "", "edges"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "nodes"], [27, 3, 1, "", "primary_start_node"], [27, 3, 1, "", "specification_type"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowGraphEdge": [[27, 3, 1, "", "details"], [27, 3, 1, "", "source"], [27, 3, 1, "", "target"], [27, 2, 1, "", "to_nx_edge"]], "abacusai.api_class.WorkflowGraphNode": [[27, 1, 1, "", "Outputs"], [27, 2, 1, "", "__getattribute__"], [27, 2, 1, "", "__setattr__"], [27, 2, 1, "", "_raw_init"], [27, 2, 1, "", "from_dict"], [27, 2, 1, "", "from_template"], [27, 2, 1, "", "is_template_node"], [27, 2, 1, "", "is_trigger_node"], [27, 4, 1, "", "outputs"], [27, 3, 1, "", "template_metadata"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "trigger_config"]], "abacusai.api_class.WorkflowGraphNode.Outputs": [[27, 2, 1, "", "__getattr__"], [27, 3, 1, "", "node"]], "abacusai.api_class.WorkflowNodeInputMapping": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "constant_value"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "name"], [27, 3, 1, "", "source_prop"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "variable_source"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.WorkflowNodeInputSchema": [[27, 2, 1, "", "from_dict"], [27, 2, 1, "", "from_input_mappings"], [27, 2, 1, "", "from_workflow_node"], [27, 3, 1, "", "json_schema"], [27, 3, 1, "", "runtime_schema"], [27, 3, 1, "", "schema_prop"], [27, 3, 1, "", "schema_source"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "ui_schema"]], "abacusai.api_class.WorkflowNodeInputType": [[27, 3, 1, "", "CONSTANT"], [27, 3, 1, "", "IGNORE"], [27, 3, 1, "", "USER_INPUT"], [27, 3, 1, "", "WORKFLOW_VARIABLE"]], "abacusai.api_class.WorkflowNodeOutputMapping": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.WorkflowNodeOutputSchema": [[27, 2, 1, "", "from_dict"], [27, 3, 1, "", "json_schema"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowNodeOutputType": [[27, 3, 1, "", "ANY"], [27, 3, 1, "", "ATTACHMENT"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DICT"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "RUNTIME_SCHEMA"], [27, 3, 1, "", "STRING"], [27, 2, 1, "", "normalize_type"]], "abacusai.api_class.WorkflowNodeTemplateConfig": [[27, 3, 1, "", "default_value"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowNodeTemplateInput": [[27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowNodeTemplateOutput": [[27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.WorkflowNodeTemplateType": [[27, 3, 1, "", "DEFAULT"], [27, 3, 1, "", "TRIGGER"]], "abacusai.api_class.ZendeskDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "location"]], "abacusai.api_class._AlertActionConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._AlertConditionConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_key_value_camel_case"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._ApiClassFactory": [[27, 3, 1, "id271", "config_abstract_class"], [27, 3, 1, "id272", "config_class_key"], [27, 3, 1, "id273", "config_class_map"], [27, 2, 1, "id274", "from_dict"]], "abacusai.api_class._ApplicationConnectorDatasetConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._BatchPredictionArgsFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._FeatureGroupExportConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._MergeConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._OperatorConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._PredictionArgumentsFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._ProjectFeatureGroupConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._SamplingConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._StreamingConnectorDatasetConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._TrainingConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class.abstract": [[15, 6, 1, "", "ALL_CAP_RE"], [15, 1, 1, "", "ApiClass"], [15, 6, 1, "", "FIRST_CAP_RE"], [15, 1, 1, "", "_ApiClassFactory"], [15, 7, 1, "", "_get_user_friendly_type_name"], [15, 7, 1, "", "_validate_instance"], [15, 7, 1, "", "camel_case"], [15, 7, 1, "", "get_clean_function_source_code"], [15, 7, 1, "", "get_clean_function_source_code_for_agent"], [15, 7, 1, "", "get_source_code"], [15, 7, 1, "", "snake_case"], [15, 7, 1, "", "upper_snake_case"], [15, 7, 1, "", "validate_class_method_annotations"], [15, 7, 1, "", "validate_constructor_arg_types"]], "abacusai.api_class.abstract.ApiClass": [[15, 2, 1, "", "__getitem__"], [15, 2, 1, "", "__post_init__"], [15, 2, 1, "", "__setitem__"], [15, 2, 1, "", "__str__"], [15, 2, 1, "", "_get_builder"], [15, 2, 1, "", "_repr_html_"], [15, 3, 1, "", "_support_kwargs"], [15, 2, 1, "", "_unset_item"], [15, 3, 1, "", "_upper_snake_case_keys"], [15, 2, 1, "", "from_dict"], [15, 2, 1, "", "get"], [15, 2, 1, "", "pop"], [15, 2, 1, "", "to_dict"]], "abacusai.api_class.abstract._ApiClassFactory": [[15, 3, 1, "", "config_abstract_class"], [15, 3, 1, "", "config_class_key"], [15, 3, 1, "", "config_class_map"], [15, 2, 1, "", "from_dict"]], "abacusai.api_class.ai_agents": [[16, 1, 1, "", "AgentConversationMessage"], [16, 1, 1, "", "FieldDescriptor"], [16, 1, 1, "", "JSONSchema"], [16, 1, 1, "", "TriggerConfig"], [16, 1, 1, "", "WorkflowGraph"], [16, 1, 1, "", "WorkflowGraphEdge"], [16, 1, 1, "", "WorkflowGraphNode"], [16, 1, 1, "", "WorkflowNodeInputMapping"], [16, 1, 1, "", "WorkflowNodeInputSchema"], [16, 1, 1, "", "WorkflowNodeOutputMapping"], [16, 1, 1, "", "WorkflowNodeOutputSchema"], [16, 1, 1, "", "WorkflowNodeTemplateConfig"], [16, 1, 1, "", "WorkflowNodeTemplateInput"], [16, 1, 1, "", "WorkflowNodeTemplateOutput"], [16, 7, 1, "", "validate_input_dict_param"]], "abacusai.api_class.ai_agents.AgentConversationMessage": [[16, 3, 1, "", "document_contents"], [16, 3, 1, "", "is_user"], [16, 3, 1, "", "text"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.FieldDescriptor": [[16, 3, 1, "", "description"], [16, 3, 1, "", "example_extraction"], [16, 3, 1, "", "field"], [16, 3, 1, "", "type"]], "abacusai.api_class.ai_agents.JSONSchema": [[16, 2, 1, "", "from_fields_list"], [16, 2, 1, "", "to_fields_list"]], "abacusai.api_class.ai_agents.TriggerConfig": [[16, 2, 1, "", "from_dict"], [16, 3, 1, "", "sleep_time"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowGraph": [[16, 2, 1, "", "__post_init__"], [16, 3, 1, "", "common_source_code"], [16, 3, 1, "", "edges"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "nodes"], [16, 3, 1, "", "primary_start_node"], [16, 3, 1, "", "specification_type"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowGraphEdge": [[16, 3, 1, "", "details"], [16, 3, 1, "", "source"], [16, 3, 1, "", "target"], [16, 2, 1, "", "to_nx_edge"]], "abacusai.api_class.ai_agents.WorkflowGraphNode": [[16, 1, 1, "", "Outputs"], [16, 2, 1, "", "__getattribute__"], [16, 2, 1, "", "__setattr__"], [16, 2, 1, "", "_raw_init"], [16, 2, 1, "", "from_dict"], [16, 2, 1, "", "from_template"], [16, 2, 1, "", "is_template_node"], [16, 2, 1, "", "is_trigger_node"], [16, 4, 1, "", "outputs"], [16, 3, 1, "", "template_metadata"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "trigger_config"]], "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs": [[16, 2, 1, "", "__getattr__"], [16, 3, 1, "", "node"]], "abacusai.api_class.ai_agents.WorkflowNodeInputMapping": [[16, 2, 1, "", "__post_init__"], [16, 3, 1, "", "constant_value"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "is_required"], [16, 3, 1, "", "name"], [16, 3, 1, "", "source_prop"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "variable_source"], [16, 3, 1, "", "variable_type"]], "abacusai.api_class.ai_agents.WorkflowNodeInputSchema": [[16, 2, 1, "", "from_dict"], [16, 2, 1, "", "from_input_mappings"], [16, 2, 1, "", "from_workflow_node"], [16, 3, 1, "", "json_schema"], [16, 3, 1, "", "runtime_schema"], [16, 3, 1, "", "schema_prop"], [16, 3, 1, "", "schema_source"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "ui_schema"]], "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping": [[16, 2, 1, "", "__post_init__"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "variable_type"]], "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema": [[16, 2, 1, "", "from_dict"], [16, 3, 1, "", "json_schema"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig": [[16, 3, 1, "", "default_value"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "is_required"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput": [[16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "is_required"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput": [[16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "variable_type"]], "abacusai.api_class.ai_chat": [[17, 1, 1, "", "HotkeyPrompt"]], "abacusai.api_class.ai_chat.HotkeyPrompt": [[17, 3, 1, "", "disable_problem_type_context"], [17, 3, 1, "", "ignore_history"], [17, 3, 1, "", "prompt"], [17, 3, 1, "", "title"]], "abacusai.api_class.batch_prediction": [[18, 1, 1, "", "AIAgentBatchPredictionArgs"], [18, 1, 1, "", "BatchPredictionArgs"], [18, 1, 1, "", "ChatLLMBatchPredictionArgs"], [18, 1, 1, "", "ForecastingBatchPredictionArgs"], [18, 1, 1, "", "NamedEntityExtractionBatchPredictionArgs"], [18, 1, 1, "", "PersonalizationBatchPredictionArgs"], [18, 1, 1, "", "PredictiveModelingBatchPredictionArgs"], [18, 1, 1, "", "PretrainedModelsBatchPredictionArgs"], [18, 1, 1, "", "SentenceBoundaryDetectionBatchPredictionArgs"], [18, 1, 1, "", "ThemeAnalysisBatchPredictionArgs"], [18, 1, 1, "", "TrainablePlugAndPlayBatchPredictionArgs"], [18, 1, 1, "", "_BatchPredictionArgsFactory"]], "abacusai.api_class.batch_prediction.AIAgentBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"]], "abacusai.api_class.batch_prediction.BatchPredictionArgs": [[18, 2, 1, "", "_get_builder"], [18, 3, 1, "", "_support_kwargs"], [18, 3, 1, "", "kwargs"], [18, 3, 1, "", "problem_type"]], "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "create_monitor"], [18, 3, 1, "", "explain_predictions"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "forecasting_horizon"], [18, 3, 1, "", "item_attributes_to_include_in_the_result"], [18, 3, 1, "", "predictions_start_date"], [18, 3, 1, "", "start_date_offset"], [18, 3, 1, "", "use_prediction_offset"]], "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "item_attributes_to_include_in_the_result"], [18, 3, 1, "", "number_of_items"], [18, 3, 1, "", "score_field"]], "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "create_monitor"], [18, 3, 1, "", "explain_predictions"], [18, 3, 1, "", "explainer_type"], [18, 3, 1, "", "explanation_filter_label"], [18, 3, 1, "", "explanation_filter_lower_bound"], [18, 3, 1, "", "explanation_filter_upper_bound"], [18, 3, 1, "", "features_considered_constant_for_explanations"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "importance_of_records_in_nested_columns"], [18, 3, 1, "", "include_multi_class_explanations"], [18, 3, 1, "", "number_of_samples_to_use_for_explainer"], [18, 3, 1, "", "output_columns"]], "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "channel_id_to_label_map"], [18, 3, 1, "", "files_output_location_prefix"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "explode_output"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "analysis_days"], [18, 3, 1, "", "analysis_frequency"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "start_date"]], "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "create_monitor"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory": [[18, 3, 1, "", "config_abstract_class"], [18, 3, 1, "", "config_class_key"], [18, 3, 1, "", "config_class_map"]], "abacusai.api_class.blob_input": [[19, 1, 1, "", "Blob"], [19, 1, 1, "", "BlobInput"]], "abacusai.api_class.blob_input.Blob": [[19, 3, 1, "", "contents"], [19, 3, 1, "", "filename"], [19, 2, 1, "", "from_contents"], [19, 2, 1, "", "from_local_file"], [19, 3, 1, "", "mime_type"], [19, 3, 1, "", "size"]], "abacusai.api_class.connectors": [[20, 1, 1, "", "KafkaDatasetConfig"], [20, 1, 1, "", "StreamingConnectorDatasetConfig"], [20, 1, 1, "", "_StreamingConnectorDatasetConfigFactory"]], "abacusai.api_class.connectors.KafkaDatasetConfig": [[20, 2, 1, "", "__post_init__"], [20, 3, 1, "", "topic"]], "abacusai.api_class.connectors.StreamingConnectorDatasetConfig": [[20, 2, 1, "", "_get_builder"], [20, 3, 1, "", "streaming_connector_type"]], "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory": [[20, 3, 1, "", "config_abstract_class"], [20, 3, 1, "", "config_class_key"], [20, 3, 1, "", "config_class_map"]], "abacusai.api_class.dataset": [[21, 1, 1, "", "AttachmentParsingConfig"], [21, 1, 1, "", "DatasetConfig"], [21, 1, 1, "", "DatasetDocumentProcessingConfig"], [21, 1, 1, "", "DocumentProcessingConfig"], [21, 1, 1, "", "IncrementalDatabaseConnectorConfig"], [21, 1, 1, "", "ParsingConfig"]], "abacusai.api_class.dataset.AttachmentParsingConfig": [[21, 3, 1, "", "column_name"], [21, 3, 1, "", "feature_group_name"], [21, 3, 1, "", "urls"]], "abacusai.api_class.dataset.DatasetConfig": [[21, 3, 1, "", "is_documentset"]], "abacusai.api_class.dataset.DatasetDocumentProcessingConfig": [[21, 3, 1, "", "page_text_column"]], "abacusai.api_class.dataset.DocumentProcessingConfig": [[21, 2, 1, "", "__post_init__"], [21, 2, 1, "", "_detect_ocr_mode"], [21, 2, 1, "", "_get_filtered_dict"], [21, 3, 1, "", "convert_to_markdown"], [21, 3, 1, "", "document_type"], [21, 3, 1, "", "extract_bounding_boxes"], [21, 3, 1, "", "extract_images"], [21, 3, 1, "", "highlight_relevant_text"], [21, 3, 1, "", "mask_pii"], [21, 3, 1, "", "ocr_mode"], [21, 3, 1, "", "remove_header_footer"], [21, 3, 1, "", "remove_watermarks"], [21, 3, 1, "", "use_full_ocr"]], "abacusai.api_class.dataset.IncrementalDatabaseConnectorConfig": [[21, 3, 1, "", "timestamp_column"]], "abacusai.api_class.dataset.ParsingConfig": [[21, 3, 1, "", "csv_delimiter"], [21, 3, 1, "", "escape"], [21, 3, 1, "", "file_path_with_schema"]], "abacusai.api_class.dataset_application_connector": [[22, 1, 1, "", "AbacusUsageMetricsDatasetConfig"], [22, 1, 1, "", "ApplicationConnectorDatasetConfig"], [22, 1, 1, "", "BoxDatasetConfig"], [22, 1, 1, "", "ConfluenceDatasetConfig"], [22, 1, 1, "", "FreshserviceDatasetConfig"], [22, 1, 1, "", "GoogleAnalyticsDatasetConfig"], [22, 1, 1, "", "GoogleDriveDatasetConfig"], [22, 1, 1, "", "JiraDatasetConfig"], [22, 1, 1, "", "OneDriveDatasetConfig"], [22, 1, 1, "", "SharepointDatasetConfig"], [22, 1, 1, "", "TeamsScraperDatasetConfig"], [22, 1, 1, "", "ZendeskDatasetConfig"], [22, 1, 1, "", "_ApplicationConnectorDatasetConfigFactory"]], "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "include_all_feedback"], [22, 3, 1, "", "include_entire_conversation_history"], [22, 3, 1, "", "resolve_matching_documents"]], "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig": [[22, 2, 1, "", "_get_builder"], [22, 3, 1, "", "application_connector_id"], [22, 3, 1, "", "application_connector_type"], [22, 3, 1, "", "document_processing_config"]], "abacusai.api_class.dataset_application_connector.BoxDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "pull_attachments"], [22, 3, 1, "", "space_key"]], "abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig": [[22, 2, 1, "", "__post_init__"]], "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "end_timestamp"], [22, 3, 1, "", "location"], [22, 3, 1, "", "start_timestamp"]], "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.JiraDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "custom_fields"], [22, 3, 1, "", "include_comments"], [22, 3, 1, "", "include_watchers"], [22, 3, 1, "", "jql"]], "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "pull_channel_posts"], [22, 3, 1, "", "pull_chat_messages"], [22, 3, 1, "", "pull_transcripts"]], "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "location"]], "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory": [[22, 3, 1, "", "config_abstract_class"], [22, 3, 1, "", "config_class_key"], [22, 3, 1, "", "config_class_map"]], "abacusai.api_class.deployment": [[23, 1, 1, "", "ChatLLMPredictionArguments"], [23, 1, 1, "", "CumulativeForecastingPredictionArguments"], [23, 1, 1, "", "FeatureStorePredictionArguments"], [23, 1, 1, "", "ForecastingPredictionArguments"], [23, 1, 1, "", "NaturalLanguageSearchPredictionArguments"], [23, 1, 1, "", "OptimizationPredictionArguments"], [23, 1, 1, "", "PredictionArguments"], [23, 1, 1, "", "RegressionPredictionArguments"], [23, 1, 1, "", "TimeseriesAnomalyPredictionArguments"], [23, 1, 1, "", "_PredictionArgumentsFactory"]], "abacusai.api_class.deployment.ChatLLMPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "ignore_documents"], [23, 3, 1, "", "llm_name"], [23, 3, 1, "", "num_completion_tokens"], [23, 3, 1, "", "search_score_cutoff"], [23, 3, 1, "", "system_message"], [23, 3, 1, "", "temperature"]], "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "explain_predictions"], [23, 3, 1, "", "explainer_type"], [23, 3, 1, "", "get_item_data"], [23, 3, 1, "", "num_predictions"], [23, 3, 1, "", "prediction_start"]], "abacusai.api_class.deployment.FeatureStorePredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "limit_results"]], "abacusai.api_class.deployment.ForecastingPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "explain_predictions"], [23, 3, 1, "", "explainer_type"], [23, 3, 1, "", "get_item_data"], [23, 3, 1, "", "num_predictions"], [23, 3, 1, "", "prediction_start"]], "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "ignore_documents"], [23, 3, 1, "", "llm_name"], [23, 3, 1, "", "num_completion_tokens"], [23, 3, 1, "", "search_score_cutoff"], [23, 3, 1, "", "system_message"], [23, 3, 1, "", "temperature"]], "abacusai.api_class.deployment.OptimizationPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "forced_assignments"], [23, 3, 1, "", "include_all_assignments"], [23, 3, 1, "", "solve_time_limit_seconds"]], "abacusai.api_class.deployment.PredictionArguments": [[23, 2, 1, "", "_get_builder"], [23, 3, 1, "", "_support_kwargs"], [23, 3, 1, "", "kwargs"], [23, 3, 1, "", "problem_type"]], "abacusai.api_class.deployment.RegressionPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "explain_predictions"], [23, 3, 1, "", "explainer_type"]], "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "end_timestamp"], [23, 3, 1, "", "get_all_item_data"], [23, 3, 1, "", "start_timestamp"]], "abacusai.api_class.deployment._PredictionArgumentsFactory": [[23, 3, 1, "", "config_abstract_class"], [23, 3, 1, "", "config_class_key"], [23, 3, 1, "", "config_class_map"]], "abacusai.api_class.document_retriever": [[24, 6, 1, "", "DocumentRetrieverConfig"], [24, 1, 1, "", "VectorStoreConfig"]], "abacusai.api_class.document_retriever.VectorStoreConfig": [[24, 3, 1, "", "chunk_overlap_fraction"], [24, 3, 1, "", "chunk_size"], [24, 3, 1, "", "chunk_size_factors"], [24, 3, 1, "", "index_metadata_columns"], [24, 3, 1, "", "prune_vectors"], [24, 3, 1, "", "score_multiplier_column"], [24, 3, 1, "", "standalone_deployment"], [24, 3, 1, "", "summary_instructions"], [24, 3, 1, "", "text_encoder"], [24, 3, 1, "", "use_document_summary"]], "abacusai.api_class.enums": [[25, 1, 1, "", "AgentInterface"], [25, 1, 1, "", "AlertActionType"], [25, 1, 1, "", "ApiEnum"], [25, 1, 1, "", "ApplicationConnectorType"], [25, 1, 1, "", "BatchSize"], [25, 1, 1, "", "BiasType"], [25, 1, 1, "", "CPUSize"], [25, 1, 1, "", "ClusteringImputationMethod"], [25, 1, 1, "", "CodeLanguage"], [25, 1, 1, "", "ConnectorType"], [25, 1, 1, "", "DataIntegrityViolationType"], [25, 1, 1, "", "DataType"], [25, 1, 1, "", "DeploymentConversationType"], [25, 1, 1, "", "DocumentType"], [25, 1, 1, "", "EvalArtifactType"], [25, 1, 1, "", "ExperimentationMode"], [25, 1, 1, "", "ExplainerType"], [25, 1, 1, "", "FeatureDriftType"], [25, 1, 1, "", "FieldDescriptorType"], [25, 1, 1, "", "FileFormat"], [25, 1, 1, "", "FillLogic"], [25, 1, 1, "", "ForecastingDataSplitType"], [25, 1, 1, "", "ForecastingFillMethod"], [25, 1, 1, "", "ForecastingFrequency"], [25, 1, 1, "", "ForecastingLocalScaling"], [25, 1, 1, "", "ForecastingLossFunction"], [25, 1, 1, "", "ForecastingObjective"], [25, 1, 1, "", "ForecastingQuanitlesExtensionMethod"], [25, 1, 1, "", "HolidayCalendars"], [25, 1, 1, "", "LLMName"], [25, 1, 1, "", "MarkdownOperatorInputType"], [25, 1, 1, "", "MemorySize"], [25, 1, 1, "", "MergeMode"], [25, 1, 1, "", "MonitorAlertType"], [25, 1, 1, "", "NERModelType"], [25, 1, 1, "", "NERObjective"], [25, 1, 1, "", "NLPDocumentFormat"], [25, 1, 1, "", "OcrMode"], [25, 1, 1, "", "OperatorType"], [25, 1, 1, "", "PartialDependenceAnalysis"], [25, 1, 1, "", "PersonalizationObjective"], [25, 1, 1, "", "PersonalizationTrainingMode"], [25, 1, 1, "", "ProblemType"], [25, 1, 1, "", "ProjectConfigType"], [25, 1, 1, "", "PythonFunctionArgumentType"], [25, 1, 1, "", "PythonFunctionOutputArgumentType"], [25, 1, 1, "", "PythonFunctionType"], [25, 1, 1, "", "RegressionAugmentationStrategy"], [25, 1, 1, "", "RegressionLossFunction"], [25, 1, 1, "", "RegressionObjective"], [25, 1, 1, "", "RegressionTargetTransform"], [25, 1, 1, "", "RegressionTimeSplitMethod"], [25, 1, 1, "", "RegressionTreeHPOMode"], [25, 1, 1, "", "RegressionTypeOfSplit"], [25, 1, 1, "", "ResponseSectionType"], [25, 1, 1, "", "SamplingMethodType"], [25, 1, 1, "", "SentimentType"], [25, 1, 1, "", "StdDevThresholdType"], [25, 1, 1, "", "StreamingConnectorType"], [25, 1, 1, "", "TimeseriesAnomalyDataSplitType"], [25, 1, 1, "", "TimeseriesAnomalyTypeOfAnomaly"], [25, 1, 1, "", "TimeseriesAnomalyUseHeuristic"], [25, 1, 1, "", "VectorStoreTextEncoder"], [25, 1, 1, "", "WorkflowNodeInputType"], [25, 1, 1, "", "WorkflowNodeOutputType"], [25, 1, 1, "", "WorkflowNodeTemplateType"], [25, 7, 1, "", "deprecated_enums"]], "abacusai.api_class.enums.AgentInterface": [[25, 3, 1, "", "AUTONOMOUS"], [25, 3, 1, "", "CHAT"], [25, 3, 1, "", "DEFAULT"], [25, 3, 1, "", "MATRIX"]], "abacusai.api_class.enums.AlertActionType": [[25, 3, 1, "", "EMAIL"]], "abacusai.api_class.enums.ApiEnum": [[25, 3, 1, "", "__deprecated_values__"], [25, 2, 1, "", "__eq__"], [25, 2, 1, "", "__hash__"], [25, 2, 1, "", "is_deprecated"]], "abacusai.api_class.enums.ApplicationConnectorType": [[25, 3, 1, "", "ABACUSUSAGEMETRICS"], [25, 3, 1, "", "BOX"], [25, 3, 1, "", "CONFLUENCE"], [25, 3, 1, "", "FRESHSERVICE"], [25, 3, 1, "", "GIT"], [25, 3, 1, "", "GITHUBUSER"], [25, 3, 1, "", "GMAILUSER"], [25, 3, 1, "", "GOOGLEANALYTICS"], [25, 3, 1, "", "GOOGLECALENDAR"], [25, 3, 1, "", "GOOGLEDOCS"], [25, 3, 1, "", "GOOGLEDRIVE"], [25, 3, 1, "", "GOOGLEDRIVEUSER"], [25, 3, 1, "", "GOOGLESHEETS"], [25, 3, 1, "", "GOOGLEWORKSPACEUSER"], [25, 3, 1, "", "JIRA"], [25, 3, 1, "", "MICROSOFTAUTH"], [25, 3, 1, "", "OKTASAML"], [25, 3, 1, "", "ONEDRIVE"], [25, 3, 1, "", "SHAREPOINT"], [25, 3, 1, "", "SLACK"], [25, 3, 1, "", "TEAMS"], [25, 3, 1, "", "TEAMSSCRAPER"], [25, 3, 1, "", "ZENDESK"], [25, 3, 1, "", "ZENDESKSUNSHINEMESSAGING"]], "abacusai.api_class.enums.BatchSize": [[25, 3, 1, "", "BATCH_1024"], [25, 3, 1, "", "BATCH_128"], [25, 3, 1, "", "BATCH_16"], [25, 3, 1, "", "BATCH_256"], [25, 3, 1, "", "BATCH_32"], [25, 3, 1, "", "BATCH_384"], [25, 3, 1, "", "BATCH_512"], [25, 3, 1, "", "BATCH_64"], [25, 3, 1, "", "BATCH_740"], [25, 3, 1, "", "BATCH_8"]], "abacusai.api_class.enums.BiasType": [[25, 3, 1, "", "DEMOGRAPHIC_PARITY"], [25, 3, 1, "", "EQUAL_OPPORTUNITY"], [25, 3, 1, "", "GROUP_BENEFIT_EQUALITY"], [25, 3, 1, "", "TOTAL"]], "abacusai.api_class.enums.CPUSize": [[25, 3, 1, "", "LARGE"], [25, 3, 1, "", "MEDIUM"], [25, 3, 1, "", "SMALL"]], "abacusai.api_class.enums.ClusteringImputationMethod": [[25, 3, 1, "", "AUTOMATIC"], [25, 3, 1, "", "INTERPOLATE"], [25, 3, 1, "", "ZEROS"]], "abacusai.api_class.enums.CodeLanguage": [[25, 3, 1, "", "PYTHON"], [25, 3, 1, "", "SQL"]], "abacusai.api_class.enums.ConnectorType": [[25, 3, 1, "", "APPLICATION"], [25, 3, 1, "", "DATABASE"], [25, 3, 1, "", "FILE"], [25, 3, 1, "", "STREAMING"]], "abacusai.api_class.enums.DataIntegrityViolationType": [[25, 3, 1, "", "CATEGORICAL_RANGE_VIOLATION"], [25, 3, 1, "", "NULL_VIOLATIONS"], [25, 3, 1, "", "RANGE_VIOLATIONS"], [25, 3, 1, "", "TOTAL_VIOLATIONS"]], "abacusai.api_class.enums.DataType": [[25, 3, 1, "", "BINARY"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATE"], [25, 3, 1, "", "DATETIME"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "NULL"], [25, 3, 1, "", "STRING"], [25, 3, 1, "", "STRUCT"]], "abacusai.api_class.enums.DeploymentConversationType": [[25, 3, 1, "", "AGENT_CONTROLLER"], [25, 3, 1, "", "CHAT_LLM"], [25, 3, 1, "", "CODE_LLM"], [25, 3, 1, "", "COMPLEX_AGENT"], [25, 3, 1, "", "COPILOT"], [25, 3, 1, "", "SIMPLE_AGENT"], [25, 3, 1, "", "WORKFLOW_AGENT"]], "abacusai.api_class.enums.DocumentType": [[25, 3, 1, "", "EMBEDDED_IMAGES"], [25, 3, 1, "", "SCANNED_TEXT"], [25, 3, 1, "", "SIMPLE_TEXT"], [25, 3, 1, "", "TABLES_AND_FORMS"], [25, 3, 1, "", "TEXT"], [25, 2, 1, "", "is_ocr_forced"]], "abacusai.api_class.enums.EvalArtifactType": [[25, 3, 1, "", "FORECASTING_ACCURACY"], [25, 3, 1, "", "FORECASTING_HISTORY_LENGTH_ACCURACY"], [25, 3, 1, "", "FORECASTING_VOLUME"]], "abacusai.api_class.enums.ExperimentationMode": [[25, 3, 1, "", "RAPID"], [25, 3, 1, "", "THOROUGH"]], "abacusai.api_class.enums.ExplainerType": [[25, 3, 1, "", "EBM_EXPLAINER"], [25, 3, 1, "", "KERNEL_EXPLAINER"], [25, 3, 1, "", "LIME_EXPLAINER"], [25, 3, 1, "", "TREE_EXPLAINER"]], "abacusai.api_class.enums.FeatureDriftType": [[25, 3, 1, "", "CHI_SQUARE"], [25, 3, 1, "", "CSI"], [25, 3, 1, "", "JS"], [25, 3, 1, "", "KL"], [25, 3, 1, "", "KS"], [25, 3, 1, "", "PSI"], [25, 3, 1, "", "WS"]], "abacusai.api_class.enums.FieldDescriptorType": [[25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATE"], [25, 3, 1, "", "DATETIME"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "STRING"]], "abacusai.api_class.enums.FileFormat": [[25, 3, 1, "", "AVRO"], [25, 3, 1, "", "CSV"], [25, 3, 1, "", "DOCX"], [25, 3, 1, "", "EML"], [25, 3, 1, "", "FLV"], [25, 3, 1, "", "GIF"], [25, 3, 1, "", "GZ"], [25, 3, 1, "", "HTML"], [25, 3, 1, "", "JPEG"], [25, 3, 1, "", "JSON"], [25, 3, 1, "", "MD"], [25, 3, 1, "", "MOV"], [25, 3, 1, "", "MP3"], [25, 3, 1, "", "MP4"], [25, 3, 1, "", "MPEG"], [25, 3, 1, "", "MPG"], [25, 3, 1, "", "MSG"], [25, 3, 1, "", "NUMBERS"], [25, 3, 1, "", "ODS"], [25, 3, 1, "", "ORC"], [25, 3, 1, "", "PARQUET"], [25, 3, 1, "", "PDF"], [25, 3, 1, "", "PNG"], [25, 3, 1, "", "PPT"], [25, 3, 1, "", "PPTX"], [25, 3, 1, "", "RAR"], [25, 3, 1, "", "TAR"], [25, 3, 1, "", "TFRECORD"], [25, 3, 1, "", "TIF"], [25, 3, 1, "", "TSV"], [25, 3, 1, "", "TXT"], [25, 3, 1, "", "WEBM"], [25, 3, 1, "", "WEBP"], [25, 3, 1, "", "WMV"], [25, 3, 1, "", "XLS"], [25, 3, 1, "", "ZIP"]], "abacusai.api_class.enums.FillLogic": [[25, 3, 1, "", "AVERAGE"], [25, 3, 1, "", "BACKFILL"], [25, 3, 1, "", "CUSTOM"], [25, 3, 1, "", "FORWARDFILL"], [25, 3, 1, "", "LINEAR"], [25, 3, 1, "", "MAX"], [25, 3, 1, "", "MEDIAN"], [25, 3, 1, "", "MIN"], [25, 3, 1, "", "NEAREST"]], "abacusai.api_class.enums.ForecastingDataSplitType": [[25, 3, 1, "", "AUTO"], [25, 3, 1, "", "ITEM"], [25, 3, 1, "", "L_SHAPED_AUTO"], [25, 3, 1, "", "L_SHAPED_TIMESTAMP"], [25, 3, 1, "", "PREDICTION_LENGTH"], [25, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.enums.ForecastingFillMethod": [[25, 3, 1, "", "BACK"], [25, 3, 1, "", "FUTURE"], [25, 3, 1, "", "MIDDLE"]], "abacusai.api_class.enums.ForecastingFrequency": [[25, 3, 1, "", "DAILY"], [25, 3, 1, "", "HOURLY"], [25, 3, 1, "", "MONTH_END"], [25, 3, 1, "", "MONTH_START"], [25, 3, 1, "", "QUARTER_END"], [25, 3, 1, "", "QUARTER_START"], [25, 3, 1, "", "WEEKLY_MONDAY_START"], [25, 3, 1, "", "WEEKLY_SATURDAY_START"], [25, 3, 1, "", "WEEKLY_SUNDAY_START"], [25, 3, 1, "", "YEARLY"]], "abacusai.api_class.enums.ForecastingLocalScaling": [[25, 3, 1, "", "ITEM"], [25, 3, 1, "", "LAST_POINT"], [25, 3, 1, "", "MIN_MAX"], [25, 3, 1, "", "MIN_STD"], [25, 3, 1, "", "ROBUST"], [25, 3, 1, "", "SLIDING_ZSCORE"], [25, 3, 1, "", "ZSCORE"]], "abacusai.api_class.enums.ForecastingLossFunction": [[25, 3, 1, "", "ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [25, 3, 1, "", "CUSTOM"], [25, 3, 1, "", "GAUSSIAN"], [25, 3, 1, "", "GAUSSIAN_FULL_COVARIANCE"], [25, 3, 1, "", "GUASSIAN_EXPONENTIAL"], [25, 3, 1, "", "LOG_ROOT_MEAN_SQUARE_ERROR"], [25, 3, 1, "", "MEAN_ABSOLUTE_ERROR"], [25, 3, 1, "", "MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [25, 3, 1, "", "MIX_GAUSSIANS"], [25, 3, 1, "", "NEGATIVE_BINOMIAL"], [25, 3, 1, "", "NORMALIZED_MEAN_ABSOLUTE_ERROR"], [25, 3, 1, "", "NORMALIZED_ROOT_MEAN_SQUARE_ERROR"], [25, 3, 1, "", "PEAKS_MEAN_ABSOLUTE_ERROR"], [25, 3, 1, "", "POINTWISE_ACCURACY"], [25, 3, 1, "", "ROOT_MEAN_SQUARE_ERROR"], [25, 3, 1, "", "STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [25, 3, 1, "", "WEIBULL"]], "abacusai.api_class.enums.ForecastingObjective": [[25, 3, 1, "", "ACCURACY"], [25, 3, 1, "", "BIAS"], [25, 3, 1, "", "CMAPE"], [25, 3, 1, "", "CV"], [25, 3, 1, "", "MAPE"], [25, 3, 1, "", "RMSE"], [25, 3, 1, "", "SRMSE"], [25, 3, 1, "", "WAPE"]], "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod": [[25, 3, 1, "", "ANCESTRAL_SIMULATION"], [25, 3, 1, "", "DIRECT"], [25, 3, 1, "", "QUADRATIC"]], "abacusai.api_class.enums.HolidayCalendars": [[25, 3, 1, "", "AU"], [25, 3, 1, "", "UK"], [25, 3, 1, "", "US"]], "abacusai.api_class.enums.LLMName": [[25, 3, 1, "", "ABACUS_DRACARYS"], [25, 3, 1, "", "ABACUS_SMAUG3"], [25, 3, 1, "", "CLAUDE_V3_5_HAIKU"], [25, 3, 1, "", "CLAUDE_V3_5_SONNET"], [25, 3, 1, "", "CLAUDE_V3_HAIKU"], [25, 3, 1, "", "CLAUDE_V3_OPUS"], [25, 3, 1, "", "CLAUDE_V3_SONNET"], [25, 3, 1, "", "DEEPSEEK_R1"], [25, 3, 1, "", "DEEPSEEK_V3"], [25, 3, 1, "", "GEMINI_1_5_FLASH"], [25, 3, 1, "", "GEMINI_1_5_PRO"], [25, 3, 1, "", "GEMINI_2_FLASH"], [25, 3, 1, "", "GEMINI_2_FLASH_THINKING"], [25, 3, 1, "", "GEMINI_2_PRO"], [25, 3, 1, "", "LLAMA3_1_405B"], [25, 3, 1, "", "LLAMA3_1_70B"], [25, 3, 1, "", "LLAMA3_1_8B"], [25, 3, 1, "", "LLAMA3_3_70B"], [25, 3, 1, "", "LLAMA3_LARGE_CHAT"], [25, 3, 1, "", "OPENAI_GPT3_5"], [25, 3, 1, "", "OPENAI_GPT3_5_TEXT"], [25, 3, 1, "", "OPENAI_GPT4"], [25, 3, 1, "", "OPENAI_GPT4O"], [25, 3, 1, "", "OPENAI_GPT4O_MINI"], [25, 3, 1, "", "OPENAI_GPT4_128K"], [25, 3, 1, "", "OPENAI_GPT4_128K_LATEST"], [25, 3, 1, "", "OPENAI_GPT4_32K"], [25, 3, 1, "", "OPENAI_O1_MINI"], [25, 3, 1, "", "QWEN_2_5_32B"], [25, 3, 1, "", "QWEN_2_5_32B_BASE"], [25, 3, 1, "", "QWEN_2_5_72B"], [25, 3, 1, "", "QWQ_32B"], [25, 3, 1, "", "XAI_GROK"]], "abacusai.api_class.enums.MarkdownOperatorInputType": [[25, 3, 1, "", "HTML"]], "abacusai.api_class.enums.MemorySize": [[25, 3, 1, "", "LARGE"], [25, 3, 1, "", "MEDIUM"], [25, 3, 1, "", "SMALL"], [25, 3, 1, "", "XLARGE"], [25, 2, 1, "", "from_value"]], "abacusai.api_class.enums.MergeMode": [[25, 3, 1, "", "LAST_N"], [25, 3, 1, "", "TIME_WINDOW"]], "abacusai.api_class.enums.MonitorAlertType": [[25, 3, 1, "", "ACCURACY_BELOW_THRESHOLD"], [25, 3, 1, "", "BIAS_VIOLATIONS"], [25, 3, 1, "", "DATA_INTEGRITY_VIOLATIONS"], [25, 3, 1, "", "FEATURE_DRIFT"], [25, 3, 1, "", "HISTORY_LENGTH_DRIFT"], [25, 3, 1, "", "PREDICTION_COUNT"], [25, 3, 1, "", "TARGET_DRIFT"]], "abacusai.api_class.enums.NERModelType": [[25, 3, 1, "", "LEARNED"], [25, 3, 1, "", "PRETRAINED_BERT"], [25, 3, 1, "", "PRETRAINED_MULTILINGUAL"], [25, 3, 1, "", "PRETRAINED_ROBERTA_27"], [25, 3, 1, "", "PRETRAINED_ROBERTA_43"]], "abacusai.api_class.enums.NERObjective": [[25, 3, 1, "", "ANNOTATIONS_PRECISION"], [25, 3, 1, "", "ANNOTATIONS_RECALL"], [25, 3, 1, "", "AUC"], [25, 3, 1, "", "LOG_LOSS"], [25, 3, 1, "", "PRECISION"], [25, 3, 1, "", "RECALL"]], "abacusai.api_class.enums.NLPDocumentFormat": [[25, 3, 1, "", "AUTO"], [25, 3, 1, "", "DOC"], [25, 3, 1, "", "TEXT"], [25, 3, 1, "", "TOKENS"]], "abacusai.api_class.enums.OcrMode": [[25, 3, 1, "", "AUGMENTED_LLM"], [25, 3, 1, "", "AUTO"], [25, 3, 1, "", "COMPREHENSIVE"], [25, 3, 1, "", "COMPREHENSIVE_FORM_AND_TABLE_MD"], [25, 3, 1, "", "COMPREHENSIVE_FORM_MD"], [25, 3, 1, "", "COMPREHENSIVE_TABLE_MD"], [25, 3, 1, "", "COMPREHENSIVE_V2"], [25, 3, 1, "", "DEFAULT"], [25, 3, 1, "", "LAYOUT"], [25, 3, 1, "", "LLM"], [25, 3, 1, "", "SCANNED"], [25, 3, 1, "", "TESSERACT_FAST"], [25, 2, 1, "", "aws_ocr_modes"]], "abacusai.api_class.enums.OperatorType": [[25, 3, 1, "", "CRAWLER"], [25, 3, 1, "", "DATA_GENERATION"], [25, 3, 1, "", "EXTRACT_DOCUMENT_DATA"], [25, 3, 1, "", "MARKDOWN"], [25, 3, 1, "", "UNION"], [25, 3, 1, "", "UNPIVOT"]], "abacusai.api_class.enums.PartialDependenceAnalysis": [[25, 3, 1, "", "RAPID"], [25, 3, 1, "", "THOROUGH"]], "abacusai.api_class.enums.PersonalizationObjective": [[25, 3, 1, "", "COVERAGE"], [25, 3, 1, "", "MAP"], [25, 3, 1, "", "MAP_10"], [25, 3, 1, "", "MAP_5"], [25, 3, 1, "", "MRR"], [25, 3, 1, "", "NDCG"], [25, 3, 1, "", "NDCG_10"], [25, 3, 1, "", "NDCG_5"], [25, 3, 1, "", "PERSONALIZATION"]], "abacusai.api_class.enums.PersonalizationTrainingMode": [[25, 3, 1, "", "EXPERIMENTAL"], [25, 3, 1, "", "PRODUCTION"]], "abacusai.api_class.enums.ProblemType": [[25, 3, 1, "", "AI_AGENT"], [25, 3, 1, "", "CHAT_LLM"], [25, 3, 1, "", "CLUSTERING"], [25, 3, 1, "", "CLUSTERING_TIMESERIES"], [25, 3, 1, "", "CUMULATIVE_FORECASTING"], [25, 3, 1, "", "CUSTOM_ALGORITHM"], [25, 3, 1, "", "CUSTOM_TRAINED_MODEL"], [25, 3, 1, "", "DOCUMENT_CLASSIFICATION"], [25, 3, 1, "", "DOCUMENT_SUMMARIZATION"], [25, 3, 1, "", "DOCUMENT_VISUALIZATION"], [25, 3, 1, "", "EVENT_ANOMALY"], [25, 3, 1, "", "FEATURE_STORE"], [25, 3, 1, "", "FINETUNED_LLM"], [25, 3, 1, "", "FORECASTING"], [25, 3, 1, "", "IMAGE_CLASSIFICATION"], [25, 3, 1, "", "IMAGE_VALUE_PREDICTION"], [25, 3, 1, "", "LANGUAGE_DETECTION"], [25, 3, 1, "", "MODEL_MONITORING"], [25, 3, 1, "", "NAMED_ENTITY_EXTRACTION"], [25, 3, 1, "", "NATURAL_LANGUAGE_SEARCH"], [25, 3, 1, "", "OBJECT_DETECTION"], [25, 3, 1, "", "OPTIMIZATION"], [25, 3, 1, "", "PERSONALIZATION"], [25, 3, 1, "", "PREDICTIVE_MODELING"], [25, 3, 1, "", "PRETRAINED_MODELS"], [25, 3, 1, "", "SENTENCE_BOUNDARY_DETECTION"], [25, 3, 1, "", "SENTIMENT_DETECTION"], [25, 3, 1, "", "THEME_ANALYSIS"], [25, 3, 1, "", "TS_ANOMALY"]], "abacusai.api_class.enums.ProjectConfigType": [[25, 3, 1, "", "CHAT_FEEDBACK"], [25, 3, 1, "", "CONSTRAINTS"], [25, 3, 1, "", "REVIEW_MODE"]], "abacusai.api_class.enums.PythonFunctionArgumentType": [[25, 3, 1, "", "BATCH_PREDICTION_ID"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATASET_ID"], [25, 3, 1, "", "DEPLOYMENT_ID"], [25, 3, 1, "", "FEATURE_GROUP"], [25, 3, 1, "", "FEATURE_GROUP_ID"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "JSON"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "MODEL_ID"], [25, 3, 1, "", "MONITOR_ID"], [25, 3, 1, "", "STRING"]], "abacusai.api_class.enums.PythonFunctionOutputArgumentType": [[25, 3, 1, "", "ANY"], [25, 3, 1, "", "BATCH_PREDICTION_ID"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATASET_ID"], [25, 3, 1, "", "DEPLOYMENT_ID"], [25, 3, 1, "", "FEATURE_GROUP_ID"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "JSON"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "MODEL_ID"], [25, 3, 1, "", "MONITOR_ID"], [25, 3, 1, "", "NTEGER"], [25, 3, 1, "", "STRING"]], "abacusai.api_class.enums.PythonFunctionType": [[25, 3, 1, "", "FEATURE_GROUP"], [25, 3, 1, "", "PLOTLY_FIG"], [25, 3, 1, "", "STEP_FUNCTION"], [25, 3, 1, "", "USERCODE_TOOL"]], "abacusai.api_class.enums.RegressionAugmentationStrategy": [[25, 3, 1, "", "RESAMPLE"], [25, 3, 1, "", "SMOTE"]], "abacusai.api_class.enums.RegressionLossFunction": [[25, 3, 1, "", "AUTOMATIC"], [25, 3, 1, "", "CROSS_ENTROPY"], [25, 3, 1, "", "CUSTOM"], [25, 3, 1, "", "FOCAL_CROSS_ENTROPY"], [25, 3, 1, "", "HUBER"], [25, 3, 1, "", "MAE"], [25, 3, 1, "", "MAPE"], [25, 3, 1, "", "MSE"], [25, 3, 1, "", "MSLE"], [25, 3, 1, "", "TWEEDIE"]], "abacusai.api_class.enums.RegressionObjective": [[25, 3, 1, "", "ACCURACY"], [25, 3, 1, "", "AUC"], [25, 3, 1, "", "F1_SCORE"], [25, 3, 1, "", "LOG_LOSS"], [25, 3, 1, "", "MAE"], [25, 3, 1, "", "MAPE"], [25, 3, 1, "", "PRECISION"], [25, 3, 1, "", "RECALL"], [25, 3, 1, "", "RMSE"], [25, 3, 1, "", "R_SQUARED_COEFFICIENT_OF_DETERMINATION"], [25, 3, 1, "", "WAPE"]], "abacusai.api_class.enums.RegressionTargetTransform": [[25, 3, 1, "", "BOX_COX"], [25, 3, 1, "", "LOG"], [25, 3, 1, "", "QUANTILE"], [25, 3, 1, "", "YEO_JOHNSON"]], "abacusai.api_class.enums.RegressionTimeSplitMethod": [[25, 3, 1, "", "TEST_SPLIT_PERCENTAGE_BASED"], [25, 3, 1, "", "TEST_START_TIMESTAMP_BASED"]], "abacusai.api_class.enums.RegressionTreeHPOMode": [[25, 3, 1, "", "RAPID"], [25, 3, 1, "", "THOROUGH"]], "abacusai.api_class.enums.RegressionTypeOfSplit": [[25, 3, 1, "", "RANDOM"], [25, 3, 1, "", "ROW_INDICATOR_BASED"], [25, 3, 1, "", "STRATIFIED_RANDOM_SAMPLING"], [25, 3, 1, "", "TIMESTAMP_BASED"]], "abacusai.api_class.enums.ResponseSectionType": [[25, 3, 1, "", "AGENT_FLOW_BUTTON"], [25, 3, 1, "", "ATTACHMENTS"], [25, 3, 1, "", "BASE64_IMAGE"], [25, 3, 1, "", "CHART"], [25, 3, 1, "", "CODE"], [25, 3, 1, "", "COLLAPSIBLE_COMPONENT"], [25, 3, 1, "", "IMAGE_URL"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "RUNTIME_SCHEMA"], [25, 3, 1, "", "TABLE"], [25, 3, 1, "", "TEXT"]], "abacusai.api_class.enums.SamplingMethodType": [[25, 3, 1, "", "N_SAMPLING"], [25, 3, 1, "", "PERCENT_SAMPLING"]], "abacusai.api_class.enums.SentimentType": [[25, 3, 1, "", "EMOTION"], [25, 3, 1, "", "VALENCE"]], "abacusai.api_class.enums.StdDevThresholdType": [[25, 3, 1, "", "ABSOLUTE"], [25, 3, 1, "", "PERCENTILE"], [25, 3, 1, "", "STDDEV"]], "abacusai.api_class.enums.StreamingConnectorType": [[25, 3, 1, "", "KAFKA"]], "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType": [[25, 3, 1, "", "AUTO"], [25, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly": [[25, 3, 1, "", "HIGH_PEAK"], [25, 3, 1, "", "LOW_PEAK"]], "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic": [[25, 3, 1, "", "AUTOMATIC"], [25, 3, 1, "", "DISABLE"], [25, 3, 1, "", "ENABLE"]], "abacusai.api_class.enums.VectorStoreTextEncoder": [[25, 3, 1, "", "CODE_BERT"], [25, 3, 1, "", "E5"], [25, 3, 1, "", "E5_SMALL"], [25, 3, 1, "", "OPENAI"], [25, 3, 1, "", "OPENAI_COMPACT"], [25, 3, 1, "", "OPENAI_LARGE"], [25, 3, 1, "", "SENTENCE_BERT"]], "abacusai.api_class.enums.WorkflowNodeInputType": [[25, 3, 1, "", "CONSTANT"], [25, 3, 1, "", "IGNORE"], [25, 3, 1, "", "USER_INPUT"], [25, 3, 1, "", "WORKFLOW_VARIABLE"]], "abacusai.api_class.enums.WorkflowNodeOutputType": [[25, 3, 1, "", "ANY"], [25, 3, 1, "", "ATTACHMENT"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DICT"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "RUNTIME_SCHEMA"], [25, 3, 1, "", "STRING"], [25, 2, 1, "", "normalize_type"]], "abacusai.api_class.enums.WorkflowNodeTemplateType": [[25, 3, 1, "", "DEFAULT"], [25, 3, 1, "", "TRIGGER"]], "abacusai.api_class.feature_group": [[26, 1, 1, "", "CrawlerTransformConfig"], [26, 1, 1, "", "DataGenerationConfig"], [26, 1, 1, "", "ExtractDocumentDataConfig"], [26, 1, 1, "", "LastNMergeConfig"], [26, 1, 1, "", "MarkdownConfig"], [26, 1, 1, "", "MergeConfig"], [26, 1, 1, "", "NSamplingConfig"], [26, 1, 1, "", "OperatorConfig"], [26, 1, 1, "", "PercentSamplingConfig"], [26, 1, 1, "", "SamplingConfig"], [26, 1, 1, "", "TimeWindowMergeConfig"], [26, 1, 1, "", "UnionTransformConfig"], [26, 1, 1, "", "UnpivotConfig"], [26, 1, 1, "", "_MergeConfigFactory"], [26, 1, 1, "", "_OperatorConfigFactory"], [26, 1, 1, "", "_SamplingConfigFactory"]], "abacusai.api_class.feature_group.CrawlerTransformConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "crawl_depth"], [26, 3, 1, "", "depth_column"], [26, 3, 1, "", "disable_host_restriction"], [26, 3, 1, "", "honour_website_rules"], [26, 3, 1, "", "input_column"], [26, 3, 1, "", "input_column_type"], [26, 3, 1, "", "output_column"], [26, 3, 1, "", "user_agent"]], "abacusai.api_class.feature_group.DataGenerationConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "completion_col"], [26, 3, 1, "", "concurrency"], [26, 3, 1, "", "description_col"], [26, 3, 1, "", "documentation_char_limit"], [26, 3, 1, "", "examples_per_target"], [26, 3, 1, "", "fewshot_examples"], [26, 3, 1, "", "frequency_penalty"], [26, 3, 1, "", "generation_instructions"], [26, 3, 1, "", "id_col"], [26, 3, 1, "", "model"], [26, 3, 1, "", "oversample"], [26, 3, 1, "", "prompt_col"], [26, 3, 1, "", "seed"], [26, 3, 1, "", "subset_size"], [26, 3, 1, "", "temperature"], [26, 3, 1, "", "token_budget"], [26, 3, 1, "", "verify_response"]], "abacusai.api_class.feature_group.ExtractDocumentDataConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "doc_id_column"], [26, 3, 1, "", "document_column"], [26, 3, 1, "", "document_processing_config"]], "abacusai.api_class.feature_group.LastNMergeConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "include_version_timestamp_column"], [26, 3, 1, "", "num_versions"]], "abacusai.api_class.feature_group.MarkdownConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "input_column"], [26, 3, 1, "", "input_column_type"], [26, 3, 1, "", "output_column"]], "abacusai.api_class.feature_group.MergeConfig": [[26, 2, 1, "", "__post_init__"], [26, 2, 1, "", "_get_builder"], [26, 3, 1, "", "merge_mode"]], "abacusai.api_class.feature_group.NSamplingConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "key_columns"], [26, 3, 1, "", "sample_count"]], "abacusai.api_class.feature_group.OperatorConfig": [[26, 2, 1, "", "__post_init__"], [26, 2, 1, "", "_get_builder"], [26, 3, 1, "", "operator_type"]], "abacusai.api_class.feature_group.PercentSamplingConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "key_columns"], [26, 3, 1, "", "sample_percent"]], "abacusai.api_class.feature_group.SamplingConfig": [[26, 2, 1, "", "__post_init__"], [26, 2, 1, "", "_get_builder"], [26, 3, 1, "", "sampling_method"]], "abacusai.api_class.feature_group.TimeWindowMergeConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "feature_name"], [26, 3, 1, "", "include_version_timestamp_column"], [26, 3, 1, "", "time_window_size_ms"]], "abacusai.api_class.feature_group.UnionTransformConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "drop_non_intersecting_columns"], [26, 3, 1, "", "feature_group_ids"]], "abacusai.api_class.feature_group.UnpivotConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "columns"], [26, 3, 1, "", "exclude"], [26, 3, 1, "", "index_column"], [26, 3, 1, "", "value_column"]], "abacusai.api_class.feature_group._MergeConfigFactory": [[26, 3, 1, "", "config_abstract_class"], [26, 3, 1, "", "config_class_key"], [26, 3, 1, "", "config_class_map"]], "abacusai.api_class.feature_group._OperatorConfigFactory": [[26, 3, 1, "", "config_abstract_class"], [26, 3, 1, "", "config_class_key"], [26, 3, 1, "", "config_class_map"]], "abacusai.api_class.feature_group._SamplingConfigFactory": [[26, 3, 1, "", "config_abstract_class"], [26, 3, 1, "", "config_class_key"], [26, 3, 1, "", "config_class_map"]], "abacusai.api_class.model": [[28, 1, 1, "", "AIAgentTrainingConfig"], [28, 1, 1, "", "ChatLLMTrainingConfig"], [28, 1, 1, "", "ClusteringTimeseriesTrainingConfig"], [28, 1, 1, "", "ClusteringTrainingConfig"], [28, 1, 1, "", "CumulativeForecastingTrainingConfig"], [28, 1, 1, "", "CustomAlgorithmTrainingConfig"], [28, 1, 1, "", "CustomTrainedModelTrainingConfig"], [28, 1, 1, "", "DeployableAlgorithm"], [28, 1, 1, "", "DocumentClassificationTrainingConfig"], [28, 1, 1, "", "DocumentSummarizationTrainingConfig"], [28, 1, 1, "", "DocumentVisualizationTrainingConfig"], [28, 1, 1, "", "EventAnomalyTrainingConfig"], [28, 1, 1, "", "ForecastingTrainingConfig"], [28, 1, 1, "", "NamedEntityExtractionTrainingConfig"], [28, 1, 1, "", "NaturalLanguageSearchTrainingConfig"], [28, 1, 1, "", "OptimizationTrainingConfig"], [28, 1, 1, "", "PersonalizationTrainingConfig"], [28, 1, 1, "", "RegressionTrainingConfig"], [28, 1, 1, "", "SentenceBoundaryDetectionTrainingConfig"], [28, 1, 1, "", "SentimentDetectionTrainingConfig"], [28, 1, 1, "", "ThemeAnalysisTrainingConfig"], [28, 1, 1, "", "TimeseriesAnomalyTrainingConfig"], [28, 1, 1, "", "TrainingConfig"], [28, 1, 1, "", "_TrainingConfigFactory"]], "abacusai.api_class.model.AIAgentTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "agent_connectors"], [28, 3, 1, "", "agent_input_schema"], [28, 3, 1, "", "agent_interface"], [28, 3, 1, "", "agent_output_schema"], [28, 3, 1, "", "description"], [28, 3, 1, "", "enable_binary_input"]], "abacusai.api_class.model.ChatLLMTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "behavior_instructions"], [28, 3, 1, "", "column_filtering_instructions"], [28, 3, 1, "", "data_columns_to_ignore"], [28, 3, 1, "", "data_feature_group_ids"], [28, 3, 1, "", "data_prompt_column_context"], [28, 3, 1, "", "data_prompt_context"], [28, 3, 1, "", "data_prompt_table_context"], [28, 3, 1, "", "database_connector_id"], [28, 3, 1, "", "database_connector_tables"], [28, 3, 1, "", "disable_data_summarization"], [28, 3, 1, "", "document_retrievers"], [28, 3, 1, "", "enable_code_execution"], [28, 3, 1, "", "enable_inline_source_citations"], [28, 3, 1, "", "enable_llm_rewrite"], [28, 3, 1, "", "enable_response_caching"], [28, 3, 1, "", "enable_tool_bar"], [28, 3, 1, "", "enable_web_search"], [28, 3, 1, "", "filter_columns"], [28, 3, 1, "", "hide_sql_and_code"], [28, 3, 1, "", "include_bm25_retrieval"], [28, 3, 1, "", "include_general_knowledge"], [28, 3, 1, "", "json_response_instructions"], [28, 3, 1, "", "json_response_schema"], [28, 3, 1, "", "keyword_requirement_instructions"], [28, 3, 1, "", "lookup_rewrite_instructions"], [28, 3, 1, "", "max_search_results"], [28, 3, 1, "", "metadata_columns"], [28, 3, 1, "", "num_completion_tokens"], [28, 3, 1, "", "query_rewrite_instructions"], [28, 3, 1, "", "response_format"], [28, 3, 1, "", "response_instructions"], [28, 3, 1, "", "retrieval_columns"], [28, 3, 1, "", "search_score_cutoff"], [28, 3, 1, "", "temperature"], [28, 3, 1, "", "unknown_answer_phrase"]], "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "imputation"], [28, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.model.ClusteringTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.model.CumulativeForecastingTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "cumulative_prediction_lengths"], [28, 3, 1, "", "historical_frequency"], [28, 3, 1, "", "predict_residuals"], [28, 3, 1, "", "skip_input_transform"], [28, 3, 1, "", "skip_target_transform"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.CustomAlgorithmTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "timeout_minutes"]], "abacusai.api_class.model.CustomTrainedModelTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "docker_image_uri"], [28, 3, 1, "", "index_output_path"], [28, 3, 1, "", "max_catalog_size"], [28, 3, 1, "", "max_dimension"], [28, 3, 1, "", "service_port"], [28, 3, 1, "", "streaming_embeddings"]], "abacusai.api_class.model.DeployableAlgorithm": [[28, 3, 1, "", "algorithm"], [28, 3, 1, "", "name"], [28, 3, 1, "", "only_offline_deployable"], [28, 3, 1, "", "trained_model_types"]], "abacusai.api_class.model.DocumentClassificationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "zero_shot_hypotheses"]], "abacusai.api_class.model.DocumentSummarizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.DocumentVisualizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.EventAnomalyTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "anomaly_fraction"]], "abacusai.api_class.model.ForecastingTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "additional_forecast_keys"], [28, 3, 1, "", "allow_training_with_small_history"], [28, 3, 1, "", "backtesting_window_step_size"], [28, 3, 1, "", "batch_renormalization"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "convolution_filters"], [28, 3, 1, "", "convolutional_layers"], [28, 3, 1, "", "custom_loss_functions"], [28, 3, 1, "", "custom_metrics"], [28, 3, 1, "", "data_split_feature_group_table_name"], [28, 3, 1, "", "datetime_holiday_calendars"], [28, 3, 1, "", "disable_networks_without_analytic_quantiles"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "enable_clustering"], [28, 3, 1, "", "enable_cold_start"], [28, 3, 1, "", "enable_feature_selection"], [28, 3, 1, "", "enable_multiple_backtests"], [28, 3, 1, "", "enable_padding"], [28, 3, 1, "", "experimentation_mode"], [28, 3, 1, "", "fill_missing_values"], [28, 3, 1, "", "filter_items"], [28, 3, 1, "", "force_prediction_length"], [28, 3, 1, "", "forecast_frequency"], [28, 3, 1, "", "full_data_retraining"], [28, 3, 1, "", "handle_zeros_as_missing_values"], [28, 3, 1, "", "history_length"], [28, 3, 1, "", "initial_learning_rate"], [28, 3, 1, "", "item_attributes_weight_column"], [28, 3, 1, "", "l2_regularization_factor"], [28, 3, 1, "", "local_scale_target"], [28, 3, 1, "", "local_scaling_mode"], [28, 3, 1, "", "loss_function"], [28, 3, 1, "", "max_scale_context"], [28, 3, 1, "", "num_backtesting_windows"], [28, 3, 1, "", "number_of_samples"], [28, 3, 1, "", "objective"], [28, 3, 1, "", "prediction_length"], [28, 3, 1, "", "prediction_step_size"], [28, 3, 1, "", "probability_quantiles"], [28, 3, 1, "", "quantiles_extension_method"], [28, 3, 1, "", "recurrent_layers"], [28, 3, 1, "", "recurrent_units"], [28, 3, 1, "", "return_fractional_forecasts"], [28, 3, 1, "", "skip_missing"], [28, 3, 1, "", "skip_timeseries_weight_scaling"], [28, 3, 1, "", "smooth_history"], [28, 3, 1, "", "sort_objective"], [28, 3, 1, "", "symmetrize_quantiles"], [28, 3, 1, "", "test_by_item"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_start"], [28, 3, 1, "", "timeseries_loss_weight_column"], [28, 3, 1, "", "timeseries_weight_column"], [28, 3, 1, "", "training_point_overlap"], [28, 3, 1, "", "type_of_split"], [28, 3, 1, "", "underprediction_weight"], [28, 3, 1, "", "use_all_item_totals"], [28, 3, 1, "", "use_clipping"], [28, 3, 1, "", "use_item_id"], [28, 3, 1, "", "use_item_weights_in_objective"], [28, 3, 1, "", "use_log_transforms"], [28, 3, 1, "", "use_timeseries_weights_in_objective"], [28, 3, 1, "", "zero_predictor"]], "abacusai.api_class.model.NamedEntityExtractionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "active_labels_column"], [28, 3, 1, "", "additional_extraction_instructions"], [28, 3, 1, "", "document_format"], [28, 3, 1, "", "enhanced_ocr"], [28, 3, 1, "", "llm_for_ner"], [28, 3, 1, "", "minimum_bounding_box_overlap_ratio"], [28, 3, 1, "", "save_predicted_pdf"], [28, 3, 1, "", "test_row_indicator"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "abacus_internal_model"], [28, 3, 1, "", "chunk_overlap_fraction"], [28, 3, 1, "", "index_fraction"], [28, 3, 1, "", "larger_embeddings"], [28, 3, 1, "", "num_completion_tokens"], [28, 3, 1, "", "search_chunk_size"]], "abacusai.api_class.model.OptimizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "include_all_partitions"], [28, 3, 1, "", "include_specific_partitions"], [28, 3, 1, "", "optimality_gap_limit"], [28, 3, 1, "", "solve_time_limit"]], "abacusai.api_class.model.PersonalizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "action_types_exclusion_days"], [28, 3, 1, "", "add_time_features"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "compute_rerank_metrics"], [28, 3, 1, "", "compute_session_metrics"], [28, 3, 1, "", "data_split_feature_group_table_name"], [28, 3, 1, "", "disable_gpu"], [28, 3, 1, "", "disable_timestamp_scalar_features"], [28, 3, 1, "", "disable_transformer"], [28, 3, 1, "", "downsample_item_popularity_percentile"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "explicit_time_split"], [28, 3, 1, "", "filter_history"], [28, 3, 1, "", "full_data_retraining"], [28, 3, 1, "", "include_item_id_feature"], [28, 3, 1, "", "item_query_column"], [28, 3, 1, "", "max_history_length"], [28, 3, 1, "", "max_user_history_len_percentile"], [28, 3, 1, "", "min_item_history"], [28, 3, 1, "", "objective"], [28, 3, 1, "", "optimized_event_type"], [28, 3, 1, "", "query_column"], [28, 3, 1, "", "recent_days_for_training"], [28, 3, 1, "", "sequential_training"], [28, 3, 1, "", "session_dedupe_mins"], [28, 3, 1, "", "session_event_types"], [28, 3, 1, "", "sort_objective"], [28, 3, 1, "", "target_action_types"], [28, 3, 1, "", "target_action_weights"], [28, 3, 1, "", "test_last_items_length"], [28, 3, 1, "", "test_on_user_split"], [28, 3, 1, "", "test_row_indicator"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_split_on_last_k_items"], [28, 3, 1, "", "test_window_length_hours"], [28, 3, 1, "", "training_mode"], [28, 3, 1, "", "training_start_date"], [28, 3, 1, "", "use_user_id_feature"]], "abacusai.api_class.model.RegressionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "active_labels_column"], [28, 3, 1, "", "augmentation_strategy"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "custom_loss_functions"], [28, 3, 1, "", "custom_metrics"], [28, 3, 1, "", "data_split_feature_group_table_name"], [28, 3, 1, "", "disable_test_val_fold"], [28, 3, 1, "", "do_masked_language_model_pretraining"], [28, 3, 1, "", "drop_original_categoricals"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "feature_selection_intensity"], [28, 3, 1, "", "full_data_retraining"], [28, 3, 1, "", "ignore_datetime_features"], [28, 3, 1, "", "is_multilingual"], [28, 3, 1, "", "k_fold_cross_validation"], [28, 3, 1, "", "loss_function"], [28, 3, 1, "", "loss_parameters"], [28, 3, 1, "", "max_text_words"], [28, 3, 1, "", "max_tokens_in_sentence"], [28, 3, 1, "", "min_categorical_count"], [28, 3, 1, "", "monotonically_decreasing_features"], [28, 3, 1, "", "monotonically_increasing_features"], [28, 3, 1, "", "num_cv_folds"], [28, 3, 1, "", "numeric_clipping_percentile"], [28, 3, 1, "", "objective"], [28, 3, 1, "", "partial_dependence_analysis"], [28, 3, 1, "", "perform_feature_selection"], [28, 3, 1, "", "pretrained_llm_name"], [28, 3, 1, "", "pretrained_model_name"], [28, 3, 1, "", "rare_class_augmentation_threshold"], [28, 3, 1, "", "rebalance_classes"], [28, 3, 1, "", "sample_weight"], [28, 3, 1, "", "sampling_unit_keys"], [28, 3, 1, "", "sort_objective"], [28, 3, 1, "", "target_encode_categoricals"], [28, 3, 1, "", "target_transform"], [28, 3, 1, "", "test_row_indicator"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_splitting_timestamp"], [28, 3, 1, "", "timestamp_based_splitting_column"], [28, 3, 1, "", "timestamp_based_splitting_method"], [28, 3, 1, "", "training_rows_downsample_ratio"], [28, 3, 1, "", "tree_hpo_mode"], [28, 3, 1, "", "truncation_strategy"], [28, 3, 1, "", "type_of_split"]], "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.SentimentDetectionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "sentiment_type"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.ThemeAnalysisTrainingConfig": [[28, 2, 1, "", "__post_init__"]], "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "additional_anomaly_ids"], [28, 3, 1, "", "anomaly_type"], [28, 3, 1, "", "fill_missing_values"], [28, 3, 1, "", "handle_zeros_as_missing_values"], [28, 3, 1, "", "hyperparameter_calculation_with_heuristics"], [28, 3, 1, "", "min_samples_in_normal_region"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_start"], [28, 3, 1, "", "threshold_score"], [28, 3, 1, "", "timeseries_frequency"], [28, 3, 1, "", "type_of_split"]], "abacusai.api_class.model.TrainingConfig": [[28, 2, 1, "", "_get_builder"], [28, 3, 1, "", "_support_kwargs"], [28, 3, 1, "", "_upper_snake_case_keys"], [28, 3, 1, "", "algorithm"], [28, 3, 1, "", "kwargs"], [28, 3, 1, "", "problem_type"]], "abacusai.api_class.model._TrainingConfigFactory": [[28, 3, 1, "", "config_abstract_class"], [28, 3, 1, "", "config_class_key"], [28, 3, 1, "", "config_class_map"]], "abacusai.api_class.monitor": [[29, 1, 1, "", "ForecastingMonitorConfig"], [29, 1, 1, "", "ItemAttributesStdDevThreshold"], [29, 1, 1, "", "MonitorFilteringConfig"], [29, 1, 1, "", "RestrictFeatureMappings"], [29, 1, 1, "", "StdDevThreshold"], [29, 1, 1, "", "TimeWindowConfig"]], "abacusai.api_class.monitor.ForecastingMonitorConfig": [[29, 3, 1, "", "end_time"], [29, 3, 1, "", "id_column"], [29, 3, 1, "", "start_time"], [29, 3, 1, "", "target_column"], [29, 3, 1, "", "timestamp_column"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "window_config"]], "abacusai.api_class.monitor.ItemAttributesStdDevThreshold": [[29, 3, 1, "", "lower_bound"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "upper_bound"]], "abacusai.api_class.monitor.MonitorFilteringConfig": [[29, 3, 1, "", "end_time"], [29, 3, 1, "", "prediction_target_feature"], [29, 3, 1, "", "restrict_feature_mappings"], [29, 3, 1, "", "start_time"], [29, 3, 1, "", "target_class"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "train_target_feature"]], "abacusai.api_class.monitor.RestrictFeatureMappings": [[29, 3, 1, "", "end_time"], [29, 3, 1, "", "feature_name"], [29, 3, 1, "", "max_value"], [29, 3, 1, "", "min_value"], [29, 3, 1, "", "restricted_feature_values"], [29, 3, 1, "", "start_time"], [29, 2, 1, "", "to_dict"]], "abacusai.api_class.monitor.StdDevThreshold": [[29, 3, 1, "", "threshold_type"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "value"]], "abacusai.api_class.monitor.TimeWindowConfig": [[29, 2, 1, "", "to_dict"], [29, 3, 1, "", "window_duration"], [29, 3, 1, "", "window_from_start"]], "abacusai.api_class.monitor_alert": [[30, 1, 1, "", "AccuracyBelowThresholdConditionConfig"], [30, 1, 1, "", "AlertActionConfig"], [30, 1, 1, "", "AlertConditionConfig"], [30, 1, 1, "", "BiasViolationConditionConfig"], [30, 1, 1, "", "DataIntegrityViolationConditionConfig"], [30, 1, 1, "", "EmailActionConfig"], [30, 1, 1, "", "FeatureDriftConditionConfig"], [30, 1, 1, "", "HistoryLengthDriftConditionConfig"], [30, 1, 1, "", "MonitorThresholdConfig"], [30, 1, 1, "", "PredictionCountConditionConfig"], [30, 1, 1, "", "TargetDriftConditionConfig"], [30, 1, 1, "", "_AlertActionConfigFactory"], [30, 1, 1, "", "_AlertConditionConfigFactory"]], "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.AlertActionConfig": [[30, 2, 1, "", "_get_builder"], [30, 3, 1, "", "action_type"]], "abacusai.api_class.monitor_alert.AlertConditionConfig": [[30, 2, 1, "", "_get_builder"], [30, 3, 1, "", "alert_type"]], "abacusai.api_class.monitor_alert.BiasViolationConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "bias_type"], [30, 3, 1, "", "minimum_violations"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "data_integrity_type"], [30, 3, 1, "", "minimum_violations"]], "abacusai.api_class.monitor_alert.EmailActionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "email_body"], [30, 3, 1, "", "email_recipients"]], "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "feature_drift_type"], [30, 3, 1, "", "feature_names"], [30, 3, 1, "", "minimum_violations"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "feature_drift_type"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.MonitorThresholdConfig": [[30, 3, 1, "", "at_risk_threshold"], [30, 3, 1, "", "drift_type"], [30, 3, 1, "", "severely_drifting_threshold"], [30, 2, 1, "", "to_dict"]], "abacusai.api_class.monitor_alert.PredictionCountConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "aggregation_type"], [30, 3, 1, "", "aggregation_window"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.TargetDriftConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "feature_drift_type"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert._AlertActionConfigFactory": [[30, 3, 1, "", "config_abstract_class"], [30, 3, 1, "", "config_class_key"], [30, 3, 1, "", "config_class_map"]], "abacusai.api_class.monitor_alert._AlertConditionConfigFactory": [[30, 3, 1, "", "config_abstract_class"], [30, 3, 1, "", "config_class_key"], [30, 3, 1, "", "config_class_key_value_camel_case"], [30, 3, 1, "", "config_class_map"]], "abacusai.api_class.project": [[31, 1, 1, "", "ConstraintConfig"], [31, 1, 1, "", "ConstraintProjectFeatureGroupConfig"], [31, 1, 1, "", "FeatureMappingConfig"], [31, 1, 1, "", "ProjectFeatureGroupConfig"], [31, 1, 1, "", "ProjectFeatureGroupTypeMappingsConfig"], [31, 1, 1, "", "ReviewModeProjectFeatureGroupConfig"], [31, 1, 1, "", "_ProjectFeatureGroupConfigFactory"]], "abacusai.api_class.project.ConstraintConfig": [[31, 3, 1, "", "code"], [31, 3, 1, "", "constant"], [31, 3, 1, "", "enforcement"], [31, 3, 1, "", "operator"], [31, 3, 1, "", "penalty"]], "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig": [[31, 2, 1, "", "__post_init__"], [31, 3, 1, "", "constraints"]], "abacusai.api_class.project.FeatureMappingConfig": [[31, 3, 1, "", "feature_mapping"], [31, 3, 1, "", "feature_name"], [31, 3, 1, "", "nested_feature_name"]], "abacusai.api_class.project.ProjectFeatureGroupConfig": [[31, 2, 1, "", "_get_builder"], [31, 3, 1, "", "type"]], "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig": [[31, 3, 1, "", "feature_group_id"], [31, 3, 1, "", "feature_group_type"], [31, 3, 1, "", "feature_mappings"], [31, 2, 1, "", "from_dict"]], "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig": [[31, 2, 1, "", "__post_init__"], [31, 3, 1, "", "is_review_mode"]], "abacusai.api_class.project._ProjectFeatureGroupConfigFactory": [[31, 3, 1, "", "config_abstract_class"], [31, 3, 1, "", "config_class_key"], [31, 3, 1, "", "config_class_map"]], "abacusai.api_class.python_functions": [[32, 1, 1, "", "OutputVariableMapping"], [32, 1, 1, "", "PythonFunctionArgument"]], "abacusai.api_class.python_functions.OutputVariableMapping": [[32, 3, 1, "", "name"], [32, 3, 1, "", "variable_type"]], "abacusai.api_class.python_functions.PythonFunctionArgument": [[32, 3, 1, "", "description"], [32, 3, 1, "", "is_required"], [32, 3, 1, "", "item_type"], [32, 3, 1, "", "name"], [32, 3, 1, "", "pipeline_variable"], [32, 3, 1, "", "value"], [32, 3, 1, "", "variable_type"]], "abacusai.api_class.refresh": [[33, 1, 1, "", "DatabaseConnectorExportConfig"], [33, 1, 1, "", "FeatureGroupExportConfig"], [33, 1, 1, "", "FileConnectorExportConfig"], [33, 1, 1, "", "_FeatureGroupExportConfigFactory"]], "abacusai.api_class.refresh.DatabaseConnectorExportConfig": [[33, 2, 1, "", "__post_init__"], [33, 3, 1, "", "additional_id_columns"], [33, 3, 1, "", "data_columns"], [33, 3, 1, "", "database_connector_id"], [33, 3, 1, "", "id_column"], [33, 3, 1, "", "mode"], [33, 3, 1, "", "object_name"], [33, 2, 1, "", "to_dict"]], "abacusai.api_class.refresh.FeatureGroupExportConfig": [[33, 2, 1, "", "_get_builder"], [33, 3, 1, "", "connector_type"]], "abacusai.api_class.refresh.FileConnectorExportConfig": [[33, 2, 1, "", "__post_init__"], [33, 3, 1, "", "export_file_format"], [33, 3, 1, "", "location"], [33, 2, 1, "", "to_dict"]], "abacusai.api_class.refresh._FeatureGroupExportConfigFactory": [[33, 3, 1, "", "config_abstract_class"], [33, 3, 1, "", "config_class_key"], [33, 3, 1, "", "config_class_map"]], "abacusai.api_class.segments": [[34, 1, 1, "", "AgentFlowButtonResponseSection"], [34, 1, 1, "", "Base64ImageResponseSection"], [34, 1, 1, "", "ChartResponseSection"], [34, 1, 1, "", "CodeResponseSection"], [34, 1, 1, "", "CollapseResponseSection"], [34, 1, 1, "", "DataframeResponseSection"], [34, 1, 1, "", "ImageUrlResponseSection"], [34, 1, 1, "", "ListResponseSection"], [34, 1, 1, "", "ResponseSection"], [34, 1, 1, "", "RuntimeSchemaResponseSection"], [34, 6, 1, "", "Segment"], [34, 1, 1, "", "TextResponseSection"]], "abacusai.api_class.segments.AgentFlowButtonResponseSection": [[34, 3, 1, "", "agent_workflow_node_name"], [34, 3, 1, "", "label"]], "abacusai.api_class.segments.Base64ImageResponseSection": [[34, 3, 1, "", "b64_image"]], "abacusai.api_class.segments.ChartResponseSection": [[34, 3, 1, "", "chart"]], "abacusai.api_class.segments.CodeResponseSection": [[34, 3, 1, "", "code"], [34, 3, 1, "", "language"]], "abacusai.api_class.segments.CollapseResponseSection": [[34, 3, 1, "", "content"], [34, 3, 1, "", "title"], [34, 2, 1, "", "to_dict"]], "abacusai.api_class.segments.DataframeResponseSection": [[34, 3, 1, "", "df"], [34, 3, 1, "", "header"]], "abacusai.api_class.segments.ImageUrlResponseSection": [[34, 3, 1, "", "height"], [34, 3, 1, "", "url"], [34, 3, 1, "", "width"]], "abacusai.api_class.segments.ListResponseSection": [[34, 3, 1, "", "items"]], "abacusai.api_class.segments.ResponseSection": [[34, 2, 1, "", "__post_init__"], [34, 3, 1, "", "id"], [34, 2, 1, "", "to_dict"], [34, 3, 1, "", "type"]], "abacusai.api_class.segments.RuntimeSchemaResponseSection": [[34, 3, 1, "", "json_schema"], [34, 3, 1, "", "ui_schema"]], "abacusai.api_class.segments.TextResponseSection": [[34, 3, 1, "", "segment"]], "abacusai.api_client_utils": [[35, 1, 1, "", "DocstoreUtils"], [35, 6, 1, "", "INVALID_PANDAS_COLUMN_NAME_CHARACTERS"], [35, 1, 1, "", "StreamType"], [35, 1, 1, "", "StreamingHandler"], [35, 7, 1, "", "_get_spark_incompatible_columns"], [35, 7, 1, "", "avro_to_pandas_dtype"], [35, 7, 1, "", "clean_column_name"], [35, 7, 1, "", "evaluate_edge_condition"], [35, 7, 1, "", "execute_python_source"], [35, 7, 1, "", "get_non_nullable_type"], [35, 7, 1, "", "get_object_from_context"], [35, 7, 1, "", "load_as_pandas_from_avro_fd"], [35, 7, 1, "", "load_as_pandas_from_avro_files"], [35, 7, 1, "", "process_node_response"], [35, 7, 1, "", "run"], [35, 7, 1, "", "try_abacus_internal_copy"], [35, 7, 1, "", "validate_workflow_node_inputs"]], "abacusai.api_client_utils.DocstoreUtils": [[35, 3, 1, "", "BLOCK"], [35, 3, 1, "", "CONTENT"], [35, 3, 1, "", "DOCUMENT_PROCESSING_CONFIG"], [35, 3, 1, "", "DOCUMENT_PROCESSING_VERSION"], [35, 3, 1, "", "DOC_ID"], [35, 3, 1, "", "EMBEDDED_TEXT"], [35, 3, 1, "", "EXTRACTED_TEXT"], [35, 3, 1, "", "FIRST_PAGE"], [35, 3, 1, "", "HEIGHT"], [35, 3, 1, "", "LAST_PAGE"], [35, 3, 1, "", "LINE"], [35, 3, 1, "", "MARKDOWN_FEATURES"], [35, 3, 1, "", "METADATA"], [35, 3, 1, "", "MULTI_MODE_OCR_TEXT"], [35, 3, 1, "", "PAGE"], [35, 3, 1, "", "PAGES"], [35, 3, 1, "", "PAGES_ZIP_METADATA"], [35, 3, 1, "", "PAGE_DATA"], [35, 3, 1, "", "PAGE_LLM_OCR"], [35, 3, 1, "", "PAGE_MARKDOWN"], [35, 3, 1, "", "PAGE_TABLE_TEXT"], [35, 3, 1, "", "PAGE_TEXT"], [35, 3, 1, "", "PREDICTION_PREFIX"], [35, 3, 1, "", "TOKENS"], [35, 3, 1, "", "WIDTH"], [35, 2, 1, "", "get_archive_id"], [35, 2, 1, "", "get_content_hash"], [35, 2, 1, "", "get_page_id"], [35, 2, 1, "", "get_pandas_documents_df"], [35, 2, 1, "", "get_pandas_pages_df"]], "abacusai.api_client_utils.StreamType": [[35, 3, 1, "", "MESSAGE"], [35, 3, 1, "", "SECTION_OUTPUT"], [35, 3, 1, "", "SEGMENT"]], "abacusai.api_client_utils.StreamingHandler": [[35, 2, 1, "", "process_streaming_data"]], "abacusai.api_endpoint": [[36, 1, 1, "", "ApiEndpoint"]], "abacusai.api_endpoint.ApiEndpoint": [[36, 2, 1, "", "__repr__"], [36, 3, 1, "", "api_endpoint"], [36, 3, 1, "", "dashboard_endpoint"], [36, 3, 1, "", "deprecated_keys"], [36, 3, 1, "", "external_chat_endpoint"], [36, 3, 1, "", "llm_endpoint"], [36, 3, 1, "", "predict_endpoint"], [36, 3, 1, "", "proxy_endpoint"], [36, 2, 1, "", "to_dict"]], "abacusai.api_key": [[37, 1, 1, "", "ApiKey"]], "abacusai.api_key.ApiKey": [[37, 2, 1, "", "__repr__"], [37, 3, 1, "", "api_key"], [37, 3, 1, "", "api_key_id"], [37, 3, 1, "", "api_key_suffix"], [37, 3, 1, "", "created_at"], [37, 2, 1, "", "delete"], [37, 3, 1, "", "deprecated_keys"], [37, 3, 1, "", "expires_at"], [37, 3, 1, "", "is_expired"], [37, 3, 1, "", "tag"], [37, 2, 1, "", "to_dict"], [37, 3, 1, "", "type"]], "abacusai.app_user_group": [[38, 1, 1, "", "AppUserGroup"]], "abacusai.app_user_group.AppUserGroup": [[38, 2, 1, "", "__repr__"], [38, 3, 1, "", "deprecated_keys"], [38, 3, 1, "", "external_application_ids"], [38, 3, 1, "", "external_service_group_id"], [38, 3, 1, "", "has_external_application_reporting"], [38, 3, 1, "", "invited_user_emails"], [38, 3, 1, "", "is_external_service_group"], [38, 3, 1, "", "name"], [38, 3, 1, "", "public_user_group"], [38, 2, 1, "", "to_dict"], [38, 3, 1, "", "user_group_id"], [38, 3, 1, "", "users"]], "abacusai.app_user_group_sign_in_token": [[39, 1, 1, "", "AppUserGroupSignInToken"]], "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken": [[39, 2, 1, "", "__repr__"], [39, 3, 1, "", "deprecated_keys"], [39, 2, 1, "", "to_dict"], [39, 3, 1, "", "token"]], "abacusai.application_connector": [[40, 1, 1, "", "ApplicationConnector"]], "abacusai.application_connector.ApplicationConnector": [[40, 2, 1, "", "__repr__"], [40, 3, 1, "", "application_connector_id"], [40, 3, 1, "", "auth"], [40, 3, 1, "", "created_at"], [40, 2, 1, "", "delete"], [40, 3, 1, "", "deprecated_keys"], [40, 2, 1, "", "list_objects"], [40, 3, 1, "", "name"], [40, 2, 1, "", "rename"], [40, 3, 1, "", "service"], [40, 3, 1, "", "status"], [40, 2, 1, "", "to_dict"], [40, 2, 1, "", "verify"]], "abacusai.audio_gen_settings": [[41, 1, 1, "", "AudioGenSettings"]], "abacusai.audio_gen_settings.AudioGenSettings": [[41, 2, 1, "", "__repr__"], [41, 3, 1, "", "deprecated_keys"], [41, 3, 1, "", "model"], [41, 2, 1, "", "to_dict"]], "abacusai.batch_prediction": [[42, 1, 1, "", "BatchPrediction"]], "abacusai.batch_prediction.BatchPrediction": [[42, 2, 1, "", "__repr__"], [42, 3, 1, "", "algorithm"], [42, 3, 1, "", "batch_inputs"], [42, 3, 1, "", "batch_prediction_args"], [42, 3, 1, "", "batch_prediction_args_type"], [42, 3, 1, "", "batch_prediction_id"], [42, 3, 1, "", "bp_across_versions_monitor_id"], [42, 3, 1, "", "connector_type"], [42, 2, 1, "", "create_refresh_policy"], [42, 3, 1, "", "created_at"], [42, 3, 1, "", "csv_explanations_prefix"], [42, 3, 1, "", "csv_input_prefix"], [42, 3, 1, "", "csv_prediction_prefix"], [42, 3, 1, "", "database_connector_id"], [42, 3, 1, "", "database_output_configuration"], [42, 2, 1, "", "delete"], [42, 3, 1, "", "deployment_id"], [42, 3, 1, "", "deprecated_keys"], [42, 2, 1, "", "describe"], [42, 2, 1, "", "describe_output_feature_group"], [42, 3, 1, "", "feature_group_table_name"], [42, 3, 1, "", "file_connector_output_location"], [42, 3, 1, "", "file_output_format"], [42, 2, 1, "", "get_status"], [42, 3, 1, "", "global_prediction_args"], [42, 3, 1, "", "input_feature_groups"], [42, 3, 1, "", "latest_batch_prediction_version"], [42, 3, 1, "", "legacy_input_location"], [42, 2, 1, "", "list_refresh_policies"], [42, 2, 1, "", "list_versions"], [42, 2, 1, "", "load_results_as_pandas"], [42, 3, 1, "", "model_monitor_id"], [42, 3, 1, "", "model_version"], [42, 3, 1, "", "name"], [42, 3, 1, "", "output_feature_group_id"], [42, 3, 1, "", "output_feature_group_table_name"], [42, 3, 1, "", "output_includes_metadata"], [42, 2, 1, "", "refresh"], [42, 3, 1, "", "refresh_schedules"], [42, 3, 1, "", "result_input_columns"], [42, 2, 1, "", "set_database_connector_output"], [42, 2, 1, "", "set_dataset_remap"], [42, 2, 1, "", "set_feature_group"], [42, 2, 1, "", "set_feature_group_output"], [42, 2, 1, "", "set_file_connector_output"], [42, 2, 1, "", "set_output_to_console"], [42, 2, 1, "", "start"], [42, 3, 1, "", "summary_feature_group_table_name"], [42, 2, 1, "", "to_dict"], [42, 2, 1, "", "update"], [42, 2, 1, "", "wait_for_drift_monitor"], [42, 2, 1, "", "wait_for_predictions"]], "abacusai.batch_prediction_version": [[43, 1, 1, "", "BatchPredictionVersion"]], "abacusai.batch_prediction_version.BatchPredictionVersion": [[43, 2, 1, "", "__repr__"], [43, 3, 1, "", "algo_name"], [43, 3, 1, "", "algorithm"], [43, 3, 1, "", "batch_inputs"], [43, 3, 1, "", "batch_prediction_args"], [43, 3, 1, "", "batch_prediction_args_type"], [43, 3, 1, "", "batch_prediction_id"], [43, 3, 1, "", "batch_prediction_version"], [43, 3, 1, "", "batch_prediction_warnings"], [43, 3, 1, "", "bp_across_versions_monitor_version"], [43, 3, 1, "", "connector_type"], [43, 3, 1, "", "csv_explanations_prefix"], [43, 3, 1, "", "csv_input_prefix"], [43, 3, 1, "", "csv_prediction_prefix"], [43, 3, 1, "", "database_connector_id"], [43, 3, 1, "", "database_output_configuration"], [43, 3, 1, "", "database_output_error"], [43, 3, 1, "", "database_output_failed_writes"], [43, 3, 1, "", "database_output_total_writes"], [43, 3, 1, "", "deployment_id"], [43, 3, 1, "", "deprecated_keys"], [43, 2, 1, "", "describe"], [43, 2, 1, "", "download_batch_prediction_result_chunk"], [43, 2, 1, "", "download_result_to_file"], [43, 3, 1, "", "drift_monitor_error"], [43, 3, 1, "", "drift_monitor_status"], [43, 3, 1, "", "error"], [43, 3, 1, "", "failed_predictions"], [43, 3, 1, "", "file_connector_output_location"], [43, 3, 1, "", "file_output_format"], [43, 2, 1, "", "get_batch_prediction_connector_errors"], [43, 2, 1, "", "get_logs"], [43, 2, 1, "", "get_status"], [43, 3, 1, "", "global_prediction_args"], [43, 3, 1, "", "input_feature_groups"], [43, 3, 1, "", "legacy_input_location"], [43, 2, 1, "", "load_results_as_pandas"], [43, 3, 1, "", "model_id"], [43, 3, 1, "", "model_monitor_version"], [43, 3, 1, "", "model_version"], [43, 3, 1, "", "monitor_warnings"], [43, 3, 1, "", "output_feature_group_id"], [43, 3, 1, "", "output_feature_group_table_name"], [43, 3, 1, "", "output_feature_group_version"], [43, 3, 1, "", "output_includes_metadata"], [43, 3, 1, "", "predictions_completed_at"], [43, 3, 1, "", "predictions_started_at"], [43, 2, 1, "", "refresh"], [43, 3, 1, "", "result_input_columns"], [43, 3, 1, "", "status"], [43, 2, 1, "", "to_dict"], [43, 3, 1, "", "total_predictions"], [43, 2, 1, "", "wait_for_drift_monitor"], [43, 2, 1, "", "wait_for_predictions"]], "abacusai.batch_prediction_version_logs": [[44, 1, 1, "", "BatchPredictionVersionLogs"]], "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs": [[44, 2, 1, "", "__repr__"], [44, 3, 1, "", "deprecated_keys"], [44, 3, 1, "", "logs"], [44, 2, 1, "", "to_dict"], [44, 3, 1, "", "warnings"]], "abacusai.bot_info": [[45, 1, 1, "", "BotInfo"]], "abacusai.bot_info.BotInfo": [[45, 2, 1, "", "__repr__"], [45, 3, 1, "", "deprecated_keys"], [45, 3, 1, "", "external_application_id"], [45, 2, 1, "", "to_dict"]], "abacusai.categorical_range_violation": [[46, 1, 1, "", "CategoricalRangeViolation"]], "abacusai.categorical_range_violation.CategoricalRangeViolation": [[46, 2, 1, "", "__repr__"], [46, 3, 1, "", "deprecated_keys"], [46, 3, 1, "", "freq_outside_training_range"], [46, 3, 1, "", "most_common_values"], [46, 3, 1, "", "name"], [46, 2, 1, "", "to_dict"]], "abacusai.chat_message": [[47, 1, 1, "", "ChatMessage"]], "abacusai.chat_message.ChatMessage": [[47, 2, 1, "", "__repr__"], [47, 3, 1, "", "deprecated_keys"], [47, 3, 1, "", "doc_ids"], [47, 3, 1, "", "feedback"], [47, 3, 1, "", "hotkey_title"], [47, 3, 1, "", "is_useful"], [47, 3, 1, "", "keyword_arguments"], [47, 3, 1, "", "role"], [47, 3, 1, "", "tasks"], [47, 3, 1, "", "text"], [47, 3, 1, "", "timestamp"], [47, 2, 1, "", "to_dict"]], "abacusai.chat_session": [[48, 1, 1, "", "ChatSession"]], "abacusai.chat_session.ChatSession": [[48, 2, 1, "", "__repr__"], [48, 3, 1, "", "ai_building_in_progress"], [48, 3, 1, "", "answer"], [48, 3, 1, "", "chat_history"], [48, 3, 1, "", "chat_session_id"], [48, 3, 1, "", "created_at"], [48, 2, 1, "", "delete_chat_message"], [48, 3, 1, "", "deprecated_keys"], [48, 2, 1, "", "export"], [48, 2, 1, "", "get"], [48, 3, 1, "", "name"], [48, 3, 1, "", "next_ai_building_task"], [48, 3, 1, "", "notification"], [48, 3, 1, "", "project_id"], [48, 2, 1, "", "rename"], [48, 3, 1, "", "status"], [48, 2, 1, "", "to_dict"], [48, 3, 1, "", "whiteboard"]], "abacusai.chatllm_computer": [[49, 1, 1, "", "ChatllmComputer"]], "abacusai.chatllm_computer.ChatllmComputer": [[49, 2, 1, "", "__repr__"], [49, 3, 1, "", "computer_id"], [49, 3, 1, "", "deprecated_keys"], [49, 2, 1, "", "to_dict"], [49, 3, 1, "", "token"], [49, 3, 1, "", "vnc_endpoint"]], "abacusai.chatllm_referral_invite": [[50, 1, 1, "", "ChatllmReferralInvite"]], "abacusai.chatllm_referral_invite.ChatllmReferralInvite": [[50, 2, 1, "", "__repr__"], [50, 3, 1, "", "deprecated_keys"], [50, 3, 1, "", "successful_invites"], [50, 2, 1, "", "to_dict"], [50, 3, 1, "", "user_already_exists"]], "abacusai.chatllm_task": [[51, 1, 1, "", "ChatllmTask"]], "abacusai.chatllm_task.ChatllmTask": [[51, 2, 1, "", "__repr__"], [51, 3, 1, "", "chatllm_task_id"], [51, 3, 1, "", "deployment_conversation_id"], [51, 3, 1, "", "deprecated_keys"], [51, 3, 1, "", "email"], [51, 3, 1, "", "enable_email_alerts"], [51, 3, 1, "", "external_application_id"], [51, 3, 1, "", "instructions"], [51, 3, 1, "", "lifecycle"], [51, 3, 1, "", "name"], [51, 3, 1, "", "schedule_info"], [51, 2, 1, "", "to_dict"]], "abacusai.client": [[52, 1, 1, "", "AgentResponse"], [52, 5, 1, "", "AlreadyExistsError"], [52, 1, 1, "", "ApiClient"], [52, 5, 1, "", "ApiException"], [52, 1, 1, "", "BaseApiClient"], [52, 1, 1, "", "ClientOptions"], [52, 5, 1, "", "ConflictError"], [52, 6, 1, "", "DEFAULT_SERVER"], [52, 5, 1, "", "DataNotFoundError"], [52, 5, 1, "", "FailedDependencyError"], [52, 5, 1, "", "GatewayTimeoutError"], [52, 5, 1, "", "Generic404Error"], [52, 5, 1, "", "GenericPermissionDeniedError"], [52, 5, 1, "", "InstanceNotModifiedError"], [52, 5, 1, "", "InternalServerError"], [52, 5, 1, "", "InvalidEnumParameterError"], [52, 5, 1, "", "InvalidParameterError"], [52, 5, 1, "", "InvalidRequest"], [52, 5, 1, "", "MethodNotAllowed"], [52, 5, 1, "", "MissingParameterError"], [52, 5, 1, "", "NotReadyError"], [52, 5, 1, "", "PaidPlanRequired"], [52, 5, 1, "", "PaymentMethodRequired"], [52, 5, 1, "", "PermissionDeniedError"], [52, 1, 1, "", "ReadOnlyClient"], [52, 5, 1, "", "RequestTimeoutError"], [52, 5, 1, "", "TooManyRequestsError"], [52, 5, 1, "", "UnsuccessfulTrigger"], [52, 1, 1, "", "_ApiExceptionFactory"], [52, 6, 1, "", "_cached_endpoints"], [52, 7, 1, "", "_discover_service_url"], [52, 7, 1, "", "_is_json_serializable"], [52, 6, 1, "", "_request_context"], [52, 7, 1, "", "_requests_retry_session"], [52, 7, 1, "", "get_module_code_from_notebook"], [52, 7, 1, "", "get_source_code_info"], [52, 7, 1, "", "include_modules"], [52, 7, 1, "", "sse_asynchronous_generator"]], "abacusai.client.AgentResponse": [[52, 2, 1, "", "__getattr__"], [52, 2, 1, "", "__getstate__"], [52, 2, 1, "", "__setstate__"], [52, 3, 1, "", "data_list"], [52, 3, 1, "", "section_data_list"], [52, 2, 1, "", "to_dict"]], "abacusai.client.ApiClient": [[52, 2, 1, "", "_attempt_deployment_sql_execution"], [52, 2, 1, "", "_call_aiagent_app_send_message"], [52, 2, 1, "", "_get_agent_app_request_id"], [52, 2, 1, "", "_get_agent_async_app_caller"], [52, 2, 1, "", "_get_doc_retriever_deployment_info"], [52, 2, 1, "", "_is_proxy_app_caller"], [52, 2, 1, "", "_status_poll"], [52, 2, 1, "", "_stream_llm_call"], [52, 2, 1, "", "add_annotatable_feature"], [52, 2, 1, "", "add_annotation"], [52, 2, 1, "", "add_app_user_group_report_permission"], [52, 2, 1, "", "add_app_user_group_to_external_application"], [52, 2, 1, "", "add_feature_group_annotation_label"], [52, 2, 1, "", "add_feature_group_tag"], [52, 2, 1, "", "add_feature_group_to_project"], [52, 2, 1, "", "add_feature_tag"], [52, 2, 1, "", "add_graph_to_dashboard"], [52, 2, 1, "", "add_organization_group_permission"], [52, 2, 1, "", "add_organization_group_to_feature_group_modifiers"], [52, 2, 1, "", "add_project_tags"], [52, 2, 1, "", "add_user_to_feature_group_modifiers"], [52, 2, 1, "", "add_user_to_organization"], [52, 2, 1, "", "add_user_to_organization_group"], [52, 2, 1, "", "add_users_to_app_user_group"], [52, 2, 1, "", "append_data"], [52, 2, 1, "", "append_multiple_data"], [52, 2, 1, "", "cancel_upload"], [52, 2, 1, "", "check_constraints"], [52, 2, 1, "", "classify_image"], [52, 2, 1, "", "classify_pdf"], [52, 2, 1, "", "clear_agent_context"], [52, 2, 1, "", "clear_cache_scope"], [52, 2, 1, "", "clear_deployment_conversation"], [52, 2, 1, "", "concatenate_feature_group_data"], [52, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [52, 2, 1, "", "create_agent"], [52, 2, 1, "", "create_agent_from_function"], [52, 2, 1, "", "create_algorithm"], [52, 2, 1, "", "create_algorithm_from_function"], [52, 2, 1, "", "create_app_user_group"], [52, 2, 1, "", "create_batch_prediction"], [52, 2, 1, "", "create_chat_session"], [52, 2, 1, "", "create_custom_loss_function"], [52, 2, 1, "", "create_custom_loss_function_with_source_code"], [52, 2, 1, "", "create_custom_metric"], [52, 2, 1, "", "create_custom_metric_from_function"], [52, 2, 1, "", "create_dataset_from_application_connector"], [52, 2, 1, "", "create_dataset_from_database_connector"], [52, 2, 1, "", "create_dataset_from_file_connector"], [52, 2, 1, "", "create_dataset_from_pandas"], [52, 2, 1, "", "create_dataset_from_streaming_connector"], [52, 2, 1, "", "create_dataset_from_upload"], [52, 2, 1, "", "create_dataset_version_from_application_connector"], [52, 2, 1, "", "create_dataset_version_from_database_connector"], [52, 2, 1, "", "create_dataset_version_from_document_reprocessing"], [52, 2, 1, "", "create_dataset_version_from_file_connector"], [52, 2, 1, "", "create_dataset_version_from_pandas"], [52, 2, 1, "", "create_dataset_version_from_upload"], [52, 2, 1, "", "create_deployment"], [52, 2, 1, "", "create_deployment_alert"], [52, 2, 1, "", "create_deployment_conversation"], [52, 2, 1, "", "create_deployment_token"], [52, 2, 1, "", "create_deployment_webhook"], [52, 2, 1, "", "create_document_retriever"], [52, 2, 1, "", "create_document_retriever_version"], [52, 2, 1, "", "create_eda"], [52, 2, 1, "", "create_external_application"], [52, 2, 1, "", "create_feature"], [52, 2, 1, "", "create_feature_group"], [52, 2, 1, "", "create_feature_group_from_function"], [52, 2, 1, "", "create_feature_group_from_pandas_df"], [52, 2, 1, "", "create_feature_group_from_python_function"], [52, 2, 1, "", "create_feature_group_from_spark_df"], [52, 2, 1, "", "create_feature_group_from_template"], [52, 2, 1, "", "create_feature_group_template"], [52, 2, 1, "", "create_feature_group_version"], [52, 2, 1, "", "create_forecasting_monitor"], [52, 2, 1, "", "create_graph_dashboard"], [52, 2, 1, "", "create_holdout_analysis"], [52, 2, 1, "", "create_merge_feature_group"], [52, 2, 1, "", "create_model_from_files"], [52, 2, 1, "", "create_model_from_functions"], [52, 2, 1, "", "create_model_from_local_files"], [52, 2, 1, "", "create_model_from_python"], [52, 2, 1, "", "create_model_monitor"], [52, 2, 1, "", "create_model_version_from_files"], [52, 2, 1, "", "create_model_version_from_local_files"], [52, 2, 1, "", "create_module"], [52, 2, 1, "", "create_module_from_notebook"], [52, 2, 1, "", "create_monitor_alert"], [52, 2, 1, "", "create_nested_feature"], [52, 2, 1, "", "create_nlp_drift_monitor"], [52, 2, 1, "", "create_online_feature_group"], [52, 2, 1, "", "create_operator_feature_group"], [52, 2, 1, "", "create_organization_group"], [52, 2, 1, "", "create_organization_secret"], [52, 2, 1, "", "create_pipeline"], [52, 2, 1, "", "create_pipeline_step"], [52, 2, 1, "", "create_pipeline_step_from_function"], [52, 2, 1, "", "create_point_in_time_feature"], [52, 2, 1, "", "create_point_in_time_group"], [52, 2, 1, "", "create_point_in_time_group_feature"], [52, 2, 1, "", "create_prediction_operator"], [52, 2, 1, "", "create_prediction_operator_from_functions"], [52, 2, 1, "", "create_prediction_operator_version"], [52, 2, 1, "", "create_project"], [52, 2, 1, "", "create_python_function"], [52, 2, 1, "", "create_python_function_from_function"], [52, 2, 1, "", "create_realtime_content_store"], [52, 2, 1, "", "create_realtime_monitor"], [52, 2, 1, "", "create_refresh_policy"], [52, 2, 1, "", "create_sampling_feature_group"], [52, 2, 1, "", "create_snapshot_feature_group"], [52, 2, 1, "", "create_spark_df_from_feature_group_version"], [52, 2, 1, "", "create_streaming_dataset"], [52, 2, 1, "", "create_streaming_token"], [52, 2, 1, "", "create_train_test_data_split_feature_group"], [52, 2, 1, "", "create_vision_drift_monitor"], [52, 2, 1, "", "delete_algorithm"], [52, 2, 1, "", "delete_api_key"], [52, 2, 1, "", "delete_app_user_group"], [52, 2, 1, "", "delete_application_connector"], [52, 2, 1, "", "delete_batch_prediction"], [52, 2, 1, "", "delete_chat_message"], [52, 2, 1, "", "delete_custom_loss_function"], [52, 2, 1, "", "delete_custom_metric"], [52, 2, 1, "", "delete_data"], [52, 2, 1, "", "delete_database_connector"], [52, 2, 1, "", "delete_dataset"], [52, 2, 1, "", "delete_dataset_version"], [52, 2, 1, "", "delete_deployment"], [52, 2, 1, "", "delete_deployment_conversation"], [52, 2, 1, "", "delete_deployment_token"], [52, 2, 1, "", "delete_document_retriever"], [52, 2, 1, "", "delete_document_retriever_version"], [52, 2, 1, "", "delete_eda"], [52, 2, 1, "", "delete_eda_version"], [52, 2, 1, "", "delete_external_application"], [52, 2, 1, "", "delete_feature"], [52, 2, 1, "", "delete_feature_group"], [52, 2, 1, "", "delete_feature_group_template"], [52, 2, 1, "", "delete_feature_group_version"], [52, 2, 1, "", "delete_file_connector"], [52, 2, 1, "", "delete_graph_dashboard"], [52, 2, 1, "", "delete_graph_from_dashboard"], [52, 2, 1, "", "delete_item_embeddings"], [52, 2, 1, "", "delete_model"], [52, 2, 1, "", "delete_model_monitor"], [52, 2, 1, "", "delete_model_monitor_version"], [52, 2, 1, "", "delete_model_version"], [52, 2, 1, "", "delete_module"], [52, 2, 1, "", "delete_monitor_alert"], [52, 2, 1, "", "delete_nested_feature"], [52, 2, 1, "", "delete_organization_group"], [52, 2, 1, "", "delete_organization_secret"], [52, 2, 1, "", "delete_pipeline"], [52, 2, 1, "", "delete_pipeline_step"], [52, 2, 1, "", "delete_point_in_time_group"], [52, 2, 1, "", "delete_prediction_operator"], [52, 2, 1, "", "delete_prediction_operator_version"], [52, 2, 1, "", "delete_project"], [52, 2, 1, "", "delete_python_function"], [52, 2, 1, "", "delete_realtime_monitor"], [52, 2, 1, "", "delete_refresh_policy"], [52, 2, 1, "", "delete_scoped_cache_key"], [52, 2, 1, "", "delete_streaming_connector"], [52, 2, 1, "", "delete_streaming_token"], [52, 2, 1, "", "delete_webhook"], [52, 2, 1, "", "deploy_prediction_operator"], [52, 2, 1, "", "describe_annotation"], [52, 2, 1, "", "describe_async_feature_group_operation"], [52, 2, 1, "", "describe_feature_group_row_process_by_key"], [52, 2, 1, "", "describe_image"], [52, 2, 1, "", "describe_pipeline"], [52, 2, 1, "", "describe_pipeline_by_name"], [52, 2, 1, "", "detach_feature_group_from_template"], [52, 2, 1, "", "evaluate_prompt"], [52, 2, 1, "", "execute_agent"], [52, 2, 1, "", "execute_agent_with_binary_data"], [52, 2, 1, "", "execute_async_feature_group_operation"], [52, 2, 1, "", "execute_chatllm_computer_streaming"], [52, 2, 1, "", "execute_conversation_agent"], [52, 2, 1, "", "execute_conversation_agent_streaming"], [52, 2, 1, "", "execute_data_query_using_llm"], [52, 2, 1, "", "execute_feature_group_sql"], [52, 2, 1, "", "execute_python"], [52, 2, 1, "", "execute_workflow_node"], [52, 2, 1, "", "export_chat_session"], [52, 2, 1, "", "export_custom_model_version"], [52, 2, 1, "", "export_feature_group_version_to_console"], [52, 2, 1, "", "export_feature_group_version_to_database_connector"], [52, 2, 1, "", "export_feature_group_version_to_file_connector"], [52, 2, 1, "", "export_model_artifact_as_feature_group"], [52, 2, 1, "", "extract_agent_workflow_information"], [52, 2, 1, "", "extract_data_using_llm"], [52, 2, 1, "", "extract_document_data"], [52, 2, 1, "", "fetch_web_page"], [52, 2, 1, "", "generate_agent_code"], [52, 2, 1, "", "generate_code_for_data_query_using_llm"], [52, 2, 1, "", "generate_image"], [52, 2, 1, "", "generate_point_in_time_features"], [52, 2, 1, "", "get_agent_context_blob_inputs"], [52, 2, 1, "", "get_agent_context_chat_history"], [52, 2, 1, "", "get_agent_context_chat_history_for_llm"], [52, 2, 1, "", "get_agent_context_conversation_id"], [52, 2, 1, "", "get_agent_context_doc_ids"], [52, 2, 1, "", "get_agent_context_doc_infos"], [52, 2, 1, "", "get_agent_context_external_session_id"], [52, 2, 1, "", "get_agent_context_user_info"], [52, 2, 1, "", "get_agent_runtime_config"], [52, 2, 1, "", "get_alternative_assignments"], [52, 2, 1, "", "get_anomalies"], [52, 2, 1, "", "get_assignments"], [52, 2, 1, "", "get_chat_response"], [52, 2, 1, "", "get_chat_response_with_binary_data"], [52, 2, 1, "", "get_classification"], [52, 2, 1, "", "get_cluster"], [52, 2, 1, "", "get_completion"], [52, 2, 1, "", "get_conversation_response"], [52, 2, 1, "", "get_conversation_response_with_binary_data"], [52, 2, 1, "", "get_custom_train_function_info"], [52, 2, 1, "", "get_docstore_document_data"], [52, 2, 1, "", "get_docstore_page_data"], [52, 2, 1, "", "get_document_snippet"], [52, 2, 1, "", "get_document_to_annotate"], [52, 2, 1, "", "get_entailment"], [52, 2, 1, "", "get_entities_from_pdf"], [52, 2, 1, "", "get_event_anomaly_score"], [52, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [52, 2, 1, "", "get_feature_group_row_process_summary"], [52, 2, 1, "", "get_forecast"], [52, 2, 1, "", "get_initialized_data"], [52, 2, 1, "", "get_k_nearest"], [52, 2, 1, "", "get_labels"], [52, 2, 1, "", "get_llm_app_response"], [52, 2, 1, "", "get_matching_documents"], [52, 2, 1, "", "get_matrix_agent_schema"], [52, 2, 1, "", "get_multiple_k_nearest"], [52, 2, 1, "", "get_objects_from_image"], [52, 2, 1, "", "get_personalized_ranking"], [52, 2, 1, "", "get_ranked_items"], [52, 2, 1, "", "get_recommendations"], [52, 2, 1, "", "get_related_items"], [52, 2, 1, "", "get_relevant_snippets"], [52, 2, 1, "", "get_request_user_info"], [52, 2, 1, "", "get_scoped_cache_value"], [52, 2, 1, "", "get_search_results"], [52, 2, 1, "", "get_sentiment"], [52, 2, 1, "", "get_streaming_chat_response"], [52, 2, 1, "", "get_streaming_conversation_response"], [52, 2, 1, "", "get_summary"], [52, 2, 1, "", "get_text_from_document"], [52, 2, 1, "", "get_timeseries_anomalies"], [52, 2, 1, "", "get_train_function_input"], [52, 2, 1, "", "get_train_function_input_from_model_version"], [52, 2, 1, "", "get_training_config_options"], [52, 2, 1, "", "import_annotation_labels"], [52, 2, 1, "", "import_module"], [52, 2, 1, "", "invite_users_to_app_user_group"], [52, 2, 1, "", "is_anomaly"], [52, 2, 1, "", "list_builtin_algorithms"], [52, 2, 1, "", "list_feature_group_row_processes"], [52, 2, 1, "", "list_pipeline_versions"], [52, 2, 1, "", "lookup_features"], [52, 2, 1, "", "lookup_matches"], [52, 2, 1, "", "mark_upload_complete"], [52, 2, 1, "", "pause_autonomous_agent"], [52, 2, 1, "", "pause_pipeline_refresh_schedule"], [52, 2, 1, "", "pause_refresh_policy"], [52, 2, 1, "", "predict"], [52, 2, 1, "", "predict_churn"], [52, 2, 1, "", "predict_class"], [52, 2, 1, "", "predict_fraud"], [52, 2, 1, "", "predict_from_datasets"], [52, 2, 1, "", "predict_language"], [52, 2, 1, "", "predict_lead"], [52, 2, 1, "", "predict_multiple"], [52, 2, 1, "", "predict_takeover"], [52, 2, 1, "", "predict_target"], [52, 2, 1, "", "predict_with_binary_data"], [52, 2, 1, "", "preview_feature_group_template_resolution"], [52, 2, 1, "", "remove_app_user_group_from_external_application"], [52, 2, 1, "", "remove_app_user_group_report_permission"], [52, 2, 1, "", "remove_concatenation_config"], [52, 2, 1, "", "remove_deployment_feature_group_export_output"], [52, 2, 1, "", "remove_feature_group_annotation_label"], [52, 2, 1, "", "remove_feature_group_from_project"], [52, 2, 1, "", "remove_feature_group_tag"], [52, 2, 1, "", "remove_feature_tag"], [52, 2, 1, "", "remove_organization_group_from_feature_group_modifiers"], [52, 2, 1, "", "remove_organization_group_permission"], [52, 2, 1, "", "remove_project_tags"], [52, 2, 1, "", "remove_user_from_feature_group_modifiers"], [52, 2, 1, "", "remove_user_from_organization"], [52, 2, 1, "", "remove_user_from_organization_group"], [52, 2, 1, "", "remove_users_from_app_user_group"], [52, 2, 1, "", "rename_application_connector"], [52, 2, 1, "", "rename_chat_session"], [52, 2, 1, "", "rename_database_connector"], [52, 2, 1, "", "rename_deployment"], [52, 2, 1, "", "rename_deployment_conversation"], [52, 2, 1, "", "rename_document_retriever"], [52, 2, 1, "", "rename_eda"], [52, 2, 1, "", "rename_model"], [52, 2, 1, "", "rename_model_monitor"], [52, 2, 1, "", "rename_pipeline"], [52, 2, 1, "", "rename_pipeline_step"], [52, 2, 1, "", "rename_project"], [52, 2, 1, "", "rename_streaming_connector"], [52, 2, 1, "", "render_feature_groups_for_llm"], [52, 2, 1, "", "rerun_eda"], [52, 2, 1, "", "rerun_holdout_analysis"], [52, 2, 1, "", "rerun_model_monitor"], [52, 2, 1, "", "reset_feature_group_row_process_by_key"], [52, 2, 1, "", "reset_pipeline_version"], [52, 2, 1, "", "restart_document_retriever"], [52, 2, 1, "", "resume_pipeline_refresh_schedule"], [52, 2, 1, "", "resume_refresh_policy"], [52, 2, 1, "", "retrain_model"], [52, 2, 1, "", "run_monitor_alert"], [52, 2, 1, "", "run_pipeline"], [52, 2, 1, "", "run_refresh_policy"], [52, 2, 1, "", "run_workflow_graph"], [52, 2, 1, "", "score_image"], [52, 2, 1, "", "search_web_for_llm"], [52, 2, 1, "", "send_email"], [52, 2, 1, "", "set_agent_context_chat_history"], [52, 2, 1, "", "set_agent_context_conversation_id"], [52, 2, 1, "", "set_agent_context_doc_ids"], [52, 2, 1, "", "set_agent_context_doc_infos"], [52, 2, 1, "", "set_agent_context_external_session_id"], [52, 2, 1, "", "set_agent_response_document_sources"], [52, 2, 1, "", "set_annotation_status_feature"], [52, 2, 1, "", "set_auto_deployment"], [52, 2, 1, "", "set_azure_blob_connection_string"], [52, 2, 1, "", "set_batch_prediction_database_connector_output"], [52, 2, 1, "", "set_batch_prediction_dataset_remap"], [52, 2, 1, "", "set_batch_prediction_feature_group"], [52, 2, 1, "", "set_batch_prediction_feature_group_output"], [52, 2, 1, "", "set_batch_prediction_file_connector_output"], [52, 2, 1, "", "set_batch_prediction_output_to_console"], [52, 2, 1, "", "set_cache_scope"], [52, 2, 1, "", "set_dataset_column_data_type"], [52, 2, 1, "", "set_default_model_algorithm"], [52, 2, 1, "", "set_default_organization_group"], [52, 2, 1, "", "set_default_prediction_arguments"], [52, 2, 1, "", "set_deployment_conversation_feedback"], [52, 2, 1, "", "set_deployment_feature_group_export_database_connector_output"], [52, 2, 1, "", "set_deployment_feature_group_export_file_connector_output"], [52, 2, 1, "", "set_deployment_feature_group_version"], [52, 2, 1, "", "set_deployment_model_version"], [52, 2, 1, "", "set_deployment_prediction_operator_version"], [52, 2, 1, "", "set_export_on_materialization"], [52, 2, 1, "", "set_feature_as_annotatable_feature"], [52, 2, 1, "", "set_feature_group_export_connector_config"], [52, 2, 1, "", "set_feature_group_indexing_config"], [52, 2, 1, "", "set_feature_group_merge_config"], [52, 2, 1, "", "set_feature_group_modifier_lock"], [52, 2, 1, "", "set_feature_group_operator_config"], [52, 2, 1, "", "set_feature_group_sampling_config"], [52, 2, 1, "", "set_feature_group_schema"], [52, 2, 1, "", "set_feature_group_type"], [52, 2, 1, "", "set_feature_mapping"], [52, 2, 1, "", "set_feature_type"], [52, 2, 1, "", "set_model_objective"], [52, 2, 1, "", "set_model_prediction_params"], [52, 2, 1, "", "set_model_training_config"], [52, 2, 1, "", "set_natural_language_explanation"], [52, 2, 1, "", "set_project_feature_group_config"], [52, 2, 1, "", "set_scoped_cache_value"], [52, 2, 1, "", "set_streaming_retention_policy"], [52, 2, 1, "", "skip_pending_pipeline_version_steps"], [52, 2, 1, "", "snapshot_streaming_data"], [52, 2, 1, "", "start_autonomous_agent"], [52, 2, 1, "", "start_batch_prediction"], [52, 2, 1, "", "start_deployment"], [52, 2, 1, "", "stop_deployment"], [52, 2, 1, "", "stream_message"], [52, 2, 1, "", "stream_response_section"], [52, 2, 1, "", "stream_section_output"], [52, 2, 1, "", "streaming_evaluate_prompt"], [52, 2, 1, "", "suggest_abacus_apis"], [52, 2, 1, "", "train_model"], [52, 2, 1, "", "transcribe_audio"], [52, 2, 1, "", "transfer_style"], [52, 2, 1, "", "unset_feature_as_annotatable_feature"], [52, 2, 1, "", "unset_pipeline_refresh_schedule"], [52, 2, 1, "", "update_agent"], [52, 2, 1, "", "update_agent_with_function"], [52, 2, 1, "", "update_algorithm"], [52, 2, 1, "", "update_algorithm_from_function"], [52, 2, 1, "", "update_annotation_status"], [52, 2, 1, "", "update_batch_prediction"], [52, 2, 1, "", "update_custom_loss_function"], [52, 2, 1, "", "update_custom_loss_function_with_source_code"], [52, 2, 1, "", "update_custom_metric"], [52, 2, 1, "", "update_custom_metric_from_function"], [52, 2, 1, "", "update_dataset_feature_group_feature_expression"], [52, 2, 1, "", "update_deployment"], [52, 2, 1, "", "update_external_application"], [52, 2, 1, "", "update_feature"], [52, 2, 1, "", "update_feature_group"], [52, 2, 1, "", "update_feature_group_from_pandas_df"], [52, 2, 1, "", "update_feature_group_from_spark_df"], [52, 2, 1, "", "update_feature_group_python_function"], [52, 2, 1, "", "update_feature_group_python_function_bindings"], [52, 2, 1, "", "update_feature_group_sql_definition"], [52, 2, 1, "", "update_feature_group_template"], [52, 2, 1, "", "update_feature_group_template_bindings"], [52, 2, 1, "", "update_graph_dashboard"], [52, 2, 1, "", "update_graph_to_dashboard"], [52, 2, 1, "", "update_model_from_functions"], [52, 2, 1, "", "update_module"], [52, 2, 1, "", "update_module_from_notebook"], [52, 2, 1, "", "update_monitor_alert"], [52, 2, 1, "", "update_nested_feature"], [52, 2, 1, "", "update_organization_secret"], [52, 2, 1, "", "update_pipeline"], [52, 2, 1, "", "update_pipeline_step"], [52, 2, 1, "", "update_pipeline_step_from_function"], [52, 2, 1, "", "update_point_in_time_feature"], [52, 2, 1, "", "update_point_in_time_group"], [52, 2, 1, "", "update_point_in_time_group_feature"], [52, 2, 1, "", "update_prediction_operator"], [52, 2, 1, "", "update_prediction_operator_from_functions"], [52, 2, 1, "", "update_python_function"], [52, 2, 1, "", "update_python_function_code"], [52, 2, 1, "", "update_python_model"], [52, 2, 1, "", "update_python_model_git"], [52, 2, 1, "", "update_python_model_zip"], [52, 2, 1, "", "update_realtime_monitor"], [52, 2, 1, "", "update_refresh_policy"], [52, 2, 1, "", "update_webhook"], [52, 2, 1, "", "upload_part"], [52, 2, 1, "", "upsert_data"], [52, 2, 1, "", "upsert_item_embeddings"], [52, 2, 1, "", "upsert_multiple_item_embeddings"], [52, 2, 1, "", "validate_workflow_graph"], [52, 2, 1, "", "verify_application_connector"], [52, 2, 1, "", "verify_database_connector"], [52, 2, 1, "", "verify_file_connector"], [52, 2, 1, "", "verify_streaming_connector"]], "abacusai.client.ApiException": [[52, 2, 1, "", "__str__"], [52, 3, 1, "", "exception"], [52, 3, 1, "", "http_status"], [52, 3, 1, "", "message"], [52, 3, 1, "", "request_id"]], "abacusai.client.BaseApiClient": [[52, 2, 1, "", "_build_class"], [52, 3, 1, "", "_cache"], [52, 2, 1, "", "_call_api"], [52, 2, 1, "", "_clean_api_objects"], [52, 2, 1, "", "_get_prediction_endpoint"], [52, 2, 1, "", "_get_proxy_endpoint"], [52, 2, 1, "", "_get_streaming_endpoint"], [52, 2, 1, "", "_poll"], [52, 2, 1, "", "_proxy_request"], [52, 2, 1, "", "_request"], [52, 2, 1, "", "_upload_from_pandas"], [52, 2, 1, "", "_upload_from_spark"], [52, 2, 1, "", "_validate_pandas_df"], [52, 3, 1, "", "api_endpoint"], [52, 3, 1, "", "api_key"], [52, 3, 1, "", "cache_scope"], [52, 3, 1, "", "client_options"], [52, 3, 1, "", "client_version"], [52, 3, 1, "", "notebook_id"], [52, 3, 1, "", "pipeline_id"], [52, 3, 1, "", "prediction_endpoint"], [52, 3, 1, "", "proxy_endpoint"], [52, 3, 1, "", "server"], [52, 3, 1, "", "service_discovery_url"], [52, 3, 1, "", "web_version"]], "abacusai.client.ClientOptions": [[52, 3, 1, "", "exception_on_404"], [52, 3, 1, "", "server"]], "abacusai.client.ReadOnlyClient": [[52, 2, 1, "", "copy_agent"], [52, 2, 1, "", "describe_agent"], [52, 2, 1, "", "describe_agent_version"], [52, 2, 1, "", "describe_algorithm"], [52, 2, 1, "", "describe_batch_prediction"], [52, 2, 1, "", "describe_batch_prediction_version"], [52, 2, 1, "", "describe_custom_loss_function"], [52, 2, 1, "", "describe_custom_metric"], [52, 2, 1, "", "describe_custom_metric_version"], [52, 2, 1, "", "describe_dataset"], [52, 2, 1, "", "describe_dataset_version"], [52, 2, 1, "", "describe_deployment"], [52, 2, 1, "", "describe_document_retriever"], [52, 2, 1, "", "describe_document_retriever_by_name"], [52, 2, 1, "", "describe_document_retriever_version"], [52, 2, 1, "", "describe_eda"], [52, 2, 1, "", "describe_eda_version"], [52, 2, 1, "", "describe_external_application"], [52, 2, 1, "", "describe_feature_group"], [52, 2, 1, "", "describe_feature_group_by_table_name"], [52, 2, 1, "", "describe_feature_group_export"], [52, 2, 1, "", "describe_feature_group_template"], [52, 2, 1, "", "describe_feature_group_version"], [52, 2, 1, "", "describe_graph_dashboard"], [52, 2, 1, "", "describe_graph_for_dashboard"], [52, 2, 1, "", "describe_holdout_analysis"], [52, 2, 1, "", "describe_holdout_analysis_version"], [52, 2, 1, "", "describe_model"], [52, 2, 1, "", "describe_model_artifacts_export"], [52, 2, 1, "", "describe_model_monitor"], [52, 2, 1, "", "describe_model_monitor_version"], [52, 2, 1, "", "describe_model_version"], [52, 2, 1, "", "describe_module"], [52, 2, 1, "", "describe_monitor_alert"], [52, 2, 1, "", "describe_monitor_alert_version"], [52, 2, 1, "", "describe_organization_group"], [52, 2, 1, "", "describe_pipeline_step"], [52, 2, 1, "", "describe_pipeline_step_by_name"], [52, 2, 1, "", "describe_pipeline_step_version"], [52, 2, 1, "", "describe_pipeline_version"], [52, 2, 1, "", "describe_prediction_operator"], [52, 2, 1, "", "describe_problem_type"], [52, 2, 1, "", "describe_project"], [52, 2, 1, "", "describe_project_feature_group"], [52, 2, 1, "", "describe_python_function"], [52, 2, 1, "", "describe_realtime_monitor"], [52, 2, 1, "", "describe_refresh_pipeline_run"], [52, 2, 1, "", "describe_refresh_policy"], [52, 2, 1, "", "describe_train_test_data_split_feature_group"], [52, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [52, 2, 1, "", "describe_upload"], [52, 2, 1, "", "describe_use_case_requirements"], [52, 2, 1, "", "describe_user"], [52, 2, 1, "", "describe_webhook"], [52, 2, 1, "", "download_agent_attachment"], [52, 2, 1, "", "download_batch_prediction_result_chunk"], [52, 2, 1, "", "download_execute_feature_group_operation_result_part_chunk"], [52, 2, 1, "", "export_deployment_conversation"], [52, 2, 1, "", "generate_natural_language_explanation"], [52, 2, 1, "", "get_annotations_status"], [52, 2, 1, "", "get_api_endpoint"], [52, 2, 1, "", "get_app_user_group"], [52, 2, 1, "", "get_app_user_group_sign_in_token"], [52, 2, 1, "", "get_batch_prediction_connector_errors"], [52, 2, 1, "", "get_batch_prediction_version_logs"], [52, 2, 1, "", "get_chat_session"], [52, 2, 1, "", "get_collinearity_for_feature"], [52, 2, 1, "", "get_connector_auth"], [52, 2, 1, "", "get_data"], [52, 2, 1, "", "get_database_connector_object_schema"], [52, 2, 1, "", "get_dataset_schema"], [52, 2, 1, "", "get_dataset_version_logs"], [52, 2, 1, "", "get_dataset_version_metrics"], [52, 2, 1, "", "get_deployment_conversation"], [52, 2, 1, "", "get_deployment_statistics_over_time"], [52, 2, 1, "", "get_docstore_document"], [52, 2, 1, "", "get_docstore_image"], [52, 2, 1, "", "get_drift_for_feature"], [52, 2, 1, "", "get_eda_collinearity"], [52, 2, 1, "", "get_eda_data_consistency"], [52, 2, 1, "", "get_eda_forecasting_analysis"], [52, 2, 1, "", "get_execute_feature_group_operation_result_part_count"], [52, 2, 1, "", "get_feature_association"], [52, 2, 1, "", "get_feature_group_export_connector_errors"], [52, 2, 1, "", "get_feature_group_schema"], [52, 2, 1, "", "get_feature_group_schemas_for_model_version"], [52, 2, 1, "", "get_feature_group_version_export_download_url"], [52, 2, 1, "", "get_feature_group_version_logs"], [52, 2, 1, "", "get_feature_group_version_metrics"], [52, 2, 1, "", "get_feature_importance_by_model_version"], [52, 2, 1, "", "get_file_connector_instructions"], [52, 2, 1, "", "get_materialization_logs"], [52, 2, 1, "", "get_model_metrics"], [52, 2, 1, "", "get_model_monitor_chart_from_organization"], [52, 2, 1, "", "get_model_monitor_summary"], [52, 2, 1, "", "get_model_monitor_summary_from_organization"], [52, 2, 1, "", "get_model_training_types_for_deployment"], [52, 2, 1, "", "get_natural_language_explanation"], [52, 2, 1, "", "get_organization_secret"], [52, 2, 1, "", "get_outliers_for_feature"], [52, 2, 1, "", "get_point_in_time_feature_group_creation_options"], [52, 2, 1, "", "get_prediction_drift"], [52, 2, 1, "", "get_prediction_logs_records"], [52, 2, 1, "", "get_project_feature_group_config"], [52, 2, 1, "", "get_recent_feature_group_streamed_data"], [52, 2, 1, "", "get_step_version_logs"], [52, 2, 1, "", "get_training_data_logs"], [52, 2, 1, "", "get_training_logs"], [52, 2, 1, "", "infer_feature_mappings"], [52, 2, 1, "", "list_agent_versions"], [52, 2, 1, "", "list_agents"], [52, 2, 1, "", "list_algorithms"], [52, 2, 1, "", "list_api_keys"], [52, 2, 1, "", "list_application_connector_objects"], [52, 2, 1, "", "list_application_connectors"], [52, 2, 1, "", "list_batch_prediction_versions"], [52, 2, 1, "", "list_batch_predictions"], [52, 2, 1, "", "list_chat_sessions"], [52, 2, 1, "", "list_custom_loss_functions"], [52, 2, 1, "", "list_custom_metrics"], [52, 2, 1, "", "list_database_connector_objects"], [52, 2, 1, "", "list_database_connectors"], [52, 2, 1, "", "list_dataset_versions"], [52, 2, 1, "", "list_datasets"], [52, 2, 1, "", "list_deployment_alerts"], [52, 2, 1, "", "list_deployment_conversations"], [52, 2, 1, "", "list_deployment_tokens"], [52, 2, 1, "", "list_deployment_webhooks"], [52, 2, 1, "", "list_deployments"], [52, 2, 1, "", "list_document_retriever_versions"], [52, 2, 1, "", "list_document_retrievers"], [52, 2, 1, "", "list_eda"], [52, 2, 1, "", "list_eda_versions"], [52, 2, 1, "", "list_external_applications"], [52, 2, 1, "", "list_feature_group_exports"], [52, 2, 1, "", "list_feature_group_modifiers"], [52, 2, 1, "", "list_feature_group_templates"], [52, 2, 1, "", "list_feature_group_versions"], [52, 2, 1, "", "list_feature_groups"], [52, 2, 1, "", "list_file_connectors"], [52, 2, 1, "", "list_graph_dashboards"], [52, 2, 1, "", "list_holdout_analysis"], [52, 2, 1, "", "list_holdout_analysis_versions"], [52, 2, 1, "", "list_llm_apps"], [52, 2, 1, "", "list_model_artifacts_exports"], [52, 2, 1, "", "list_model_monitor_versions"], [52, 2, 1, "", "list_model_monitors"], [52, 2, 1, "", "list_model_versions"], [52, 2, 1, "", "list_models"], [52, 2, 1, "", "list_modules"], [52, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [52, 2, 1, "", "list_monitor_alerts_for_monitor"], [52, 2, 1, "", "list_organization_groups"], [52, 2, 1, "", "list_organization_model_monitors"], [52, 2, 1, "", "list_organization_secrets"], [52, 2, 1, "", "list_organization_users"], [52, 2, 1, "", "list_pipeline_version_logs"], [52, 2, 1, "", "list_pipelines"], [52, 2, 1, "", "list_prediction_operator_versions"], [52, 2, 1, "", "list_prediction_operators"], [52, 2, 1, "", "list_project_feature_group_templates"], [52, 2, 1, "", "list_project_feature_groups"], [52, 2, 1, "", "list_projects"], [52, 2, 1, "", "list_python_function_feature_groups"], [52, 2, 1, "", "list_python_functions"], [52, 2, 1, "", "list_realtime_monitors"], [52, 2, 1, "", "list_refresh_pipeline_runs"], [52, 2, 1, "", "list_refresh_policies"], [52, 2, 1, "", "list_streaming_connectors"], [52, 2, 1, "", "list_streaming_tokens"], [52, 2, 1, "", "list_uploads"], [52, 2, 1, "", "list_use_cases"], [52, 2, 1, "", "model_monitor_version_metric_data"], [52, 2, 1, "", "query_database_connector"], [52, 2, 1, "", "query_feature_group_code_generator"], [52, 2, 1, "", "search_feature_groups"], [52, 2, 1, "", "set_dataset_database_connector_config"], [52, 2, 1, "", "suggest_feature_group_template_for_feature_group"], [52, 2, 1, "", "update_dataset_version_limit"], [52, 2, 1, "", "update_feature_group_version_limit"], [52, 2, 1, "", "validate_project"], [52, 2, 1, "", "verify_and_describe_annotation"]], "abacusai.client._ApiExceptionFactory": [[52, 2, 1, "", "from_response"]], "abacusai.code_agent_response": [[53, 1, 1, "", "CodeAgentResponse"]], "abacusai.code_agent_response.CodeAgentResponse": [[53, 2, 1, "", "__repr__"], [53, 3, 1, "", "deployment_conversation_id"], [53, 3, 1, "", "deprecated_keys"], [53, 3, 1, "", "messages"], [53, 2, 1, "", "to_dict"], [53, 3, 1, "", "tool_use_request"]], "abacusai.code_autocomplete_response": [[54, 1, 1, "", "CodeAutocompleteResponse"]], "abacusai.code_autocomplete_response.CodeAutocompleteResponse": [[54, 2, 1, "", "__repr__"], [54, 3, 1, "", "autocomplete_response"], [54, 3, 1, "", "deprecated_keys"], [54, 3, 1, "", "line_number"], [54, 3, 1, "", "show_autocomplete"], [54, 2, 1, "", "to_dict"]], "abacusai.code_bot": [[55, 1, 1, "", "CodeBot"]], "abacusai.code_bot.CodeBot": [[55, 2, 1, "", "__repr__"], [55, 3, 1, "", "code_agent_supported"], [55, 3, 1, "", "deprecated_keys"], [55, 3, 1, "", "image_upload_supported"], [55, 3, 1, "", "is_premium"], [55, 3, 1, "", "llm_name"], [55, 3, 1, "", "name"], [55, 2, 1, "", "to_dict"]], "abacusai.code_edit": [[56, 1, 1, "", "CodeEdit"]], "abacusai.code_edit.CodeEdit": [[56, 2, 1, "", "__repr__"], [56, 3, 1, "", "deprecated_keys"], [56, 3, 1, "", "end_line"], [56, 3, 1, "", "file_path"], [56, 3, 1, "", "start_line"], [56, 3, 1, "", "text"], [56, 2, 1, "", "to_dict"]], "abacusai.code_edit_response": [[57, 1, 1, "", "CodeEditResponse"]], "abacusai.code_edit_response.CodeEditResponse": [[57, 2, 1, "", "__repr__"], [57, 3, 1, "", "code_changes"], [57, 3, 1, "", "deprecated_keys"], [57, 2, 1, "", "to_dict"]], "abacusai.code_edits": [[58, 1, 1, "", "CodeEdits"]], "abacusai.code_edits.CodeEdits": [[58, 2, 1, "", "__repr__"], [58, 3, 1, "", "code_changes"], [58, 3, 1, "", "code_edits"], [58, 3, 1, "", "deprecated_keys"], [58, 2, 1, "", "to_dict"]], "abacusai.code_source": [[59, 1, 1, "", "CodeSource"]], "abacusai.code_source.CodeSource": [[59, 2, 1, "", "__repr__"], [59, 3, 1, "", "application_connector_id"], [59, 3, 1, "", "application_connector_info"], [59, 3, 1, "", "deprecated_keys"], [59, 3, 1, "", "error"], [59, 2, 1, "", "import_as_cell"], [59, 3, 1, "", "module_dependencies"], [59, 3, 1, "", "package_requirements"], [59, 3, 1, "", "publishing_msg"], [59, 3, 1, "", "source_code"], [59, 3, 1, "", "source_type"], [59, 3, 1, "", "status"], [59, 2, 1, "", "to_dict"]], "abacusai.compute_point_info": [[60, 1, 1, "", "ComputePointInfo"]], "abacusai.compute_point_info.ComputePointInfo": [[60, 2, 1, "", "__repr__"], [60, 3, 1, "", "curr_month_avail_points"], [60, 3, 1, "", "curr_month_usage"], [60, 3, 1, "", "deprecated_keys"], [60, 3, 1, "", "last_24_hours_usage"], [60, 3, 1, "", "last_7_days_usage"], [60, 3, 1, "", "last_throttle_pop_up"], [60, 2, 1, "", "to_dict"], [60, 3, 1, "", "updated_at"]], "abacusai.concatenation_config": [[61, 1, 1, "", "ConcatenationConfig"]], "abacusai.concatenation_config.ConcatenationConfig": [[61, 2, 1, "", "__repr__"], [61, 3, 1, "", "concatenated_table"], [61, 3, 1, "", "deprecated_keys"], [61, 3, 1, "", "merge_type"], [61, 3, 1, "", "replace_until_timestamp"], [61, 3, 1, "", "skip_materialize"], [61, 2, 1, "", "to_dict"]], "abacusai.cpu_gpu_memory_specs": [[62, 1, 1, "", "CpuGpuMemorySpecs"]], "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs": [[62, 2, 1, "", "__repr__"], [62, 3, 1, "", "data"], [62, 3, 1, "", "default"], [62, 3, 1, "", "deprecated_keys"], [62, 2, 1, "", "to_dict"]], "abacusai.cryptography": [[63, 7, 1, "", "get_public_key"], [63, 7, 1, "", "verify_response"]], "abacusai.custom_chat_instructions": [[64, 1, 1, "", "CustomChatInstructions"]], "abacusai.custom_chat_instructions.CustomChatInstructions": [[64, 2, 1, "", "__repr__"], [64, 3, 1, "", "deprecated_keys"], [64, 3, 1, "", "enable_code_execution"], [64, 3, 1, "", "enable_image_generation"], [64, 3, 1, "", "enable_playground"], [64, 3, 1, "", "enable_web_search"], [64, 3, 1, "", "experimental_features"], [64, 3, 1, "", "response_instructions"], [64, 2, 1, "", "to_dict"], [64, 3, 1, "", "user_information_instructions"]], "abacusai.custom_loss_function": [[65, 1, 1, "", "CustomLossFunction"]], "abacusai.custom_loss_function.CustomLossFunction": [[65, 2, 1, "", "__repr__"], [65, 3, 1, "", "code_source"], [65, 3, 1, "", "created_at"], [65, 3, 1, "", "deprecated_keys"], [65, 3, 1, "", "loss_function_name"], [65, 3, 1, "", "loss_function_type"], [65, 3, 1, "", "name"], [65, 3, 1, "", "notebook_id"], [65, 2, 1, "", "to_dict"]], "abacusai.custom_metric": [[66, 1, 1, "", "CustomMetric"]], "abacusai.custom_metric.CustomMetric": [[66, 2, 1, "", "__repr__"], [66, 3, 1, "", "created_at"], [66, 3, 1, "", "custom_metric_id"], [66, 3, 1, "", "deprecated_keys"], [66, 3, 1, "", "latest_custom_metric_version"], [66, 3, 1, "", "name"], [66, 3, 1, "", "notebook_id"], [66, 3, 1, "", "problem_type"], [66, 2, 1, "", "to_dict"]], "abacusai.custom_metric_version": [[67, 1, 1, "", "CustomMetricVersion"]], "abacusai.custom_metric_version.CustomMetricVersion": [[67, 2, 1, "", "__repr__"], [67, 3, 1, "", "code_source"], [67, 3, 1, "", "created_at"], [67, 3, 1, "", "custom_metric_function_name"], [67, 3, 1, "", "custom_metric_version"], [67, 3, 1, "", "deprecated_keys"], [67, 2, 1, "", "describe"], [67, 3, 1, "", "name"], [67, 2, 1, "", "refresh"], [67, 2, 1, "", "to_dict"]], "abacusai.custom_train_function_info": [[68, 1, 1, "", "CustomTrainFunctionInfo"]], "abacusai.custom_train_function_info.CustomTrainFunctionInfo": [[68, 2, 1, "", "__repr__"], [68, 3, 1, "", "deprecated_keys"], [68, 3, 1, "", "schema_mappings"], [68, 2, 1, "", "to_dict"], [68, 3, 1, "", "train_data_parameter_to_feature_group_ids"], [68, 3, 1, "", "training_config"], [68, 3, 1, "", "training_data_parameter_name_mapping"]], "abacusai.data_consistency_duplication": [[69, 1, 1, "", "DataConsistencyDuplication"]], "abacusai.data_consistency_duplication.DataConsistencyDuplication": [[69, 2, 1, "", "__repr__"], [69, 3, 1, "", "deprecated_keys"], [69, 3, 1, "", "num_duplicates"], [69, 3, 1, "", "sample"], [69, 2, 1, "", "to_dict"], [69, 3, 1, "", "total_count"]], "abacusai.data_metrics": [[70, 1, 1, "", "DataMetrics"]], "abacusai.data_metrics.DataMetrics": [[70, 2, 1, "", "__repr__"], [70, 3, 1, "", "deprecated_keys"], [70, 3, 1, "", "metrics"], [70, 3, 1, "", "num_cols"], [70, 3, 1, "", "num_duplicate_rows"], [70, 3, 1, "", "num_rows"], [70, 3, 1, "", "schema"], [70, 2, 1, "", "to_dict"]], "abacusai.data_prep_logs": [[71, 1, 1, "", "DataPrepLogs"]], "abacusai.data_prep_logs.DataPrepLogs": [[71, 2, 1, "", "__repr__"], [71, 3, 1, "", "deprecated_keys"], [71, 3, 1, "", "logs"], [71, 2, 1, "", "to_dict"]], "abacusai.data_quality_results": [[72, 1, 1, "", "DataQualityResults"]], "abacusai.data_quality_results.DataQualityResults": [[72, 2, 1, "", "__repr__"], [72, 3, 1, "", "deprecated_keys"], [72, 3, 1, "", "results"], [72, 2, 1, "", "to_dict"]], "abacusai.data_upload_result": [[73, 1, 1, "", "DataUploadResult"]], "abacusai.data_upload_result.DataUploadResult": [[73, 2, 1, "", "__repr__"], [73, 3, 1, "", "deprecated_keys"], [73, 3, 1, "", "doc_infos"], [73, 3, 1, "", "max_count"], [73, 2, 1, "", "to_dict"]], "abacusai.database_column_feature_mapping": [[74, 1, 1, "", "DatabaseColumnFeatureMapping"]], "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping": [[74, 2, 1, "", "__repr__"], [74, 3, 1, "", "database_column"], [74, 3, 1, "", "deprecated_keys"], [74, 3, 1, "", "feature"], [74, 2, 1, "", "to_dict"]], "abacusai.database_connector": [[75, 1, 1, "", "DatabaseConnector"]], "abacusai.database_connector.DatabaseConnector": [[75, 2, 1, "", "__repr__"], [75, 3, 1, "", "auth"], [75, 3, 1, "", "created_at"], [75, 3, 1, "", "database_connector_id"], [75, 2, 1, "", "delete"], [75, 3, 1, "", "deprecated_keys"], [75, 2, 1, "", "get_object_schema"], [75, 2, 1, "", "list_objects"], [75, 3, 1, "", "name"], [75, 2, 1, "", "query"], [75, 2, 1, "", "rename"], [75, 3, 1, "", "service"], [75, 3, 1, "", "status"], [75, 2, 1, "", "to_dict"], [75, 2, 1, "", "verify"]], "abacusai.database_connector_column": [[76, 1, 1, "", "DatabaseConnectorColumn"]], "abacusai.database_connector_column.DatabaseConnectorColumn": [[76, 2, 1, "", "__repr__"], [76, 3, 1, "", "deprecated_keys"], [76, 3, 1, "", "external_data_type"], [76, 3, 1, "", "name"], [76, 2, 1, "", "to_dict"]], "abacusai.database_connector_schema": [[77, 1, 1, "", "DatabaseConnectorSchema"]], "abacusai.database_connector_schema.DatabaseConnectorSchema": [[77, 2, 1, "", "__repr__"], [77, 3, 1, "", "columns"], [77, 3, 1, "", "deprecated_keys"], [77, 3, 1, "", "table_name"], [77, 2, 1, "", "to_dict"]], "abacusai.dataset": [[78, 1, 1, "", "Dataset"]], "abacusai.dataset.Dataset": [[78, 2, 1, "", "__repr__"], [78, 3, 1, "", "application_connector_config"], [78, 3, 1, "", "application_connector_id"], [78, 3, 1, "", "attachment_parsing_config"], [78, 3, 1, "", "connector_type"], [78, 2, 1, "", "create_refresh_policy"], [78, 2, 1, "", "create_version_from_application_connector"], [78, 2, 1, "", "create_version_from_database_connector"], [78, 2, 1, "", "create_version_from_document_reprocessing"], [78, 2, 1, "", "create_version_from_file_connector"], [78, 2, 1, "", "create_version_from_upload"], [78, 3, 1, "", "created_at"], [78, 3, 1, "", "data_source"], [78, 3, 1, "", "database_connector_config"], [78, 3, 1, "", "database_connector_id"], [78, 3, 1, "", "dataset_id"], [78, 2, 1, "", "delete"], [78, 3, 1, "", "deprecated_keys"], [78, 2, 1, "", "describe"], [78, 2, 1, "", "describe_feature_group"], [78, 3, 1, "", "document_processing_config"], [78, 3, 1, "", "ephemeral"], [78, 3, 1, "", "extract_bounding_boxes"], [78, 3, 1, "", "feature_group_table_name"], [78, 2, 1, "", "get_schema"], [78, 2, 1, "", "get_status"], [78, 3, 1, "", "ignore_before"], [78, 3, 1, "", "incremental"], [78, 3, 1, "", "is_documentset"], [78, 3, 1, "", "latest_dataset_version"], [78, 2, 1, "", "list_refresh_policies"], [78, 2, 1, "", "list_versions"], [78, 3, 1, "", "lookback_days"], [78, 3, 1, "", "merge_file_schemas"], [78, 3, 1, "", "parsing_config"], [78, 3, 1, "", "reference_only_documentset"], [78, 2, 1, "", "refresh"], [78, 3, 1, "", "refresh_schedules"], [78, 3, 1, "", "schema"], [78, 2, 1, "", "set_column_data_type"], [78, 2, 1, "", "set_database_connector_config"], [78, 2, 1, "", "set_streaming_retention_policy"], [78, 2, 1, "", "snapshot_streaming_data"], [78, 3, 1, "", "source_type"], [78, 2, 1, "", "to_dict"], [78, 2, 1, "", "update_version_limit"], [78, 3, 1, "", "version_limit"], [78, 2, 1, "", "wait_for_import"], [78, 2, 1, "", "wait_for_inspection"]], "abacusai.dataset_column": [[79, 1, 1, "", "DatasetColumn"]], "abacusai.dataset_column.DatasetColumn": [[79, 2, 1, "", "__repr__"], [79, 3, 1, "", "data_type"], [79, 3, 1, "", "deprecated_keys"], [79, 3, 1, "", "detected_data_type"], [79, 3, 1, "", "detected_feature_type"], [79, 3, 1, "", "feature_type"], [79, 3, 1, "", "name"], [79, 3, 1, "", "original_name"], [79, 3, 1, "", "time_format"], [79, 3, 1, "", "timestamp_frequency"], [79, 2, 1, "", "to_dict"], [79, 3, 1, "", "valid_data_types"]], "abacusai.dataset_version": [[80, 1, 1, "", "DatasetVersion"]], "abacusai.dataset_version.DatasetVersion": [[80, 2, 1, "", "__repr__"], [80, 3, 1, "", "application_connector_config"], [80, 3, 1, "", "created_at"], [80, 3, 1, "", "database_connector_config"], [80, 3, 1, "", "dataset_id"], [80, 3, 1, "", "dataset_version"], [80, 2, 1, "", "delete"], [80, 3, 1, "", "deprecated_keys"], [80, 2, 1, "", "describe"], [80, 3, 1, "", "error"], [80, 3, 1, "", "file_inspect_metadata"], [80, 2, 1, "", "get_logs"], [80, 2, 1, "", "get_metrics"], [80, 2, 1, "", "get_status"], [80, 3, 1, "", "incremental_queried_at"], [80, 3, 1, "", "invalid_records"], [80, 3, 1, "", "merge_file_schemas"], [80, 2, 1, "", "refresh"], [80, 3, 1, "", "row_count"], [80, 3, 1, "", "size"], [80, 3, 1, "", "status"], [80, 2, 1, "", "to_dict"], [80, 3, 1, "", "upload_id"], [80, 2, 1, "", "wait_for_import"], [80, 2, 1, "", "wait_for_inspection"]], "abacusai.dataset_version_logs": [[81, 1, 1, "", "DatasetVersionLogs"]], "abacusai.dataset_version_logs.DatasetVersionLogs": [[81, 2, 1, "", "__repr__"], [81, 3, 1, "", "deprecated_keys"], [81, 3, 1, "", "logs"], [81, 2, 1, "", "to_dict"]], "abacusai.deployment": [[82, 1, 1, "", "Deployment"]], "abacusai.deployment.Deployment": [[82, 2, 1, "", "__repr__"], [82, 3, 1, "", "algo_name"], [82, 3, 1, "", "algorithm"], [82, 3, 1, "", "auto_deploy"], [82, 3, 1, "", "batch_streaming_updates"], [82, 3, 1, "", "calls_per_second"], [82, 2, 1, "", "create_alert"], [82, 2, 1, "", "create_batch_prediction"], [82, 2, 1, "", "create_conversation"], [82, 2, 1, "", "create_external_application"], [82, 2, 1, "", "create_realtime_monitor"], [82, 2, 1, "", "create_refresh_policy"], [82, 2, 1, "", "create_webhook"], [82, 3, 1, "", "created_at"], [82, 3, 1, "", "default_prediction_arguments"], [82, 2, 1, "", "delete"], [82, 3, 1, "", "deployed_at"], [82, 3, 1, "", "deployment_id"], [82, 3, 1, "", "deprecated_keys"], [82, 2, 1, "", "describe"], [82, 2, 1, "", "describe_feature_group_row_process_by_key"], [82, 3, 1, "", "description"], [82, 2, 1, "", "download_agent_attachment"], [82, 3, 1, "", "error"], [82, 3, 1, "", "feature_group_export_config"], [82, 3, 1, "", "feature_group_id"], [82, 3, 1, "", "feature_group_version"], [82, 2, 1, "", "get_conversation_response"], [82, 2, 1, "", "get_conversation_response_with_binary_data"], [82, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [82, 2, 1, "", "get_feature_group_row_process_summary"], [82, 2, 1, "", "get_prediction_logs_records"], [82, 2, 1, "", "get_statistics_over_time"], [82, 2, 1, "", "get_status"], [82, 2, 1, "", "list_alerts"], [82, 2, 1, "", "list_conversations"], [82, 2, 1, "", "list_feature_group_row_processes"], [82, 2, 1, "", "list_refresh_policies"], [82, 2, 1, "", "list_webhooks"], [82, 3, 1, "", "model_deployment_config"], [82, 3, 1, "", "model_id"], [82, 3, 1, "", "model_version"], [82, 3, 1, "", "name"], [82, 3, 1, "", "online_feature_group_id"], [82, 3, 1, "", "output_online_feature_group_id"], [82, 3, 1, "", "pending_model_version"], [82, 3, 1, "", "pending_prediction_operator_version"], [82, 3, 1, "", "prediction_operator_id"], [82, 3, 1, "", "prediction_operator_version"], [82, 3, 1, "", "project_id"], [82, 3, 1, "", "realtime_monitor_id"], [82, 2, 1, "", "refresh"], [82, 3, 1, "", "refresh_schedules"], [82, 3, 1, "", "regions"], [82, 2, 1, "", "remove_feature_group_export_output"], [82, 2, 1, "", "rename"], [82, 2, 1, "", "reset_feature_group_row_process_by_key"], [82, 3, 1, "", "runtime_configs"], [82, 2, 1, "", "set_auto"], [82, 2, 1, "", "set_default_prediction_arguments"], [82, 2, 1, "", "set_feature_group_export_database_connector_output"], [82, 2, 1, "", "set_feature_group_export_file_connector_output"], [82, 2, 1, "", "set_feature_group_version"], [82, 2, 1, "", "set_model_version"], [82, 2, 1, "", "set_prediction_operator_version"], [82, 3, 1, "", "skip_metrics_check"], [82, 2, 1, "", "start"], [82, 3, 1, "", "status"], [82, 2, 1, "", "stop"], [82, 2, 1, "", "to_dict"], [82, 2, 1, "", "update"], [82, 2, 1, "", "wait_for_deployment"], [82, 2, 1, "", "wait_for_pending_deployment_update"]], "abacusai.deployment_auth_token": [[83, 1, 1, "", "DeploymentAuthToken"]], "abacusai.deployment_auth_token.DeploymentAuthToken": [[83, 2, 1, "", "__repr__"], [83, 3, 1, "", "created_at"], [83, 3, 1, "", "deployment_token"], [83, 3, 1, "", "deprecated_keys"], [83, 3, 1, "", "name"], [83, 2, 1, "", "to_dict"]], "abacusai.deployment_conversation": [[84, 1, 1, "", "DeploymentConversation"]], "abacusai.deployment_conversation.DeploymentConversation": [[84, 2, 1, "", "__repr__"], [84, 3, 1, "", "chatllm_task_id"], [84, 2, 1, "", "clear"], [84, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [84, 3, 1, "", "conversation_type"], [84, 3, 1, "", "conversation_warning"], [84, 3, 1, "", "created_at"], [84, 2, 1, "", "delete"], [84, 3, 1, "", "deployment_conversation_id"], [84, 3, 1, "", "deployment_id"], [84, 3, 1, "", "deprecated_keys"], [84, 2, 1, "", "export"], [84, 3, 1, "", "external_application_id"], [84, 3, 1, "", "external_session_id"], [84, 2, 1, "", "get"], [84, 3, 1, "", "has_history"], [84, 3, 1, "", "history"], [84, 3, 1, "", "humanize_instructions"], [84, 3, 1, "", "last_event_created_at"], [84, 3, 1, "", "llm_bot_icon"], [84, 3, 1, "", "llm_display_name"], [84, 3, 1, "", "metadata"], [84, 3, 1, "", "name"], [84, 3, 1, "", "regenerate_attempt"], [84, 2, 1, "", "rename"], [84, 3, 1, "", "search_suggestions"], [84, 2, 1, "", "set_feedback"], [84, 2, 1, "", "to_dict"], [84, 3, 1, "", "unused_document_upload_ids"]], "abacusai.deployment_conversation_event": [[85, 1, 1, "", "DeploymentConversationEvent"]], "abacusai.deployment_conversation_event.DeploymentConversationEvent": [[85, 2, 1, "", "__repr__"], [85, 3, 1, "", "agent_response"], [85, 3, 1, "", "agent_workflow_node_id"], [85, 3, 1, "", "attachments"], [85, 3, 1, "", "chat_type"], [85, 3, 1, "", "compute_points_used"], [85, 3, 1, "", "computer_files"], [85, 3, 1, "", "deprecated_keys"], [85, 3, 1, "", "doc_infos"], [85, 3, 1, "", "error"], [85, 3, 1, "", "feedback"], [85, 3, 1, "", "feedback_type"], [85, 3, 1, "", "form_response"], [85, 3, 1, "", "highlights"], [85, 3, 1, "", "input_params"], [85, 3, 1, "", "is_useful"], [85, 3, 1, "", "keyword_arguments"], [85, 3, 1, "", "llm_bot_icon"], [85, 3, 1, "", "llm_display_name"], [85, 3, 1, "", "message_index"], [85, 3, 1, "", "model_version"], [85, 3, 1, "", "next_agent_workflow_node_id"], [85, 3, 1, "", "regenerate_attempt"], [85, 3, 1, "", "response_version"], [85, 3, 1, "", "role"], [85, 3, 1, "", "routed_llm"], [85, 3, 1, "", "search_results"], [85, 3, 1, "", "segments"], [85, 3, 1, "", "streamed_data"], [85, 3, 1, "", "streamed_section_data"], [85, 3, 1, "", "text"], [85, 3, 1, "", "timestamp"], [85, 2, 1, "", "to_dict"], [85, 3, 1, "", "tool_use_request"], [85, 3, 1, "", "verification_summary"]], "abacusai.deployment_conversation_export": [[86, 1, 1, "", "DeploymentConversationExport"]], "abacusai.deployment_conversation_export.DeploymentConversationExport": [[86, 2, 1, "", "__repr__"], [86, 3, 1, "", "conversation_export_html"], [86, 3, 1, "", "deployment_conversation_id"], [86, 3, 1, "", "deprecated_keys"], [86, 2, 1, "", "to_dict"]], "abacusai.deployment_statistics": [[87, 1, 1, "", "DeploymentStatistics"]], "abacusai.deployment_statistics.DeploymentStatistics": [[87, 2, 1, "", "__repr__"], [87, 3, 1, "", "date_labels"], [87, 3, 1, "", "deprecated_keys"], [87, 3, 1, "", "http_status_series"], [87, 3, 1, "", "latency_series"], [87, 3, 1, "", "request_series"], [87, 2, 1, "", "to_dict"]], "abacusai.document_data": [[88, 1, 1, "", "DocumentData"]], "abacusai.document_data.DocumentData": [[88, 2, 1, "", "__repr__"], [88, 3, 1, "", "augmented_page_text"], [88, 3, 1, "", "deprecated_keys"], [88, 3, 1, "", "doc_id"], [88, 3, 1, "", "embedded_text"], [88, 3, 1, "", "extracted_page_text"], [88, 3, 1, "", "extracted_text"], [88, 3, 1, "", "metadata"], [88, 3, 1, "", "mime_type"], [88, 3, 1, "", "page_count"], [88, 3, 1, "", "page_markdown"], [88, 3, 1, "", "pages"], [88, 2, 1, "", "to_dict"], [88, 3, 1, "", "tokens"], [88, 3, 1, "", "total_page_count"]], "abacusai.document_retriever": [[89, 1, 1, "", "DocumentRetriever"]], "abacusai.document_retriever.DocumentRetriever": [[89, 2, 1, "", "__repr__"], [89, 2, 1, "", "create_version"], [89, 3, 1, "", "created_at"], [89, 3, 1, "", "deprecated_keys"], [89, 2, 1, "", "describe"], [89, 3, 1, "", "document_retriever_config"], [89, 3, 1, "", "document_retriever_id"], [89, 3, 1, "", "feature_group_id"], [89, 3, 1, "", "feature_group_name"], [89, 2, 1, "", "get_deployment_status"], [89, 2, 1, "", "get_document_snippet"], [89, 2, 1, "", "get_matching_documents"], [89, 2, 1, "", "get_status"], [89, 3, 1, "", "indexing_required"], [89, 3, 1, "", "latest_document_retriever_version"], [89, 2, 1, "", "list_versions"], [89, 3, 1, "", "name"], [89, 2, 1, "", "refresh"], [89, 2, 1, "", "rename"], [89, 2, 1, "", "restart"], [89, 2, 1, "", "to_dict"], [89, 2, 1, "", "wait_until_deployment_ready"], [89, 2, 1, "", "wait_until_ready"]], "abacusai.document_retriever_lookup_result": [[90, 1, 1, "", "DocumentRetrieverLookupResult"]], "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult": [[90, 2, 1, "", "__repr__"], [90, 3, 1, "", "bounding_boxes"], [90, 3, 1, "", "deprecated_keys"], [90, 3, 1, "", "document"], [90, 3, 1, "", "document_source"], [90, 3, 1, "", "image_ids"], [90, 3, 1, "", "pages"], [90, 3, 1, "", "properties"], [90, 3, 1, "", "score"], [90, 2, 1, "", "to_dict"]], "abacusai.document_retriever_version": [[91, 1, 1, "", "DocumentRetrieverVersion"]], "abacusai.document_retriever_version.DocumentRetrieverVersion": [[91, 2, 1, "", "__repr__"], [91, 3, 1, "", "created_at"], [91, 2, 1, "", "delete"], [91, 3, 1, "", "deployment_status"], [91, 3, 1, "", "deprecated_keys"], [91, 2, 1, "", "describe"], [91, 3, 1, "", "document_retriever_config"], [91, 3, 1, "", "document_retriever_id"], [91, 3, 1, "", "document_retriever_version"], [91, 3, 1, "", "embedding_file_size"], [91, 3, 1, "", "error"], [91, 3, 1, "", "feature_group_id"], [91, 3, 1, "", "feature_group_version"], [91, 2, 1, "", "get_deployment_status"], [91, 2, 1, "", "get_status"], [91, 3, 1, "", "number_of_chunks"], [91, 2, 1, "", "refresh"], [91, 3, 1, "", "resolved_config"], [91, 3, 1, "", "status"], [91, 2, 1, "", "to_dict"], [91, 2, 1, "", "wait_for_results"], [91, 2, 1, "", "wait_until_deployment_ready"], [91, 2, 1, "", "wait_until_ready"], [91, 3, 1, "", "warnings"]], "abacusai.drift_distribution": [[92, 1, 1, "", "DriftDistribution"]], "abacusai.drift_distribution.DriftDistribution": [[92, 2, 1, "", "__repr__"], [92, 3, 1, "", "deprecated_keys"], [92, 3, 1, "", "distribution"], [92, 3, 1, "", "metrics"], [92, 3, 1, "", "predicted_column"], [92, 2, 1, "", "to_dict"], [92, 3, 1, "", "train_column"]], "abacusai.drift_distributions": [[93, 1, 1, "", "DriftDistributions"]], "abacusai.drift_distributions.DriftDistributions": [[93, 2, 1, "", "__repr__"], [93, 3, 1, "", "bp_prediction_drift"], [93, 3, 1, "", "deprecated_keys"], [93, 3, 1, "", "label_drift"], [93, 3, 1, "", "prediction_drift"], [93, 2, 1, "", "to_dict"]], "abacusai.eda": [[94, 1, 1, "", "Eda"]], "abacusai.eda.Eda": [[94, 2, 1, "", "__repr__"], [94, 3, 1, "", "created_at"], [94, 2, 1, "", "delete"], [94, 3, 1, "", "deprecated_keys"], [94, 2, 1, "", "describe"], [94, 3, 1, "", "eda_configs"], [94, 3, 1, "", "eda_id"], [94, 3, 1, "", "feature_group_id"], [94, 3, 1, "", "latest_eda_version"], [94, 2, 1, "", "list_versions"], [94, 3, 1, "", "name"], [94, 3, 1, "", "project_id"], [94, 3, 1, "", "reference_feature_group_version"], [94, 2, 1, "", "refresh"], [94, 3, 1, "", "refresh_schedules"], [94, 2, 1, "", "rename"], [94, 2, 1, "", "rerun"], [94, 3, 1, "", "test_feature_group_version"], [94, 2, 1, "", "to_dict"]], "abacusai.eda_chart_description": [[95, 1, 1, "", "EdaChartDescription"]], "abacusai.eda_chart_description.EdaChartDescription": [[95, 2, 1, "", "__repr__"], [95, 3, 1, "", "chart_type"], [95, 3, 1, "", "deprecated_keys"], [95, 3, 1, "", "description"], [95, 2, 1, "", "to_dict"]], "abacusai.eda_collinearity": [[96, 1, 1, "", "EdaCollinearity"]], "abacusai.eda_collinearity.EdaCollinearity": [[96, 2, 1, "", "__repr__"], [96, 3, 1, "", "collinearity_groups"], [96, 3, 1, "", "collinearity_matrix"], [96, 3, 1, "", "column_names"], [96, 3, 1, "", "column_names_x"], [96, 3, 1, "", "deprecated_keys"], [96, 3, 1, "", "group_feature_dict"], [96, 2, 1, "", "to_dict"]], "abacusai.eda_data_consistency": [[97, 1, 1, "", "EdaDataConsistency"]], "abacusai.eda_data_consistency.EdaDataConsistency": [[97, 2, 1, "", "__repr__"], [97, 3, 1, "", "base_duplicates"], [97, 3, 1, "", "column_names"], [97, 3, 1, "", "compare_duplicates"], [97, 3, 1, "", "deletions"], [97, 3, 1, "", "deprecated_keys"], [97, 3, 1, "", "primary_keys"], [97, 2, 1, "", "to_dict"], [97, 3, 1, "", "transformation_column_names"], [97, 3, 1, "", "transformations"]], "abacusai.eda_feature_association": [[98, 1, 1, "", "EdaFeatureAssociation"]], "abacusai.eda_feature_association.EdaFeatureAssociation": [[98, 2, 1, "", "__repr__"], [98, 3, 1, "", "data"], [98, 3, 1, "", "data_columns"], [98, 3, 1, "", "deprecated_keys"], [98, 3, 1, "", "is_box_whisker"], [98, 3, 1, "", "is_scatter"], [98, 2, 1, "", "to_dict"], [98, 3, 1, "", "x_axis"], [98, 3, 1, "", "x_axis_column_values"], [98, 3, 1, "", "y_axis"], [98, 3, 1, "", "y_axis_column_values"]], "abacusai.eda_feature_collinearity": [[99, 1, 1, "", "EdaFeatureCollinearity"]], "abacusai.eda_feature_collinearity.EdaFeatureCollinearity": [[99, 2, 1, "", "__repr__"], [99, 3, 1, "", "deprecated_keys"], [99, 3, 1, "", "feature_collinearity"], [99, 3, 1, "", "selected_feature"], [99, 3, 1, "", "sorted_column_names"], [99, 2, 1, "", "to_dict"]], "abacusai.eda_forecasting_analysis": [[100, 1, 1, "", "EdaForecastingAnalysis"]], "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis": [[100, 2, 1, "", "__repr__"], [100, 3, 1, "", "autocorrelation"], [100, 3, 1, "", "cummulative_contribution"], [100, 3, 1, "", "deprecated_keys"], [100, 3, 1, "", "forecast_frequency"], [100, 3, 1, "", "forecasting_target_feature"], [100, 3, 1, "", "history_length"], [100, 3, 1, "", "missing_value_distribution"], [100, 3, 1, "", "num_rows_histogram"], [100, 3, 1, "", "partial_autocorrelation"], [100, 3, 1, "", "primary_keys"], [100, 3, 1, "", "product_maturity"], [100, 3, 1, "", "sales_across_time"], [100, 3, 1, "", "seasonality_day_of_month"], [100, 3, 1, "", "seasonality_day_of_week"], [100, 3, 1, "", "seasonality_day_of_year"], [100, 3, 1, "", "seasonality_hour"], [100, 3, 1, "", "seasonality_minute"], [100, 3, 1, "", "seasonality_month"], [100, 3, 1, "", "seasonality_quarter"], [100, 3, 1, "", "seasonality_second"], [100, 3, 1, "", "seasonality_week_of_year"], [100, 3, 1, "", "seasonality_year"], [100, 3, 1, "", "timestamp_feature"], [100, 2, 1, "", "to_dict"]], "abacusai.eda_version": [[101, 1, 1, "", "EdaVersion"]], "abacusai.eda_version.EdaVersion": [[101, 2, 1, "", "__repr__"], [101, 2, 1, "", "delete"], [101, 3, 1, "", "deprecated_keys"], [101, 2, 1, "", "describe"], [101, 3, 1, "", "eda_completed_at"], [101, 3, 1, "", "eda_id"], [101, 3, 1, "", "eda_started_at"], [101, 3, 1, "", "eda_version"], [101, 3, 1, "", "error"], [101, 2, 1, "", "get_collinearity_for_feature"], [101, 2, 1, "", "get_eda_collinearity"], [101, 2, 1, "", "get_eda_data_consistency"], [101, 2, 1, "", "get_eda_forecasting_analysis"], [101, 2, 1, "", "get_feature_association"], [101, 2, 1, "", "get_status"], [101, 3, 1, "", "reference_feature_group_version"], [101, 2, 1, "", "refresh"], [101, 3, 1, "", "status"], [101, 3, 1, "", "test_feature_group_version"], [101, 2, 1, "", "to_dict"], [101, 2, 1, "", "wait_for_eda"]], "abacusai.embedding_feature_drift_distribution": [[102, 1, 1, "", "EmbeddingFeatureDriftDistribution"]], "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution": [[102, 2, 1, "", "__repr__"], [102, 3, 1, "", "average_drift"], [102, 3, 1, "", "chi_square"], [102, 3, 1, "", "csi"], [102, 3, 1, "", "deprecated_keys"], [102, 3, 1, "", "distance"], [102, 3, 1, "", "js_distance"], [102, 3, 1, "", "ks_statistic"], [102, 3, 1, "", "psi"], [102, 2, 1, "", "to_dict"], [102, 3, 1, "", "ws_distance"]], "abacusai.execute_feature_group_operation": [[103, 1, 1, "", "ExecuteFeatureGroupOperation"]], "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation": [[103, 2, 1, "", "__repr__"], [103, 2, 1, "", "_download_avro_file"], [103, 3, 1, "", "deprecated_keys"], [103, 2, 1, "", "describe"], [103, 3, 1, "", "error"], [103, 3, 1, "", "feature_group_operation_run_id"], [103, 2, 1, "", "get_status"], [103, 2, 1, "", "load_as_pandas"], [103, 3, 1, "", "query"], [103, 2, 1, "", "refresh"], [103, 3, 1, "", "status"], [103, 2, 1, "", "to_dict"], [103, 2, 1, "", "wait_for_execution"], [103, 2, 1, "", "wait_for_results"]], "abacusai.external_application": [[104, 1, 1, "", "ExternalApplication"]], "abacusai.external_application.ExternalApplication": [[104, 2, 1, "", "__repr__"], [104, 2, 1, "", "delete"], [104, 3, 1, "", "deployment_conversation_retention_hours"], [104, 3, 1, "", "deployment_id"], [104, 3, 1, "", "deprecated_keys"], [104, 2, 1, "", "describe"], [104, 3, 1, "", "description"], [104, 3, 1, "", "external_application_id"], [104, 3, 1, "", "is_agent"], [104, 3, 1, "", "is_customizable"], [104, 3, 1, "", "is_deprecated"], [104, 3, 1, "", "is_system_created"], [104, 3, 1, "", "is_visible"], [104, 3, 1, "", "logo"], [104, 3, 1, "", "managed_user_service"], [104, 3, 1, "", "name"], [104, 3, 1, "", "prediction_overrides"], [104, 2, 1, "", "refresh"], [104, 3, 1, "", "status"], [104, 3, 1, "", "theme"], [104, 2, 1, "", "to_dict"], [104, 2, 1, "", "update"], [104, 3, 1, "", "use_case"], [104, 3, 1, "", "user_group_ids"]], "abacusai.external_invite": [[105, 1, 1, "", "ExternalInvite"]], "abacusai.external_invite.ExternalInvite": [[105, 2, 1, "", "__repr__"], [105, 3, 1, "", "deprecated_keys"], [105, 3, 1, "", "successful_invites"], [105, 2, 1, "", "to_dict"], [105, 3, 1, "", "user_already_in_app_group"], [105, 3, 1, "", "user_already_in_org"], [105, 3, 1, "", "user_exists_as_internal"]], "abacusai.extracted_fields": [[106, 1, 1, "", "ExtractedFields"]], "abacusai.extracted_fields.ExtractedFields": [[106, 2, 1, "", "__repr__"], [106, 3, 1, "", "data"], [106, 3, 1, "", "deprecated_keys"], [106, 3, 1, "", "raw_llm_response"], [106, 2, 1, "", "to_dict"]], "abacusai.feature": [[107, 1, 1, "", "Feature"]], "abacusai.feature.Feature": [[107, 2, 1, "", "__repr__"], [107, 3, 1, "", "columns"], [107, 3, 1, "", "data_type"], [107, 3, 1, "", "deprecated_keys"], [107, 3, 1, "", "detected_data_type"], [107, 3, 1, "", "detected_feature_type"], [107, 3, 1, "", "feature_mapping"], [107, 3, 1, "", "feature_type"], [107, 3, 1, "", "name"], [107, 3, 1, "", "order_clause"], [107, 3, 1, "", "original_name"], [107, 3, 1, "", "point_in_time_info"], [107, 3, 1, "", "select_clause"], [107, 3, 1, "", "source_table"], [107, 2, 1, "", "to_dict"], [107, 3, 1, "", "using_clause"], [107, 3, 1, "", "where_clause"]], "abacusai.feature_distribution": [[108, 1, 1, "", "FeatureDistribution"]], "abacusai.feature_distribution.FeatureDistribution": [[108, 2, 1, "", "__repr__"], [108, 3, 1, "", "deprecated_keys"], [108, 3, 1, "", "numerical_prediction_distribution"], [108, 3, 1, "", "numerical_training_distribution"], [108, 3, 1, "", "prediction_distribution"], [108, 3, 1, "", "prediction_statistics"], [108, 2, 1, "", "to_dict"], [108, 3, 1, "", "training_distribution"], [108, 3, 1, "", "training_statistics"], [108, 3, 1, "", "type"]], "abacusai.feature_drift_record": [[109, 1, 1, "", "FeatureDriftRecord"]], "abacusai.feature_drift_record.FeatureDriftRecord": [[109, 2, 1, "", "__repr__"], [109, 3, 1, "", "chi_square"], [109, 3, 1, "", "csi"], [109, 3, 1, "", "deprecated_keys"], [109, 3, 1, "", "distance"], [109, 3, 1, "", "js_distance"], [109, 3, 1, "", "ks_statistic"], [109, 3, 1, "", "name"], [109, 3, 1, "", "psi"], [109, 2, 1, "", "to_dict"], [109, 3, 1, "", "ws_distance"]], "abacusai.feature_drift_summary": [[110, 1, 1, "", "FeatureDriftSummary"]], "abacusai.feature_drift_summary.FeatureDriftSummary": [[110, 2, 1, "", "__repr__"], [110, 3, 1, "", "cat_violations"], [110, 3, 1, "", "chi_square"], [110, 3, 1, "", "csi"], [110, 3, 1, "", "data_integrity_timeseries"], [110, 3, 1, "", "deprecated_keys"], [110, 3, 1, "", "distance"], [110, 3, 1, "", "feature_index"], [110, 3, 1, "", "js_distance"], [110, 3, 1, "", "ks_statistic"], [110, 3, 1, "", "name"], [110, 3, 1, "", "nested_summary"], [110, 3, 1, "", "null_violations"], [110, 3, 1, "", "prediction_drift"], [110, 3, 1, "", "psi"], [110, 3, 1, "", "range_violations"], [110, 3, 1, "", "target_column"], [110, 2, 1, "", "to_dict"], [110, 3, 1, "", "ws_distance"]], "abacusai.feature_group": [[111, 1, 1, "", "FeatureGroup"]], "abacusai.feature_group.FeatureGroup": [[111, 2, 1, "", "__repr__"], [111, 2, 1, "", "add_annotatable_feature"], [111, 2, 1, "", "add_annotation_label"], [111, 2, 1, "", "add_feature_tag"], [111, 2, 1, "", "add_organization_group_to_modifiers"], [111, 2, 1, "", "add_tag"], [111, 2, 1, "", "add_to_project"], [111, 2, 1, "", "add_user_to_modifiers"], [111, 3, 1, "", "annotation_config"], [111, 2, 1, "", "append_data"], [111, 2, 1, "", "append_multiple_data"], [111, 3, 1, "", "code_source"], [111, 2, 1, "", "concatenate_data"], [111, 3, 1, "", "concatenation_config"], [111, 3, 1, "", "cpu_size"], [111, 2, 1, "", "create_feature"], [111, 2, 1, "", "create_nested_feature"], [111, 2, 1, "", "create_point_in_time_feature"], [111, 2, 1, "", "create_point_in_time_group"], [111, 2, 1, "", "create_point_in_time_group_feature"], [111, 2, 1, "", "create_sampling"], [111, 2, 1, "", "create_template"], [111, 2, 1, "", "create_version"], [111, 3, 1, "", "created_at"], [111, 3, 1, "", "dataset_id"], [111, 2, 1, "", "delete"], [111, 2, 1, "", "delete_data"], [111, 2, 1, "", "delete_feature"], [111, 2, 1, "", "delete_nested_feature"], [111, 2, 1, "", "delete_point_in_time_group"], [111, 3, 1, "", "deprecated_keys"], [111, 2, 1, "", "describe"], [111, 2, 1, "", "describe_annotation"], [111, 2, 1, "", "describe_dataset"], [111, 3, 1, "", "description"], [111, 2, 1, "", "detach_from_template"], [111, 3, 1, "", "duplicate_features"], [111, 3, 1, "", "explanation"], [111, 3, 1, "", "export_connector_config"], [111, 3, 1, "", "export_on_materialization"], [111, 3, 1, "", "feature_expression"], [111, 3, 1, "", "feature_group_id"], [111, 3, 1, "", "feature_group_source_type"], [111, 3, 1, "", "feature_group_template"], [111, 3, 1, "", "feature_tags"], [111, 3, 1, "", "features"], [111, 3, 1, "", "function_name"], [111, 3, 1, "", "function_source_code"], [111, 2, 1, "", "generate_natural_language_explanation"], [111, 2, 1, "", "generate_point_in_time_features"], [111, 2, 1, "", "get_annotations_status"], [111, 2, 1, "", "get_data"], [111, 2, 1, "", "get_document_to_annotate"], [111, 2, 1, "", "get_natural_language_explanation"], [111, 2, 1, "", "get_project_config"], [111, 2, 1, "", "get_recent_streamed_data"], [111, 2, 1, "", "get_schema"], [111, 2, 1, "", "get_status"], [111, 2, 1, "", "import_annotation_labels"], [111, 3, 1, "", "incremental"], [111, 3, 1, "", "indexing_config"], [111, 3, 1, "", "latest_feature_group_version"], [111, 3, 1, "", "latest_version_outdated"], [111, 2, 1, "", "list_exports"], [111, 2, 1, "", "list_modifiers"], [111, 2, 1, "", "list_versions"], [111, 2, 1, "", "load_as_pandas"], [111, 2, 1, "", "load_as_pandas_documents"], [111, 3, 1, "", "lookup_keys"], [111, 2, 1, "", "materialize"], [111, 3, 1, "", "memory"], [111, 3, 1, "", "merge_config"], [111, 3, 1, "", "modification_lock"], [111, 3, 1, "", "module_name"], [111, 3, 1, "", "name"], [111, 3, 1, "", "operator_config"], [111, 3, 1, "", "point_in_time_groups"], [111, 3, 1, "", "primary_key"], [111, 3, 1, "", "python_function_bindings"], [111, 3, 1, "", "python_function_name"], [111, 3, 1, "", "referenced_feature_groups"], [111, 2, 1, "", "refresh"], [111, 3, 1, "", "refresh_schedules"], [111, 2, 1, "", "remove_annotation_label"], [111, 2, 1, "", "remove_concatenation_config"], [111, 2, 1, "", "remove_feature_tag"], [111, 2, 1, "", "remove_from_project"], [111, 2, 1, "", "remove_organization_group_from_modifiers"], [111, 2, 1, "", "remove_tag"], [111, 2, 1, "", "remove_user_from_modifiers"], [111, 3, 1, "", "sampling_config"], [111, 2, 1, "", "set_annotation_status_feature"], [111, 2, 1, "", "set_export_connector_config"], [111, 2, 1, "", "set_export_on_materialization"], [111, 2, 1, "", "set_feature_as_annotatable_feature"], [111, 2, 1, "", "set_feature_type"], [111, 2, 1, "", "set_indexing_config"], [111, 2, 1, "", "set_merge_config"], [111, 2, 1, "", "set_modifier_lock"], [111, 2, 1, "", "set_operator_config"], [111, 2, 1, "", "set_project_config"], [111, 2, 1, "", "set_sampling_config"], [111, 2, 1, "", "set_schema"], [111, 2, 1, "", "set_type"], [111, 3, 1, "", "source_tables"], [111, 3, 1, "", "sql"], [111, 3, 1, "", "sql_error"], [111, 3, 1, "", "streaming_enabled"], [111, 3, 1, "", "streaming_ready"], [111, 2, 1, "", "suggest_template_for"], [111, 3, 1, "", "table_name"], [111, 3, 1, "", "tags"], [111, 3, 1, "", "template_bindings"], [111, 2, 1, "", "to_dict"], [111, 2, 1, "", "unset_feature_as_annotatable_feature"], [111, 2, 1, "", "update"], [111, 2, 1, "", "update_annotation_status"], [111, 2, 1, "", "update_dataset_feature_expression"], [111, 2, 1, "", "update_feature"], [111, 2, 1, "", "update_nested_feature"], [111, 2, 1, "", "update_point_in_time_feature"], [111, 2, 1, "", "update_point_in_time_group"], [111, 2, 1, "", "update_point_in_time_group_feature"], [111, 2, 1, "", "update_python_function"], [111, 2, 1, "", "update_python_function_bindings"], [111, 2, 1, "", "update_sql_definition"], [111, 2, 1, "", "update_template_bindings"], [111, 3, 1, "", "update_timestamp_key"], [111, 2, 1, "", "update_version_limit"], [111, 2, 1, "", "upsert_data"], [111, 3, 1, "", "use_gpu"], [111, 3, 1, "", "use_original_csv_names"], [111, 2, 1, "", "verify_and_describe_annotation"], [111, 3, 1, "", "version_limit"], [111, 2, 1, "", "wait_for_dataset"], [111, 2, 1, "", "wait_for_materialization"], [111, 2, 1, "", "wait_for_streaming_ready"], [111, 2, 1, "", "wait_for_upload"]], "abacusai.feature_group_document": [[112, 1, 1, "", "FeatureGroupDocument"]], "abacusai.feature_group_document.FeatureGroupDocument": [[112, 2, 1, "", "__repr__"], [112, 3, 1, "", "deprecated_keys"], [112, 3, 1, "", "doc_id"], [112, 3, 1, "", "feature_group_id"], [112, 3, 1, "", "status"], [112, 2, 1, "", "to_dict"]], "abacusai.feature_group_export": [[113, 1, 1, "", "FeatureGroupExport"]], "abacusai.feature_group_export.FeatureGroupExport": [[113, 2, 1, "", "__repr__"], [113, 3, 1, "", "additional_id_columns"], [113, 3, 1, "", "connector_type"], [113, 3, 1, "", "created_at"], [113, 3, 1, "", "database_connector_id"], [113, 3, 1, "", "database_feature_mapping"], [113, 3, 1, "", "database_output_error"], [113, 3, 1, "", "deprecated_keys"], [113, 2, 1, "", "describe"], [113, 3, 1, "", "error"], [113, 3, 1, "", "export_completed_at"], [113, 3, 1, "", "failed_writes"], [113, 3, 1, "", "feature_group_export_id"], [113, 3, 1, "", "feature_group_version"], [113, 3, 1, "", "file_format"], [113, 2, 1, "", "get_connector_errors"], [113, 2, 1, "", "get_feature_group_version_export_download_url"], [113, 2, 1, "", "get_status"], [113, 3, 1, "", "id_column"], [113, 3, 1, "", "object_name"], [113, 3, 1, "", "output_location"], [113, 3, 1, "", "project_config"], [113, 2, 1, "", "refresh"], [113, 3, 1, "", "status"], [113, 2, 1, "", "to_dict"], [113, 3, 1, "", "total_writes"], [113, 2, 1, "", "wait_for_export"], [113, 2, 1, "", "wait_for_results"], [113, 3, 1, "", "write_mode"]], "abacusai.feature_group_export_config": [[114, 1, 1, "", "FeatureGroupExportConfig"]], "abacusai.feature_group_export_config.FeatureGroupExportConfig": [[114, 2, 1, "", "__repr__"], [114, 3, 1, "", "additional_id_columns"], [114, 3, 1, "", "database_connector_id"], [114, 3, 1, "", "database_feature_mapping"], [114, 3, 1, "", "deprecated_keys"], [114, 3, 1, "", "file_format"], [114, 3, 1, "", "id_column"], [114, 3, 1, "", "object_name"], [114, 3, 1, "", "output_location"], [114, 2, 1, "", "to_dict"], [114, 3, 1, "", "write_mode"]], "abacusai.feature_group_export_download_url": [[115, 1, 1, "", "FeatureGroupExportDownloadUrl"]], "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl": [[115, 2, 1, "", "__repr__"], [115, 3, 1, "", "deprecated_keys"], [115, 3, 1, "", "download_url"], [115, 3, 1, "", "expires_at"], [115, 2, 1, "", "to_dict"]], "abacusai.feature_group_lineage": [[116, 1, 1, "", "FeatureGroupLineage"]], "abacusai.feature_group_lineage.FeatureGroupLineage": [[116, 2, 1, "", "__repr__"], [116, 3, 1, "", "connections"], [116, 3, 1, "", "deprecated_keys"], [116, 3, 1, "", "nodes"], [116, 2, 1, "", "to_dict"]], "abacusai.feature_group_refresh_export_config": [[117, 1, 1, "", "FeatureGroupRefreshExportConfig"]], "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig": [[117, 2, 1, "", "__repr__"], [117, 3, 1, "", "additional_id_columns"], [117, 3, 1, "", "connector_type"], [117, 3, 1, "", "database_feature_mapping"], [117, 3, 1, "", "deprecated_keys"], [117, 3, 1, "", "export_file_format"], [117, 3, 1, "", "external_connection_id"], [117, 3, 1, "", "id_column"], [117, 3, 1, "", "location"], [117, 3, 1, "", "object_name"], [117, 2, 1, "", "to_dict"], [117, 3, 1, "", "write_mode"]], "abacusai.feature_group_row": [[118, 1, 1, "", "FeatureGroupRow"]], "abacusai.feature_group_row.FeatureGroupRow": [[118, 2, 1, "", "__repr__"], [118, 3, 1, "", "contents"], [118, 3, 1, "", "created_at"], [118, 3, 1, "", "deprecated_keys"], [118, 3, 1, "", "feature_group_id"], [118, 3, 1, "", "primary_key"], [118, 2, 1, "", "to_dict"], [118, 3, 1, "", "updated_at"]], "abacusai.feature_group_row_process": [[119, 1, 1, "", "FeatureGroupRowProcess"]], "abacusai.feature_group_row_process.FeatureGroupRowProcess": [[119, 2, 1, "", "__repr__"], [119, 3, 1, "", "completed_at"], [119, 3, 1, "", "created_at"], [119, 3, 1, "", "deployment_id"], [119, 3, 1, "", "deprecated_keys"], [119, 3, 1, "", "error"], [119, 3, 1, "", "feature_group_id"], [119, 3, 1, "", "feature_group_row_process_id"], [119, 2, 1, "", "get_status"], [119, 3, 1, "", "primary_key_value"], [119, 3, 1, "", "retries_remaining"], [119, 3, 1, "", "started_at"], [119, 3, 1, "", "status"], [119, 3, 1, "", "timeout_at"], [119, 2, 1, "", "to_dict"], [119, 3, 1, "", "total_attempts_allowed"], [119, 3, 1, "", "updated_at"], [119, 2, 1, "", "wait_for_process"]], "abacusai.feature_group_row_process_logs": [[120, 1, 1, "", "FeatureGroupRowProcessLogs"]], "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs": [[120, 2, 1, "", "__repr__"], [120, 3, 1, "", "deployment_id"], [120, 3, 1, "", "deprecated_keys"], [120, 3, 1, "", "feature_group_id"], [120, 3, 1, "", "feature_group_row_process_id"], [120, 3, 1, "", "logs"], [120, 3, 1, "", "primary_key_value"], [120, 2, 1, "", "to_dict"]], "abacusai.feature_group_row_process_summary": [[121, 1, 1, "", "FeatureGroupRowProcessSummary"]], "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary": [[121, 2, 1, "", "__repr__"], [121, 3, 1, "", "complete_processes"], [121, 3, 1, "", "deprecated_keys"], [121, 3, 1, "", "failed_processes"], [121, 3, 1, "", "pending_processes"], [121, 3, 1, "", "processing_processes"], [121, 2, 1, "", "to_dict"], [121, 3, 1, "", "total_processes"]], "abacusai.feature_group_template": [[122, 1, 1, "", "FeatureGroupTemplate"]], "abacusai.feature_group_template.FeatureGroupTemplate": [[122, 2, 1, "", "__repr__"], [122, 3, 1, "", "created_at"], [122, 2, 1, "", "delete"], [122, 3, 1, "", "deprecated_keys"], [122, 2, 1, "", "describe"], [122, 3, 1, "", "description"], [122, 3, 1, "", "feature_group_id"], [122, 3, 1, "", "feature_group_template_id"], [122, 3, 1, "", "is_system_template"], [122, 3, 1, "", "name"], [122, 2, 1, "", "preview_resolution"], [122, 2, 1, "", "refresh"], [122, 3, 1, "", "template_sql"], [122, 3, 1, "", "template_variables"], [122, 2, 1, "", "to_dict"], [122, 2, 1, "", "update"], [122, 3, 1, "", "updated_at"]], "abacusai.feature_group_template_variable_options": [[123, 1, 1, "", "FeatureGroupTemplateVariableOptions"]], "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions": [[123, 2, 1, "", "__repr__"], [123, 3, 1, "", "deprecated_keys"], [123, 3, 1, "", "template_variable_options"], [123, 2, 1, "", "to_dict"], [123, 3, 1, "", "user_feedback"]], "abacusai.feature_group_version": [[124, 1, 1, "", "FeatureGroupVersion"]], "abacusai.feature_group_version.FeatureGroupVersion": [[124, 2, 1, "", "__repr__"], [124, 2, 1, "", "_download_avro_file"], [124, 3, 1, "", "annotation_config"], [124, 3, 1, "", "code_source"], [124, 3, 1, "", "columns"], [124, 3, 1, "", "cpu_size"], [124, 2, 1, "", "create_snapshot_feature_group"], [124, 3, 1, "", "created_at"], [124, 2, 1, "", "delete"], [124, 3, 1, "", "deployable"], [124, 3, 1, "", "deprecated_keys"], [124, 2, 1, "", "describe"], [124, 3, 1, "", "error"], [124, 2, 1, "", "export_to_console"], [124, 2, 1, "", "export_to_database_connector"], [124, 2, 1, "", "export_to_file_connector"], [124, 3, 1, "", "feature_group_id"], [124, 3, 1, "", "feature_group_version"], [124, 3, 1, "", "features"], [124, 2, 1, "", "get_logs"], [124, 2, 1, "", "get_materialization_logs"], [124, 2, 1, "", "get_metrics"], [124, 2, 1, "", "get_status"], [124, 3, 1, "", "indexing_config"], [124, 3, 1, "", "indexing_config_warning_msg"], [124, 2, 1, "", "load_as_pandas"], [124, 2, 1, "", "load_as_pandas_documents"], [124, 3, 1, "", "materialization_completed_at"], [124, 3, 1, "", "materialization_started_at"], [124, 3, 1, "", "memory"], [124, 3, 1, "", "point_in_time_groups"], [124, 3, 1, "", "python_function_bindings"], [124, 2, 1, "", "refresh"], [124, 3, 1, "", "source_dataset_versions"], [124, 3, 1, "", "source_tables"], [124, 3, 1, "", "sql"], [124, 3, 1, "", "status"], [124, 3, 1, "", "template_bindings"], [124, 2, 1, "", "to_dict"], [124, 3, 1, "", "use_original_csv_names"], [124, 2, 1, "", "wait_for_materialization"], [124, 2, 1, "", "wait_for_results"]], "abacusai.feature_group_version_logs": [[125, 1, 1, "", "FeatureGroupVersionLogs"]], "abacusai.feature_group_version_logs.FeatureGroupVersionLogs": [[125, 2, 1, "", "__repr__"], [125, 3, 1, "", "deprecated_keys"], [125, 3, 1, "", "logs"], [125, 2, 1, "", "to_dict"]], "abacusai.feature_importance": [[126, 1, 1, "", "FeatureImportance"]], "abacusai.feature_importance.FeatureImportance": [[126, 2, 1, "", "__repr__"], [126, 3, 1, "", "deprecated_keys"], [126, 3, 1, "", "ebm_feature_importance"], [126, 3, 1, "", "lime_feature_importance"], [126, 3, 1, "", "lofo_feature_importance"], [126, 3, 1, "", "null_feature_importance"], [126, 3, 1, "", "permutation_feature_importance"], [126, 3, 1, "", "shap_feature_importance"], [126, 2, 1, "", "to_dict"]], "abacusai.feature_mapping": [[127, 1, 1, "", "FeatureMapping"]], "abacusai.feature_mapping.FeatureMapping": [[127, 2, 1, "", "__repr__"], [127, 3, 1, "", "deprecated_keys"], [127, 3, 1, "", "feature_mapping"], [127, 3, 1, "", "feature_name"], [127, 2, 1, "", "to_dict"]], "abacusai.feature_performance_analysis": [[128, 1, 1, "", "FeaturePerformanceAnalysis"]], "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis": [[128, 2, 1, "", "__repr__"], [128, 3, 1, "", "deprecated_keys"], [128, 3, 1, "", "feature_metrics"], [128, 3, 1, "", "features"], [128, 3, 1, "", "metrics_keys"], [128, 2, 1, "", "to_dict"]], "abacusai.feature_record": [[129, 1, 1, "", "FeatureRecord"]], "abacusai.feature_record.FeatureRecord": [[129, 2, 1, "", "__repr__"], [129, 3, 1, "", "data"], [129, 3, 1, "", "deprecated_keys"], [129, 2, 1, "", "to_dict"]], "abacusai.file_connector": [[130, 1, 1, "", "FileConnector"]], "abacusai.file_connector.FileConnector": [[130, 2, 1, "", "__repr__"], [130, 3, 1, "", "auth_expires_at"], [130, 3, 1, "", "bucket"], [130, 3, 1, "", "deprecated_keys"], [130, 2, 1, "", "to_dict"], [130, 3, 1, "", "verified"], [130, 3, 1, "", "write_permission"]], "abacusai.file_connector_instructions": [[131, 1, 1, "", "FileConnectorInstructions"]], "abacusai.file_connector_instructions.FileConnectorInstructions": [[131, 2, 1, "", "__repr__"], [131, 3, 1, "", "auth_options"], [131, 3, 1, "", "deprecated_keys"], [131, 2, 1, "", "to_dict"], [131, 3, 1, "", "verified"], [131, 3, 1, "", "write_permission"]], "abacusai.file_connector_verification": [[132, 1, 1, "", "FileConnectorVerification"]], "abacusai.file_connector_verification.FileConnectorVerification": [[132, 2, 1, "", "__repr__"], [132, 3, 1, "", "deprecated_keys"], [132, 2, 1, "", "to_dict"], [132, 3, 1, "", "verified"], [132, 3, 1, "", "write_permission"]], "abacusai.finetuned_pretrained_model": [[133, 1, 1, "", "FinetunedPretrainedModel"]], "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel": [[133, 2, 1, "", "__repr__"], [133, 3, 1, "", "base_model"], [133, 3, 1, "", "config"], [133, 3, 1, "", "created_at"], [133, 3, 1, "", "deprecated_keys"], [133, 3, 1, "", "error"], [133, 3, 1, "", "finetuned_pretrained_model_id"], [133, 3, 1, "", "finetuned_pretrained_model_version"], [133, 3, 1, "", "finetuning_dataset_version"], [133, 3, 1, "", "name"], [133, 3, 1, "", "status"], [133, 2, 1, "", "to_dict"], [133, 3, 1, "", "updated_at"]], "abacusai.forecasting_analysis_graph_data": [[134, 1, 1, "", "ForecastingAnalysisGraphData"]], "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData": [[134, 2, 1, "", "__repr__"], [134, 3, 1, "", "chart_descriptions"], [134, 3, 1, "", "chart_name"], [134, 3, 1, "", "chart_types"], [134, 3, 1, "", "data"], [134, 3, 1, "", "data_columns"], [134, 3, 1, "", "deprecated_keys"], [134, 3, 1, "", "item_statistics"], [134, 2, 1, "", "to_dict"], [134, 3, 1, "", "x_axis"], [134, 3, 1, "", "y_axis"]], "abacusai.forecasting_monitor_item_analysis": [[135, 1, 1, "", "ForecastingMonitorItemAnalysis"]], "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis": [[135, 2, 1, "", "__repr__"], [135, 3, 1, "", "deprecated_keys"], [135, 3, 1, "", "prediction_item_analysis"], [135, 2, 1, "", "to_dict"], [135, 3, 1, "", "training_item_analysis"]], "abacusai.forecasting_monitor_summary": [[136, 1, 1, "", "ForecastingMonitorSummary"]], "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary": [[136, 2, 1, "", "__repr__"], [136, 3, 1, "", "actuals_histogram"], [136, 3, 1, "", "deprecated_keys"], [136, 3, 1, "", "forecast_frequency"], [136, 3, 1, "", "history_drift"], [136, 3, 1, "", "predict_history_data"], [136, 3, 1, "", "prediction_item_id"], [136, 3, 1, "", "prediction_target_across_time"], [136, 3, 1, "", "prediction_target_col"], [136, 3, 1, "", "prediction_timestamp_col"], [136, 3, 1, "", "predictions_histogram"], [136, 3, 1, "", "target_drift"], [136, 2, 1, "", "to_dict"], [136, 3, 1, "", "train_history_data"], [136, 3, 1, "", "training_item_id"], [136, 3, 1, "", "training_target_across_time"], [136, 3, 1, "", "training_target_col"], [136, 3, 1, "", "training_timestamp_col"]], "abacusai.function_logs": [[137, 1, 1, "", "FunctionLogs"]], "abacusai.function_logs.FunctionLogs": [[137, 2, 1, "", "__repr__"], [137, 3, 1, "", "algorithm"], [137, 3, 1, "", "deprecated_keys"], [137, 3, 1, "", "exception"], [137, 3, 1, "", "function"], [137, 3, 1, "", "stats"], [137, 3, 1, "", "stderr"], [137, 3, 1, "", "stdout"], [137, 2, 1, "", "to_dict"]], "abacusai.generated_pit_feature_config_option": [[138, 1, 1, "", "GeneratedPitFeatureConfigOption"]], "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption": [[138, 2, 1, "", "__repr__"], [138, 3, 1, "", "default"], [138, 3, 1, "", "deprecated_keys"], [138, 3, 1, "", "description"], [138, 3, 1, "", "display_name"], [138, 3, 1, "", "name"], [138, 2, 1, "", "to_dict"]], "abacusai.global_context": [[139, 6, 1, "", "_context"], [139, 7, 1, "", "get"], [139, 6, 1, "", "lock"], [139, 7, 1, "", "set"]], "abacusai.graph_dashboard": [[140, 1, 1, "", "GraphDashboard"]], "abacusai.graph_dashboard.GraphDashboard": [[140, 2, 1, "", "__repr__"], [140, 3, 1, "", "created_at"], [140, 2, 1, "", "delete"], [140, 3, 1, "", "deprecated_keys"], [140, 2, 1, "", "describe"], [140, 3, 1, "", "description"], [140, 3, 1, "", "graph_dashboard_id"], [140, 3, 1, "", "name"], [140, 3, 1, "", "plot_reference_ids"], [140, 3, 1, "", "project_id"], [140, 3, 1, "", "project_name"], [140, 3, 1, "", "python_function_ids"], [140, 3, 1, "", "python_function_names"], [140, 2, 1, "", "refresh"], [140, 2, 1, "", "to_dict"], [140, 2, 1, "", "update"]], "abacusai.holdout_analysis": [[141, 1, 1, "", "HoldoutAnalysis"]], "abacusai.holdout_analysis.HoldoutAnalysis": [[141, 2, 1, "", "__repr__"], [141, 3, 1, "", "deprecated_keys"], [141, 2, 1, "", "describe"], [141, 3, 1, "", "feature_group_ids"], [141, 3, 1, "", "holdout_analysis_id"], [141, 2, 1, "", "list_versions"], [141, 3, 1, "", "model_id"], [141, 3, 1, "", "model_name"], [141, 3, 1, "", "name"], [141, 2, 1, "", "refresh"], [141, 2, 1, "", "rerun"], [141, 2, 1, "", "to_dict"]], "abacusai.holdout_analysis_version": [[142, 1, 1, "", "HoldoutAnalysisVersion"]], "abacusai.holdout_analysis_version.HoldoutAnalysisVersion": [[142, 2, 1, "", "__repr__"], [142, 3, 1, "", "algo_name"], [142, 3, 1, "", "algorithm"], [142, 3, 1, "", "created_at"], [142, 3, 1, "", "deprecated_keys"], [142, 2, 1, "", "describe"], [142, 3, 1, "", "error"], [142, 2, 1, "", "get_status"], [142, 3, 1, "", "holdout_analysis_id"], [142, 3, 1, "", "holdout_analysis_version"], [142, 3, 1, "", "metric_infos"], [142, 3, 1, "", "metrics"], [142, 3, 1, "", "model_id"], [142, 3, 1, "", "model_version"], [142, 2, 1, "", "refresh"], [142, 3, 1, "", "status"], [142, 2, 1, "", "to_dict"], [142, 2, 1, "", "wait_for_results"]], "abacusai.hosted_model_token": [[143, 1, 1, "", "HostedModelToken"]], "abacusai.hosted_model_token.HostedModelToken": [[143, 2, 1, "", "__repr__"], [143, 3, 1, "", "created_at"], [143, 3, 1, "", "deprecated_keys"], [143, 3, 1, "", "hosted_model_token_id"], [143, 3, 1, "", "tag"], [143, 2, 1, "", "to_dict"], [143, 3, 1, "", "trailing_auth_token"]], "abacusai.hume_voice": [[144, 1, 1, "", "HumeVoice"]], "abacusai.hume_voice.HumeVoice": [[144, 2, 1, "", "__repr__"], [144, 3, 1, "", "deprecated_keys"], [144, 3, 1, "", "gender"], [144, 3, 1, "", "name"], [144, 2, 1, "", "to_dict"]], "abacusai.image_gen_settings": [[145, 1, 1, "", "ImageGenSettings"]], "abacusai.image_gen_settings.ImageGenSettings": [[145, 2, 1, "", "__repr__"], [145, 3, 1, "", "deprecated_keys"], [145, 3, 1, "", "model"], [145, 3, 1, "", "settings"], [145, 2, 1, "", "to_dict"]], "abacusai.indexing_config": [[147, 1, 1, "", "IndexingConfig"]], "abacusai.indexing_config.IndexingConfig": [[147, 2, 1, "", "__repr__"], [147, 3, 1, "", "deprecated_keys"], [147, 3, 1, "", "lookup_keys"], [147, 3, 1, "", "primary_key"], [147, 2, 1, "", "to_dict"], [147, 3, 1, "", "update_timestamp_key"]], "abacusai.inferred_database_column_to_feature_mappings": [[148, 1, 1, "", "InferredDatabaseColumnToFeatureMappings"]], "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings": [[148, 2, 1, "", "__repr__"], [148, 3, 1, "", "database_column_to_feature_mappings"], [148, 3, 1, "", "deprecated_keys"], [148, 2, 1, "", "to_dict"]], "abacusai.inferred_feature_mappings": [[149, 1, 1, "", "InferredFeatureMappings"]], "abacusai.inferred_feature_mappings.InferredFeatureMappings": [[149, 2, 1, "", "__repr__"], [149, 3, 1, "", "deprecated_keys"], [149, 3, 1, "", "error"], [149, 3, 1, "", "feature_mappings"], [149, 2, 1, "", "to_dict"]], "abacusai.item_statistics": [[150, 1, 1, "", "ItemStatistics"]], "abacusai.item_statistics.ItemStatistics": [[150, 2, 1, "", "__repr__"], [150, 3, 1, "", "count"], [150, 3, 1, "", "deprecated_keys"], [150, 3, 1, "", "lower_bound"], [150, 3, 1, "", "max"], [150, 3, 1, "", "mean"], [150, 3, 1, "", "median"], [150, 3, 1, "", "min"], [150, 3, 1, "", "missing_percent"], [150, 3, 1, "", "p10"], [150, 3, 1, "", "p90"], [150, 3, 1, "", "stddev"], [150, 2, 1, "", "to_dict"], [150, 3, 1, "", "upper_bound"]], "abacusai.llm_app": [[151, 1, 1, "", "LlmApp"]], "abacusai.llm_app.LlmApp": [[151, 2, 1, "", "__repr__"], [151, 3, 1, "", "created_at"], [151, 3, 1, "", "deployment_id"], [151, 3, 1, "", "deprecated_keys"], [151, 3, 1, "", "description"], [151, 3, 1, "", "llm_app_id"], [151, 3, 1, "", "name"], [151, 3, 1, "", "project_id"], [151, 3, 1, "", "status"], [151, 2, 1, "", "to_dict"], [151, 3, 1, "", "updated_at"]], "abacusai.llm_code_block": [[152, 1, 1, "", "LlmCodeBlock"]], "abacusai.llm_code_block.LlmCodeBlock": [[152, 2, 1, "", "__repr__"], [152, 3, 1, "", "code"], [152, 3, 1, "", "deprecated_keys"], [152, 3, 1, "", "end"], [152, 3, 1, "", "language"], [152, 3, 1, "", "start"], [152, 2, 1, "", "to_dict"], [152, 3, 1, "", "valid"]], "abacusai.llm_execution_preview": [[153, 1, 1, "", "LlmExecutionPreview"]], "abacusai.llm_execution_preview.LlmExecutionPreview": [[153, 2, 1, "", "__repr__"], [153, 3, 1, "", "deprecated_keys"], [153, 3, 1, "", "error"], [153, 3, 1, "", "sql"], [153, 2, 1, "", "to_dict"]], "abacusai.llm_execution_result": [[154, 1, 1, "", "LlmExecutionResult"]], "abacusai.llm_execution_result.LlmExecutionResult": [[154, 2, 1, "", "__repr__"], [154, 3, 1, "", "deprecated_keys"], [154, 3, 1, "", "error"], [154, 3, 1, "", "execution"], [154, 3, 1, "", "preview"], [154, 3, 1, "", "status"], [154, 2, 1, "", "to_dict"]], "abacusai.llm_generated_code": [[155, 1, 1, "", "LlmGeneratedCode"]], "abacusai.llm_generated_code.LlmGeneratedCode": [[155, 2, 1, "", "__repr__"], [155, 3, 1, "", "deprecated_keys"], [155, 3, 1, "", "sql"], [155, 2, 1, "", "to_dict"]], "abacusai.llm_input": [[156, 1, 1, "", "LlmInput"]], "abacusai.llm_input.LlmInput": [[156, 2, 1, "", "__repr__"], [156, 3, 1, "", "content"], [156, 3, 1, "", "deprecated_keys"], [156, 2, 1, "", "to_dict"]], "abacusai.llm_parameters": [[157, 1, 1, "", "LlmParameters"]], "abacusai.llm_parameters.LlmParameters": [[157, 2, 1, "", "__repr__"], [157, 3, 1, "", "deprecated_keys"], [157, 3, 1, "", "parameters"], [157, 2, 1, "", "to_dict"]], "abacusai.llm_response": [[158, 1, 1, "", "LlmResponse"]], "abacusai.llm_response.LlmResponse": [[158, 2, 1, "", "__repr__"], [158, 3, 1, "", "code_blocks"], [158, 3, 1, "", "content"], [158, 3, 1, "", "deprecated_keys"], [158, 3, 1, "", "input_tokens"], [158, 3, 1, "", "llm_name"], [158, 3, 1, "", "output_tokens"], [158, 3, 1, "", "stop_reason"], [158, 2, 1, "", "to_dict"], [158, 3, 1, "", "tokens"], [158, 3, 1, "", "total_tokens"]], "abacusai.memory_options": [[159, 1, 1, "", "MemoryOptions"]], "abacusai.memory_options.MemoryOptions": [[159, 2, 1, "", "__repr__"], [159, 3, 1, "", "cpu"], [159, 3, 1, "", "deprecated_keys"], [159, 3, 1, "", "gpu"], [159, 2, 1, "", "to_dict"]], "abacusai.messaging_connector_response": [[160, 1, 1, "", "MessagingConnectorResponse"]], "abacusai.messaging_connector_response.MessagingConnectorResponse": [[160, 2, 1, "", "__repr__"], [160, 3, 1, "", "default_labels"], [160, 3, 1, "", "default_message"], [160, 3, 1, "", "deprecated_keys"], [160, 3, 1, "", "disclaimer"], [160, 3, 1, "", "enabled_external_links"], [160, 3, 1, "", "init_ack_req"], [160, 3, 1, "", "messaging_bot_name"], [160, 2, 1, "", "to_dict"], [160, 3, 1, "", "use_default_label"], [160, 3, 1, "", "welcome_message"]], "abacusai.model": [[161, 1, 1, "", "Model"]], "abacusai.model.Model": [[161, 2, 1, "", "__repr__"], [161, 3, 1, "", "algorithm_model_configs"], [161, 3, 1, "", "code_source"], [161, 3, 1, "", "cpu_size"], [161, 2, 1, "", "create_refresh_policy"], [161, 3, 1, "", "created_at"], [161, 3, 1, "", "custom_algorithm_configs"], [161, 3, 1, "", "data_llm_feature_groups"], [161, 3, 1, "", "database_connector"], [161, 3, 1, "", "default_algorithm"], [161, 2, 1, "", "delete"], [161, 3, 1, "", "deprecated_keys"], [161, 2, 1, "", "describe"], [161, 2, 1, "", "describe_train_test_data_split_feature_group"], [161, 3, 1, "", "document_retriever_ids"], [161, 3, 1, "", "document_retrievers"], [161, 2, 1, "", "get_metrics"], [161, 2, 1, "", "get_status"], [161, 2, 1, "", "get_train_test_feature_group_as_pandas"], [161, 2, 1, "", "get_training_types_for_deployment"], [161, 3, 1, "", "initialize_function_name"], [161, 3, 1, "", "is_python_model"], [161, 3, 1, "", "latest_model_version"], [161, 2, 1, "", "list_artifacts_exports"], [161, 2, 1, "", "list_refresh_policies"], [161, 2, 1, "", "list_versions"], [161, 3, 1, "", "location"], [161, 3, 1, "", "memory"], [161, 3, 1, "", "model_config"], [161, 3, 1, "", "model_config_type"], [161, 3, 1, "", "model_id"], [161, 3, 1, "", "model_prediction_config"], [161, 3, 1, "", "name"], [161, 3, 1, "", "notebook_id"], [161, 3, 1, "", "predict_function_name"], [161, 3, 1, "", "predict_many_function_name"], [161, 3, 1, "", "project_id"], [161, 2, 1, "", "refresh"], [161, 3, 1, "", "refresh_schedules"], [161, 2, 1, "", "rename"], [161, 3, 1, "", "restricted_algorithms"], [161, 2, 1, "", "retrain"], [161, 2, 1, "", "set_default_algorithm"], [161, 2, 1, "", "set_prediction_params"], [161, 2, 1, "", "set_training_config"], [161, 3, 1, "", "shared"], [161, 3, 1, "", "shared_at"], [161, 3, 1, "", "source_code"], [161, 2, 1, "", "to_dict"], [161, 3, 1, "", "train_function_name"], [161, 3, 1, "", "training_feature_group_ids"], [161, 3, 1, "", "training_input_tables"], [161, 3, 1, "", "training_required"], [161, 3, 1, "", "training_vector_store_versions"], [161, 2, 1, "", "update_agent"], [161, 2, 1, "", "update_python"], [161, 2, 1, "", "update_python_git"], [161, 2, 1, "", "update_python_zip"], [161, 3, 1, "", "use_gpu"], [161, 2, 1, "", "wait_for_evaluation"], [161, 2, 1, "", "wait_for_full_automl"], [161, 2, 1, "", "wait_for_publish"], [161, 2, 1, "", "wait_for_training"]], "abacusai.model_artifacts_export": [[162, 1, 1, "", "ModelArtifactsExport"]], "abacusai.model_artifacts_export.ModelArtifactsExport": [[162, 2, 1, "", "__repr__"], [162, 3, 1, "", "created_at"], [162, 3, 1, "", "deprecated_keys"], [162, 2, 1, "", "describe"], [162, 3, 1, "", "error"], [162, 3, 1, "", "export_completed_at"], [162, 2, 1, "", "get_status"], [162, 3, 1, "", "model_artifacts_export_id"], [162, 3, 1, "", "model_version"], [162, 3, 1, "", "output_location"], [162, 2, 1, "", "refresh"], [162, 3, 1, "", "status"], [162, 2, 1, "", "to_dict"], [162, 2, 1, "", "wait_for_results"]], "abacusai.model_blueprint_export": [[163, 1, 1, "", "ModelBlueprintExport"]], "abacusai.model_blueprint_export.ModelBlueprintExport": [[163, 2, 1, "", "__repr__"], [163, 3, 1, "", "current_training_config"], [163, 3, 1, "", "deprecated_keys"], [163, 3, 1, "", "model_blueprint_stages"], [163, 3, 1, "", "model_version"], [163, 2, 1, "", "to_dict"]], "abacusai.model_blueprint_stage": [[164, 1, 1, "", "ModelBlueprintStage"]], "abacusai.model_blueprint_stage.ModelBlueprintStage": [[164, 2, 1, "", "__repr__"], [164, 3, 1, "", "deprecated_keys"], [164, 3, 1, "", "description"], [164, 3, 1, "", "display_name"], [164, 3, 1, "", "params"], [164, 3, 1, "", "predecessors"], [164, 3, 1, "", "stage_name"], [164, 2, 1, "", "to_dict"]], "abacusai.model_location": [[165, 1, 1, "", "ModelLocation"]], "abacusai.model_location.ModelLocation": [[165, 2, 1, "", "__repr__"], [165, 3, 1, "", "artifact_names"], [165, 3, 1, "", "deprecated_keys"], [165, 3, 1, "", "location"], [165, 2, 1, "", "to_dict"]], "abacusai.model_metrics": [[166, 1, 1, "", "ModelMetrics"]], "abacusai.model_metrics.ModelMetrics": [[166, 2, 1, "", "__repr__"], [166, 3, 1, "", "algo_metrics"], [166, 3, 1, "", "deprecated_keys"], [166, 3, 1, "", "metric_names"], [166, 3, 1, "", "model_id"], [166, 3, 1, "", "model_version"], [166, 3, 1, "", "selected_algorithm"], [166, 3, 1, "", "selected_algorithm_name"], [166, 3, 1, "", "target_column"], [166, 2, 1, "", "to_dict"], [166, 3, 1, "", "train_val_test_split"], [166, 3, 1, "", "training_completed_at"]], "abacusai.model_monitor": [[167, 1, 1, "", "ModelMonitor"]], "abacusai.model_monitor.ModelMonitor": [[167, 2, 1, "", "__repr__"], [167, 3, 1, "", "alert_config"], [167, 3, 1, "", "batch_prediction_id"], [167, 3, 1, "", "bias_metric_id"], [167, 3, 1, "", "created_at"], [167, 2, 1, "", "delete"], [167, 3, 1, "", "deprecated_keys"], [167, 2, 1, "", "describe"], [167, 3, 1, "", "eda_configs"], [167, 3, 1, "", "feature_group_monitor_configs"], [167, 3, 1, "", "forecast_frequency"], [167, 2, 1, "", "get_summary"], [167, 3, 1, "", "latest_monitor_model_version"], [167, 2, 1, "", "list_monitor_alerts_for_monitor"], [167, 2, 1, "", "list_versions"], [167, 3, 1, "", "metric_configs"], [167, 3, 1, "", "metric_types"], [167, 3, 1, "", "model_id"], [167, 3, 1, "", "model_monitor_id"], [167, 3, 1, "", "monitor_drift_config"], [167, 3, 1, "", "monitor_type"], [167, 3, 1, "", "name"], [167, 3, 1, "", "prediction_data_use_mappings"], [167, 3, 1, "", "prediction_feature_group_id"], [167, 3, 1, "", "prediction_feature_group_sampling"], [167, 3, 1, "", "prediction_feature_group_version"], [167, 3, 1, "", "prediction_forecast_config"], [167, 3, 1, "", "project_id"], [167, 2, 1, "", "refresh"], [167, 3, 1, "", "refresh_schedules"], [167, 2, 1, "", "rename"], [167, 2, 1, "", "rerun"], [167, 3, 1, "", "starred"], [167, 2, 1, "", "to_dict"], [167, 3, 1, "", "training_data_use_mappings"], [167, 3, 1, "", "training_feature_group_id"], [167, 3, 1, "", "training_feature_group_sampling"], [167, 3, 1, "", "training_feature_group_version"], [167, 3, 1, "", "training_forecast_config"]], "abacusai.model_monitor_org_summary": [[168, 1, 1, "", "ModelMonitorOrgSummary"]], "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary": [[168, 2, 1, "", "__repr__"], [168, 3, 1, "", "alerts"], [168, 3, 1, "", "data_integrity"], [168, 3, 1, "", "deprecated_keys"], [168, 3, 1, "", "feature_drift"], [168, 3, 1, "", "label_drift"], [168, 3, 1, "", "monitor_data"], [168, 3, 1, "", "performance"], [168, 3, 1, "", "summary"], [168, 2, 1, "", "to_dict"], [168, 3, 1, "", "total_starred_monitors"]], "abacusai.model_monitor_summary": [[169, 1, 1, "", "ModelMonitorSummary"]], "abacusai.model_monitor_summary.ModelMonitorSummary": [[169, 2, 1, "", "__repr__"], [169, 3, 1, "", "alerts"], [169, 3, 1, "", "bias_violations"], [169, 3, 1, "", "data_integrity"], [169, 3, 1, "", "deprecated_keys"], [169, 3, 1, "", "model_accuracy"], [169, 3, 1, "", "model_drift"], [169, 2, 1, "", "to_dict"]], "abacusai.model_monitor_summary_from_org": [[170, 1, 1, "", "ModelMonitorSummaryFromOrg"]], "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg": [[170, 2, 1, "", "__repr__"], [170, 3, 1, "", "data"], [170, 3, 1, "", "deprecated_keys"], [170, 3, 1, "", "infos"], [170, 2, 1, "", "to_dict"]], "abacusai.model_monitor_version": [[171, 1, 1, "", "ModelMonitorVersion"]], "abacusai.model_monitor_version.ModelMonitorVersion": [[171, 2, 1, "", "__repr__"], [171, 3, 1, "", "batch_prediction_version"], [171, 2, 1, "", "delete"], [171, 3, 1, "", "deprecated_keys"], [171, 2, 1, "", "describe"], [171, 3, 1, "", "eda_configs"], [171, 3, 1, "", "error"], [171, 3, 1, "", "failed_deployment_ids"], [171, 3, 1, "", "feature_group_monitor_configs"], [171, 3, 1, "", "forecast_frequency"], [171, 2, 1, "", "get_drift_for_feature"], [171, 2, 1, "", "get_outliers_for_feature"], [171, 2, 1, "", "get_prediction_drift"], [171, 2, 1, "", "get_status"], [171, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [171, 3, 1, "", "metric_configs"], [171, 2, 1, "", "metric_data"], [171, 3, 1, "", "metric_types"], [171, 3, 1, "", "model_monitor_id"], [171, 3, 1, "", "model_monitor_version"], [171, 3, 1, "", "model_version"], [171, 3, 1, "", "monitor_drift_config"], [171, 3, 1, "", "monitoring_completed_at"], [171, 3, 1, "", "monitoring_started_at"], [171, 3, 1, "", "pending_deployment_ids"], [171, 3, 1, "", "prediction_data_use_mappings"], [171, 3, 1, "", "prediction_feature_group_version"], [171, 3, 1, "", "prediction_forecast_config"], [171, 2, 1, "", "refresh"], [171, 3, 1, "", "status"], [171, 2, 1, "", "to_dict"], [171, 3, 1, "", "training_data_use_mappings"], [171, 3, 1, "", "training_feature_group_version"], [171, 3, 1, "", "training_forecast_config"], [171, 2, 1, "", "wait_for_monitor"]], "abacusai.model_monitor_version_metric_data": [[172, 1, 1, "", "ModelMonitorVersionMetricData"]], "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData": [[172, 2, 1, "", "__repr__"], [172, 3, 1, "", "actual_values_supported_for_drilldown"], [172, 3, 1, "", "algo_name"], [172, 3, 1, "", "deprecated_keys"], [172, 3, 1, "", "feature_group_version"], [172, 3, 1, "", "metric_charts"], [172, 3, 1, "", "metric_infos"], [172, 3, 1, "", "metric_names"], [172, 3, 1, "", "metrics"], [172, 3, 1, "", "model_monitor"], [172, 3, 1, "", "model_monitor_version"], [172, 3, 1, "", "name"], [172, 3, 1, "", "other_metrics"], [172, 2, 1, "", "to_dict"]], "abacusai.model_training_type_for_deployment": [[173, 1, 1, "", "ModelTrainingTypeForDeployment"]], "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment": [[173, 2, 1, "", "__repr__"], [173, 3, 1, "", "deprecated_keys"], [173, 3, 1, "", "label"], [173, 2, 1, "", "to_dict"], [173, 3, 1, "", "value"]], "abacusai.model_upload": [[174, 1, 1, "", "ModelUpload"]], "abacusai.model_upload.ModelUpload": [[174, 2, 1, "", "__repr__"], [174, 3, 1, "", "artifacts_upload_id"], [174, 3, 1, "", "created_at"], [174, 3, 1, "", "default_items_upload_id"], [174, 3, 1, "", "deprecated_keys"], [174, 3, 1, "", "embeddings_upload_id"], [174, 3, 1, "", "input_preprocessor_upload_id"], [174, 3, 1, "", "model_file_upload_id"], [174, 3, 1, "", "model_id"], [174, 3, 1, "", "model_state_upload_id"], [174, 3, 1, "", "model_upload_id"], [174, 3, 1, "", "model_version"], [174, 3, 1, "", "multi_catalog_embeddings_upload_id"], [174, 3, 1, "", "requirements_upload_id"], [174, 3, 1, "", "resources_upload_id"], [174, 3, 1, "", "status"], [174, 2, 1, "", "to_dict"], [174, 3, 1, "", "verifications_upload_id"]], "abacusai.model_version": [[175, 1, 1, "", "ModelVersion"]], "abacusai.model_version.ModelVersion": [[175, 2, 1, "", "__repr__"], [175, 3, 1, "", "automl_complete"], [175, 3, 1, "", "best_algorithm"], [175, 3, 1, "", "builtin_algorithms"], [175, 3, 1, "", "code_source"], [175, 3, 1, "", "cpu_size"], [175, 3, 1, "", "custom_algorithm_configs"], [175, 3, 1, "", "custom_algorithms"], [175, 3, 1, "", "data_cluster_info"], [175, 3, 1, "", "default_algorithm"], [175, 2, 1, "", "delete"], [175, 3, 1, "", "deployable_algorithms"], [175, 3, 1, "", "deprecated_keys"], [175, 2, 1, "", "describe"], [175, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [175, 3, 1, "", "document_retriever_mappings"], [175, 3, 1, "", "error"], [175, 2, 1, "", "export_custom"], [175, 2, 1, "", "export_model_artifact_as_feature_group"], [175, 3, 1, "", "failed_deployment_ids"], [175, 3, 1, "", "feature_analysis_status"], [175, 3, 1, "", "feature_group_versions"], [175, 2, 1, "", "get_feature_group_schemas_for"], [175, 2, 1, "", "get_feature_importance_by"], [175, 2, 1, "", "get_status"], [175, 2, 1, "", "get_train_test_feature_group_as_pandas"], [175, 2, 1, "", "get_training_data_logs"], [175, 2, 1, "", "get_training_logs"], [175, 3, 1, "", "memory"], [175, 3, 1, "", "model_config"], [175, 3, 1, "", "model_config_type"], [175, 3, 1, "", "model_feature_group_schema_mappings"], [175, 3, 1, "", "model_id"], [175, 3, 1, "", "model_prediction_config"], [175, 3, 1, "", "model_version"], [175, 3, 1, "", "partial_complete"], [175, 3, 1, "", "pending_deployment_ids"], [175, 2, 1, "", "refresh"], [175, 2, 1, "", "set_model_objective"], [175, 3, 1, "", "status"], [175, 2, 1, "", "to_dict"], [175, 3, 1, "", "trained_model_types"], [175, 3, 1, "", "training_completed_at"], [175, 3, 1, "", "training_config_updated"], [175, 3, 1, "", "training_document_retriever_versions"], [175, 3, 1, "", "training_feature_group_ids"], [175, 3, 1, "", "training_started_at"], [175, 3, 1, "", "use_gpu"], [175, 2, 1, "", "wait_for_full_automl"], [175, 2, 1, "", "wait_for_training"]], "abacusai.model_version_feature_group_schema": [[176, 1, 1, "", "ModelVersionFeatureGroupSchema"]], "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_name"], [176, 3, 1, "", "schema"], [176, 2, 1, "", "to_dict"]], "abacusai.modification_lock_info": [[177, 1, 1, "", "ModificationLockInfo"]], "abacusai.modification_lock_info.ModificationLockInfo": [[177, 2, 1, "", "__repr__"], [177, 3, 1, "", "deprecated_keys"], [177, 3, 1, "", "modification_lock"], [177, 3, 1, "", "organization_groups"], [177, 2, 1, "", "to_dict"], [177, 3, 1, "", "user_emails"]], "abacusai.module": [[178, 1, 1, "", "Module"]], "abacusai.module.Module": [[178, 2, 1, "", "__repr__"], [178, 3, 1, "", "code_source"], [178, 3, 1, "", "created_at"], [178, 3, 1, "", "deprecated_keys"], [178, 3, 1, "", "hide_module_code"], [178, 3, 1, "", "name"], [178, 3, 1, "", "notebook_id"], [178, 2, 1, "", "to_dict"]], "abacusai.monitor_alert": [[179, 1, 1, "", "MonitorAlert"]], "abacusai.monitor_alert.MonitorAlert": [[179, 2, 1, "", "__repr__"], [179, 3, 1, "", "action_config"], [179, 3, 1, "", "action_description"], [179, 3, 1, "", "alert_type"], [179, 3, 1, "", "condition_config"], [179, 3, 1, "", "condition_description"], [179, 3, 1, "", "created_at"], [179, 2, 1, "", "delete"], [179, 3, 1, "", "deployment_id"], [179, 3, 1, "", "deprecated_keys"], [179, 2, 1, "", "describe"], [179, 3, 1, "", "latest_monitor_alert_version"], [179, 3, 1, "", "model_monitor_id"], [179, 3, 1, "", "monitor_alert_id"], [179, 3, 1, "", "name"], [179, 3, 1, "", "project_id"], [179, 3, 1, "", "realtime_monitor_id"], [179, 2, 1, "", "refresh"], [179, 2, 1, "", "run"], [179, 2, 1, "", "to_dict"], [179, 2, 1, "", "update"]], "abacusai.monitor_alert_version": [[180, 1, 1, "", "MonitorAlertVersion"]], "abacusai.monitor_alert_version.MonitorAlertVersion": [[180, 2, 1, "", "__repr__"], [180, 3, 1, "", "action_completed_at"], [180, 3, 1, "", "action_config"], [180, 3, 1, "", "action_description"], [180, 3, 1, "", "action_error"], [180, 3, 1, "", "action_started_at"], [180, 3, 1, "", "action_status"], [180, 3, 1, "", "alert_result"], [180, 3, 1, "", "alert_type"], [180, 3, 1, "", "alerting_completed_at"], [180, 3, 1, "", "alerting_started_at"], [180, 3, 1, "", "condition_config"], [180, 3, 1, "", "condition_description"], [180, 3, 1, "", "created_at"], [180, 3, 1, "", "deprecated_keys"], [180, 2, 1, "", "describe"], [180, 3, 1, "", "error"], [180, 2, 1, "", "get_status"], [180, 3, 1, "", "model_monitor_version"], [180, 3, 1, "", "monitor_alert_id"], [180, 3, 1, "", "monitor_alert_version"], [180, 3, 1, "", "name"], [180, 2, 1, "", "refresh"], [180, 3, 1, "", "status"], [180, 2, 1, "", "to_dict"], [180, 2, 1, "", "wait_for_monitor_alert"]], "abacusai.monitor_drift_and_distributions": [[181, 1, 1, "", "MonitorDriftAndDistributions"]], "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions": [[181, 2, 1, "", "__repr__"], [181, 3, 1, "", "deprecated_keys"], [181, 3, 1, "", "embeddings_distribution"], [181, 3, 1, "", "feature_distributions"], [181, 3, 1, "", "feature_drifts"], [181, 3, 1, "", "forecasting_monitor_summary"], [181, 3, 1, "", "nested_drifts"], [181, 2, 1, "", "to_dict"]], "abacusai.natural_language_explanation": [[182, 1, 1, "", "NaturalLanguageExplanation"]], "abacusai.natural_language_explanation.NaturalLanguageExplanation": [[182, 2, 1, "", "__repr__"], [182, 3, 1, "", "deprecated_keys"], [182, 3, 1, "", "html_explanation"], [182, 3, 1, "", "is_outdated"], [182, 3, 1, "", "long_explanation"], [182, 3, 1, "", "short_explanation"], [182, 2, 1, "", "to_dict"]], "abacusai.nested_feature": [[183, 1, 1, "", "NestedFeature"]], "abacusai.nested_feature.NestedFeature": [[183, 2, 1, "", "__repr__"], [183, 3, 1, "", "data_type"], [183, 3, 1, "", "deprecated_keys"], [183, 3, 1, "", "feature_mapping"], [183, 3, 1, "", "feature_type"], [183, 3, 1, "", "name"], [183, 3, 1, "", "original_name"], [183, 3, 1, "", "select_clause"], [183, 3, 1, "", "source_table"], [183, 2, 1, "", "to_dict"]], "abacusai.nested_feature_schema": [[184, 1, 1, "", "NestedFeatureSchema"]], "abacusai.nested_feature_schema.NestedFeatureSchema": [[184, 2, 1, "", "__repr__"], [184, 3, 1, "", "data_type"], [184, 3, 1, "", "deprecated_keys"], [184, 3, 1, "", "detected_feature_type"], [184, 3, 1, "", "feature_mapping"], [184, 3, 1, "", "feature_type"], [184, 3, 1, "", "name"], [184, 3, 1, "", "point_in_time_info"], [184, 3, 1, "", "source_table"], [184, 2, 1, "", "to_dict"]], "abacusai.news_search_result": [[185, 1, 1, "", "NewsSearchResult"]], "abacusai.news_search_result.NewsSearchResult": [[185, 2, 1, "", "__repr__"], [185, 3, 1, "", "date_published"], [185, 3, 1, "", "deprecated_keys"], [185, 3, 1, "", "description"], [185, 3, 1, "", "favicon_url"], [185, 3, 1, "", "thumbnail_height"], [185, 3, 1, "", "thumbnail_url"], [185, 3, 1, "", "thumbnail_width"], [185, 3, 1, "", "title"], [185, 2, 1, "", "to_dict"], [185, 3, 1, "", "url"]], "abacusai.nlp_chat_response": [[186, 1, 1, "", "NlpChatResponse"]], "abacusai.nlp_chat_response.NlpChatResponse": [[186, 2, 1, "", "__repr__"], [186, 3, 1, "", "deployment_conversation_id"], [186, 3, 1, "", "deprecated_keys"], [186, 3, 1, "", "messages"], [186, 2, 1, "", "to_dict"]], "abacusai.null_violation": [[187, 1, 1, "", "NullViolation"]], "abacusai.null_violation.NullViolation": [[187, 2, 1, "", "__repr__"], [187, 3, 1, "", "deprecated_keys"], [187, 3, 1, "", "name"], [187, 3, 1, "", "prediction_null_freq"], [187, 2, 1, "", "to_dict"], [187, 3, 1, "", "training_null_freq"], [187, 3, 1, "", "violation"]], "abacusai.organization_external_application_settings": [[188, 1, 1, "", "OrganizationExternalApplicationSettings"]], "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings": [[188, 2, 1, "", "__repr__"], [188, 3, 1, "", "deprecated_keys"], [188, 3, 1, "", "logo"], [188, 3, 1, "", "managed_user_service"], [188, 3, 1, "", "passwords_disabled"], [188, 3, 1, "", "theme"], [188, 2, 1, "", "to_dict"]], "abacusai.organization_group": [[189, 1, 1, "", "OrganizationGroup"]], "abacusai.organization_group.OrganizationGroup": [[189, 2, 1, "", "__repr__"], [189, 2, 1, "", "add_permission"], [189, 2, 1, "", "add_user_to"], [189, 3, 1, "", "admin"], [189, 3, 1, "", "created_at"], [189, 3, 1, "", "default_group"], [189, 2, 1, "", "delete"], [189, 3, 1, "", "deprecated_keys"], [189, 2, 1, "", "describe"], [189, 3, 1, "", "group_name"], [189, 3, 1, "", "organization_group_id"], [189, 3, 1, "", "permissions"], [189, 2, 1, "", "refresh"], [189, 2, 1, "", "remove_permission"], [189, 2, 1, "", "remove_user_from"], [189, 2, 1, "", "set_default"], [189, 2, 1, "", "to_dict"]], "abacusai.organization_search_result": [[190, 1, 1, "", "OrganizationSearchResult"]], "abacusai.organization_search_result.OrganizationSearchResult": [[190, 2, 1, "", "__repr__"], [190, 3, 1, "", "deprecated_keys"], [190, 3, 1, "", "feature_group"], [190, 3, 1, "", "feature_group_context"], [190, 3, 1, "", "feature_group_version"], [190, 3, 1, "", "score"], [190, 2, 1, "", "to_dict"]], "abacusai.organization_secret": [[191, 1, 1, "", "OrganizationSecret"]], "abacusai.organization_secret.OrganizationSecret": [[191, 2, 1, "", "__repr__"], [191, 3, 1, "", "created_at"], [191, 3, 1, "", "deprecated_keys"], [191, 3, 1, "", "secret_key"], [191, 2, 1, "", "to_dict"], [191, 3, 1, "", "value"]], "abacusai.page_data": [[192, 1, 1, "", "PageData"]], "abacusai.page_data.PageData": [[192, 2, 1, "", "__repr__"], [192, 3, 1, "", "deprecated_keys"], [192, 3, 1, "", "doc_id"], [192, 3, 1, "", "embedded_text"], [192, 3, 1, "", "extracted_text"], [192, 3, 1, "", "height"], [192, 3, 1, "", "page"], [192, 3, 1, "", "page_count"], [192, 3, 1, "", "page_markdown"], [192, 3, 1, "", "page_text"], [192, 3, 1, "", "page_token_start_offset"], [192, 3, 1, "", "rotation_angle"], [192, 2, 1, "", "to_dict"], [192, 3, 1, "", "token_count"], [192, 3, 1, "", "tokens"], [192, 3, 1, "", "width"]], "abacusai.pipeline": [[193, 1, 1, "", "Pipeline"]], "abacusai.pipeline.Pipeline": [[193, 2, 1, "", "__repr__"], [193, 3, 1, "", "code_source"], [193, 2, 1, "", "create_step"], [193, 2, 1, "", "create_step_from_function"], [193, 3, 1, "", "created_at"], [193, 3, 1, "", "created_by"], [193, 3, 1, "", "cron"], [193, 2, 1, "", "delete"], [193, 3, 1, "", "deprecated_keys"], [193, 2, 1, "", "describe"], [193, 2, 1, "", "describe_step_by_name"], [193, 2, 1, "", "get_status"], [193, 3, 1, "", "is_prod"], [193, 3, 1, "", "latest_pipeline_version"], [193, 2, 1, "", "list_versions"], [193, 3, 1, "", "next_run_time"], [193, 3, 1, "", "notebook_id"], [193, 2, 1, "", "pause_refresh_schedule"], [193, 3, 1, "", "pipeline_id"], [193, 3, 1, "", "pipeline_name"], [193, 3, 1, "", "pipeline_references"], [193, 3, 1, "", "pipeline_variable_mappings"], [193, 2, 1, "", "refresh"], [193, 2, 1, "", "rename"], [193, 2, 1, "", "resume_refresh_schedule"], [193, 2, 1, "", "run"], [193, 3, 1, "", "steps"], [193, 2, 1, "", "to_dict"], [193, 2, 1, "", "unset_refresh_schedule"], [193, 2, 1, "", "update"], [193, 2, 1, "", "wait_for_pipeline"], [193, 3, 1, "", "warning"]], "abacusai.pipeline_reference": [[194, 1, 1, "", "PipelineReference"]], "abacusai.pipeline_reference.PipelineReference": [[194, 2, 1, "", "__repr__"], [194, 3, 1, "", "batch_prediction_description_id"], [194, 3, 1, "", "dataset_id"], [194, 3, 1, "", "deployment_id"], [194, 3, 1, "", "deprecated_keys"], [194, 3, 1, "", "feature_group_id"], [194, 3, 1, "", "model_id"], [194, 3, 1, "", "model_monitor_id"], [194, 3, 1, "", "notebook_id"], [194, 3, 1, "", "object_type"], [194, 3, 1, "", "pipeline_id"], [194, 3, 1, "", "pipeline_reference_id"], [194, 2, 1, "", "to_dict"]], "abacusai.pipeline_step": [[195, 1, 1, "", "PipelineStep"]], "abacusai.pipeline_step.PipelineStep": [[195, 2, 1, "", "__repr__"], [195, 3, 1, "", "code_source"], [195, 3, 1, "", "cpu_size"], [195, 3, 1, "", "created_at"], [195, 2, 1, "", "delete"], [195, 3, 1, "", "deprecated_keys"], [195, 2, 1, "", "describe"], [195, 3, 1, "", "memory"], [195, 3, 1, "", "pipeline_id"], [195, 3, 1, "", "pipeline_name"], [195, 3, 1, "", "pipeline_step_id"], [195, 3, 1, "", "python_function"], [195, 3, 1, "", "python_function_id"], [195, 2, 1, "", "refresh"], [195, 2, 1, "", "rename"], [195, 3, 1, "", "step_dependencies"], [195, 3, 1, "", "step_name"], [195, 3, 1, "", "timeout"], [195, 2, 1, "", "to_dict"], [195, 2, 1, "", "update"], [195, 3, 1, "", "updated_at"]], "abacusai.pipeline_step_version": [[196, 1, 1, "", "PipelineStepVersion"]], "abacusai.pipeline_step_version.PipelineStepVersion": [[196, 2, 1, "", "__repr__"], [196, 3, 1, "", "code_source"], [196, 3, 1, "", "cpu_size"], [196, 3, 1, "", "created_at"], [196, 3, 1, "", "deprecated_keys"], [196, 2, 1, "", "describe"], [196, 3, 1, "", "error"], [196, 3, 1, "", "function_variable_mappings"], [196, 2, 1, "", "get_step_version_logs"], [196, 3, 1, "", "memory"], [196, 3, 1, "", "output_errors"], [196, 3, 1, "", "output_variable_mappings"], [196, 3, 1, "", "pipeline_id"], [196, 3, 1, "", "pipeline_step_id"], [196, 3, 1, "", "pipeline_step_version"], [196, 3, 1, "", "pipeline_step_version_references"], [196, 3, 1, "", "pipeline_version"], [196, 3, 1, "", "python_function_id"], [196, 2, 1, "", "refresh"], [196, 3, 1, "", "status"], [196, 3, 1, "", "step_dependencies"], [196, 3, 1, "", "step_name"], [196, 3, 1, "", "timeout"], [196, 2, 1, "", "to_dict"], [196, 3, 1, "", "updated_at"]], "abacusai.pipeline_step_version_logs": [[197, 1, 1, "", "PipelineStepVersionLogs"]], "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs": [[197, 2, 1, "", "__repr__"], [197, 3, 1, "", "deprecated_keys"], [197, 3, 1, "", "logs"], [197, 3, 1, "", "pipeline_step_id"], [197, 3, 1, "", "pipeline_step_version"], [197, 3, 1, "", "step_name"], [197, 2, 1, "", "to_dict"]], "abacusai.pipeline_step_version_reference": [[198, 1, 1, "", "PipelineStepVersionReference"]], "abacusai.pipeline_step_version_reference.PipelineStepVersionReference": [[198, 2, 1, "", "__repr__"], [198, 3, 1, "", "batch_prediction_id"], [198, 3, 1, "", "dataset_version"], [198, 3, 1, "", "deployment_version"], [198, 3, 1, "", "deprecated_keys"], [198, 3, 1, "", "error"], [198, 3, 1, "", "feature_group_version"], [198, 3, 1, "", "model_monitor_version"], [198, 3, 1, "", "model_version"], [198, 3, 1, "", "notebook_version"], [198, 3, 1, "", "object_type"], [198, 3, 1, "", "pipeline_step_version"], [198, 3, 1, "", "pipeline_step_version_reference_id"], [198, 3, 1, "", "status"], [198, 2, 1, "", "to_dict"]], "abacusai.pipeline_version": [[199, 1, 1, "", "PipelineVersion"]], "abacusai.pipeline_version.PipelineVersion": [[199, 2, 1, "", "__repr__"], [199, 3, 1, "", "code_source"], [199, 3, 1, "", "completed_at"], [199, 3, 1, "", "created_at"], [199, 3, 1, "", "deprecated_keys"], [199, 2, 1, "", "describe"], [199, 3, 1, "", "error"], [199, 2, 1, "", "get_status"], [199, 2, 1, "", "list_logs"], [199, 3, 1, "", "pipeline_id"], [199, 3, 1, "", "pipeline_name"], [199, 3, 1, "", "pipeline_variable_mappings"], [199, 3, 1, "", "pipeline_version"], [199, 2, 1, "", "refresh"], [199, 2, 1, "", "reset"], [199, 2, 1, "", "skip_pending_steps"], [199, 3, 1, "", "status"], [199, 3, 1, "", "step_versions"], [199, 2, 1, "", "to_dict"], [199, 3, 1, "", "updated_at"], [199, 2, 1, "", "wait_for_pipeline"]], "abacusai.pipeline_version_logs": [[200, 1, 1, "", "PipelineVersionLogs"]], "abacusai.pipeline_version_logs.PipelineVersionLogs": [[200, 2, 1, "", "__repr__"], [200, 3, 1, "", "deprecated_keys"], [200, 3, 1, "", "step_logs"], [200, 2, 1, "", "to_dict"]], "abacusai.playground_text": [[201, 1, 1, "", "PlaygroundText"]], "abacusai.playground_text.PlaygroundText": [[201, 2, 1, "", "__repr__"], [201, 3, 1, "", "deprecated_keys"], [201, 3, 1, "", "playground_text"], [201, 3, 1, "", "rendering_code"], [201, 2, 1, "", "to_dict"]], "abacusai.point_in_time_feature": [[202, 1, 1, "", "PointInTimeFeature"]], "abacusai.point_in_time_feature.PointInTimeFeature": [[202, 2, 1, "", "__repr__"], [202, 3, 1, "", "aggregation_keys"], [202, 3, 1, "", "deprecated_keys"], [202, 3, 1, "", "expression"], [202, 3, 1, "", "group_name"], [202, 3, 1, "", "historical_timestamp_key"], [202, 3, 1, "", "history_table_name"], [202, 3, 1, "", "lookback_count"], [202, 3, 1, "", "lookback_until_position"], [202, 3, 1, "", "lookback_window_lag_seconds"], [202, 3, 1, "", "lookback_window_seconds"], [202, 3, 1, "", "timestamp_key"], [202, 2, 1, "", "to_dict"]], "abacusai.point_in_time_feature_info": [[203, 1, 1, "", "PointInTimeFeatureInfo"]], "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo": [[203, 2, 1, "", "__repr__"], [203, 3, 1, "", "deprecated_keys"], [203, 3, 1, "", "expression"], [203, 3, 1, "", "group_name"], [203, 2, 1, "", "to_dict"]], "abacusai.point_in_time_group": [[204, 1, 1, "", "PointInTimeGroup"]], "abacusai.point_in_time_group.PointInTimeGroup": [[204, 2, 1, "", "__repr__"], [204, 3, 1, "", "aggregation_keys"], [204, 3, 1, "", "deprecated_keys"], [204, 3, 1, "", "features"], [204, 3, 1, "", "group_name"], [204, 3, 1, "", "history_aggregation_keys"], [204, 3, 1, "", "history_table_name"], [204, 3, 1, "", "history_window_key"], [204, 3, 1, "", "lookback_count"], [204, 3, 1, "", "lookback_until_position"], [204, 3, 1, "", "lookback_window"], [204, 3, 1, "", "lookback_window_lag"], [204, 2, 1, "", "to_dict"], [204, 3, 1, "", "window_key"]], "abacusai.point_in_time_group_feature": [[205, 1, 1, "", "PointInTimeGroupFeature"]], "abacusai.point_in_time_group_feature.PointInTimeGroupFeature": [[205, 2, 1, "", "__repr__"], [205, 3, 1, "", "deprecated_keys"], [205, 3, 1, "", "expression"], [205, 3, 1, "", "name"], [205, 3, 1, "", "pit_operation_config"], [205, 3, 1, "", "pit_operation_type"], [205, 2, 1, "", "to_dict"]], "abacusai.prediction_client": [[206, 1, 1, "", "PredictionClient"]], "abacusai.prediction_client.PredictionClient": [[206, 2, 1, "", "check_constraints"], [206, 2, 1, "", "classify_image"], [206, 2, 1, "", "classify_pdf"], [206, 2, 1, "", "describe_image"], [206, 2, 1, "", "execute_agent"], [206, 2, 1, "", "execute_agent_with_binary_data"], [206, 2, 1, "", "execute_conversation_agent"], [206, 2, 1, "", "generate_image"], [206, 2, 1, "", "get_alternative_assignments"], [206, 2, 1, "", "get_anomalies"], [206, 2, 1, "", "get_assignments"], [206, 2, 1, "", "get_chat_response"], [206, 2, 1, "", "get_chat_response_with_binary_data"], [206, 2, 1, "", "get_classification"], [206, 2, 1, "", "get_cluster"], [206, 2, 1, "", "get_completion"], [206, 2, 1, "", "get_conversation_response"], [206, 2, 1, "", "get_conversation_response_with_binary_data"], [206, 2, 1, "", "get_entailment"], [206, 2, 1, "", "get_entities_from_pdf"], [206, 2, 1, "", "get_event_anomaly_score"], [206, 2, 1, "", "get_forecast"], [206, 2, 1, "", "get_k_nearest"], [206, 2, 1, "", "get_labels"], [206, 2, 1, "", "get_matrix_agent_schema"], [206, 2, 1, "", "get_multiple_k_nearest"], [206, 2, 1, "", "get_objects_from_image"], [206, 2, 1, "", "get_personalized_ranking"], [206, 2, 1, "", "get_ranked_items"], [206, 2, 1, "", "get_recommendations"], [206, 2, 1, "", "get_related_items"], [206, 2, 1, "", "get_search_results"], [206, 2, 1, "", "get_sentiment"], [206, 2, 1, "", "get_summary"], [206, 2, 1, "", "get_text_from_document"], [206, 2, 1, "", "get_timeseries_anomalies"], [206, 2, 1, "", "is_anomaly"], [206, 2, 1, "", "lookup_features"], [206, 2, 1, "", "lookup_matches"], [206, 2, 1, "", "pause_autonomous_agent"], [206, 2, 1, "", "predict"], [206, 2, 1, "", "predict_churn"], [206, 2, 1, "", "predict_class"], [206, 2, 1, "", "predict_fraud"], [206, 2, 1, "", "predict_from_datasets"], [206, 2, 1, "", "predict_language"], [206, 2, 1, "", "predict_lead"], [206, 2, 1, "", "predict_multiple"], [206, 2, 1, "", "predict_raw"], [206, 2, 1, "", "predict_takeover"], [206, 2, 1, "", "predict_target"], [206, 2, 1, "", "predict_with_binary_data"], [206, 2, 1, "", "score_image"], [206, 2, 1, "", "start_autonomous_agent"], [206, 2, 1, "", "transcribe_audio"], [206, 2, 1, "", "transfer_style"]], "abacusai.prediction_dataset": [[207, 1, 1, "", "PredictionDataset"]], "abacusai.prediction_dataset.PredictionDataset": [[207, 2, 1, "", "__repr__"], [207, 3, 1, "", "dataset_id"], [207, 3, 1, "", "dataset_type"], [207, 3, 1, "", "dataset_version"], [207, 3, 1, "", "default"], [207, 3, 1, "", "deprecated_keys"], [207, 3, 1, "", "required"], [207, 2, 1, "", "to_dict"]], "abacusai.prediction_feature_group": [[208, 1, 1, "", "PredictionFeatureGroup"]], "abacusai.prediction_feature_group.PredictionFeatureGroup": [[208, 2, 1, "", "__repr__"], [208, 3, 1, "", "dataset_type"], [208, 3, 1, "", "default"], [208, 3, 1, "", "deprecated_keys"], [208, 3, 1, "", "feature_group_id"], [208, 3, 1, "", "feature_group_version"], [208, 3, 1, "", "required"], [208, 2, 1, "", "to_dict"]], "abacusai.prediction_input": [[209, 1, 1, "", "PredictionInput"]], "abacusai.prediction_input.PredictionInput": [[209, 2, 1, "", "__repr__"], [209, 3, 1, "", "dataset_id_remap"], [209, 3, 1, "", "datasets"], [209, 3, 1, "", "deprecated_keys"], [209, 3, 1, "", "feature_group_dataset_ids"], [209, 3, 1, "", "feature_groups"], [209, 2, 1, "", "to_dict"]], "abacusai.prediction_log_record": [[210, 1, 1, "", "PredictionLogRecord"]], "abacusai.prediction_log_record.PredictionLogRecord": [[210, 2, 1, "", "__repr__"], [210, 3, 1, "", "deprecated_keys"], [210, 3, 1, "", "query"], [210, 3, 1, "", "query_time_ms"], [210, 3, 1, "", "request_id"], [210, 3, 1, "", "response"], [210, 3, 1, "", "timestamp_ms"], [210, 2, 1, "", "to_dict"]], "abacusai.prediction_operator": [[211, 1, 1, "", "PredictionOperator"]], "abacusai.prediction_operator.PredictionOperator": [[211, 2, 1, "", "__repr__"], [211, 3, 1, "", "code_source"], [211, 2, 1, "", "create_version"], [211, 3, 1, "", "created_at"], [211, 2, 1, "", "delete"], [211, 2, 1, "", "deploy"], [211, 3, 1, "", "deprecated_keys"], [211, 2, 1, "", "describe"], [211, 3, 1, "", "feature_group_ids"], [211, 3, 1, "", "feature_group_table_names"], [211, 3, 1, "", "initialize_function_name"], [211, 3, 1, "", "latest_prediction_operator_version"], [211, 2, 1, "", "list_versions"], [211, 3, 1, "", "memory"], [211, 3, 1, "", "name"], [211, 3, 1, "", "notebook_id"], [211, 3, 1, "", "predict_function_name"], [211, 3, 1, "", "prediction_operator_id"], [211, 3, 1, "", "project_id"], [211, 2, 1, "", "refresh"], [211, 3, 1, "", "refresh_schedules"], [211, 3, 1, "", "source_code"], [211, 2, 1, "", "to_dict"], [211, 2, 1, "", "update"], [211, 3, 1, "", "updated_at"], [211, 3, 1, "", "use_gpu"]], "abacusai.prediction_operator_version": [[212, 1, 1, "", "PredictionOperatorVersion"]], "abacusai.prediction_operator_version.PredictionOperatorVersion": [[212, 2, 1, "", "__repr__"], [212, 3, 1, "", "code_source"], [212, 3, 1, "", "created_at"], [212, 2, 1, "", "delete"], [212, 3, 1, "", "deprecated_keys"], [212, 3, 1, "", "error"], [212, 3, 1, "", "feature_group_ids"], [212, 3, 1, "", "feature_group_versions"], [212, 3, 1, "", "memory"], [212, 3, 1, "", "prediction_operator_id"], [212, 3, 1, "", "prediction_operator_version"], [212, 3, 1, "", "source_code"], [212, 3, 1, "", "status"], [212, 2, 1, "", "to_dict"], [212, 3, 1, "", "updated_at"], [212, 3, 1, "", "use_gpu"]], "abacusai.problem_type": [[213, 1, 1, "", "ProblemType"]], "abacusai.problem_type.ProblemType": [[213, 2, 1, "", "__repr__"], [213, 3, 1, "", "deprecated_keys"], [213, 3, 1, "", "optional_feature_group_types"], [213, 3, 1, "", "problem_type"], [213, 3, 1, "", "required_feature_group_type"], [213, 2, 1, "", "to_dict"], [213, 3, 1, "", "use_cases_support_custom_algorithm"]], "abacusai.project": [[214, 1, 1, "", "Project"]], "abacusai.project.Project": [[214, 2, 1, "", "__repr__"], [214, 2, 1, "", "add_tags"], [214, 2, 1, "", "create_agent"], [214, 2, 1, "", "create_chat_session"], [214, 2, 1, "", "create_deployment_token"], [214, 2, 1, "", "create_document_retriever"], [214, 2, 1, "", "create_eda"], [214, 2, 1, "", "create_forecasting_monitor"], [214, 2, 1, "", "create_graph_dashboard"], [214, 2, 1, "", "create_model_from_functions"], [214, 2, 1, "", "create_model_from_python"], [214, 2, 1, "", "create_model_monitor"], [214, 2, 1, "", "create_monitor_alert"], [214, 2, 1, "", "create_nlp_drift_monitor"], [214, 2, 1, "", "create_train_test_data_split_feature_group"], [214, 2, 1, "", "create_vision_drift_monitor"], [214, 3, 1, "", "created_at"], [214, 2, 1, "", "delete"], [214, 3, 1, "", "deprecated_keys"], [214, 2, 1, "", "describe"], [214, 2, 1, "", "describe_feature_group"], [214, 2, 1, "", "generate_agent_code"], [214, 2, 1, "", "get_custom_train_function_info"], [214, 2, 1, "", "get_training_config_options"], [214, 2, 1, "", "infer_feature_mappings"], [214, 2, 1, "", "list_agents"], [214, 2, 1, "", "list_batch_predictions"], [214, 2, 1, "", "list_builtin_algorithms"], [214, 2, 1, "", "list_deployment_tokens"], [214, 2, 1, "", "list_deployments"], [214, 2, 1, "", "list_document_retrievers"], [214, 2, 1, "", "list_eda"], [214, 2, 1, "", "list_feature_group_templates"], [214, 2, 1, "", "list_feature_groups"], [214, 2, 1, "", "list_graph_dashboards"], [214, 2, 1, "", "list_holdout_analysis"], [214, 2, 1, "", "list_model_monitors"], [214, 2, 1, "", "list_models"], [214, 2, 1, "", "list_pipelines"], [214, 2, 1, "", "list_prediction_operators"], [214, 2, 1, "", "list_realtime_monitors"], [214, 2, 1, "", "list_refresh_policies"], [214, 3, 1, "", "name"], [214, 3, 1, "", "problem_type"], [214, 3, 1, "", "project_id"], [214, 2, 1, "", "refresh"], [214, 2, 1, "", "remove_tags"], [214, 2, 1, "", "rename"], [214, 2, 1, "", "set_feature_mapping"], [214, 3, 1, "", "tags"], [214, 2, 1, "", "to_dict"], [214, 2, 1, "", "train_model"], [214, 3, 1, "", "use_case"], [214, 2, 1, "", "validate"]], "abacusai.project_config": [[215, 1, 1, "", "ProjectConfig"]], "abacusai.project_config.ProjectConfig": [[215, 2, 1, "", "__repr__"], [215, 3, 1, "", "config"], [215, 3, 1, "", "deprecated_keys"], [215, 2, 1, "", "to_dict"], [215, 3, 1, "", "type"]], "abacusai.project_feature_group": [[216, 1, 1, "", "ProjectFeatureGroup"]], "abacusai.project_feature_group.ProjectFeatureGroup": [[216, 2, 1, "", "__repr__"], [216, 3, 1, "", "annotation_config"], [216, 3, 1, "", "code_source"], [216, 3, 1, "", "concatenation_config"], [216, 3, 1, "", "cpu_size"], [216, 3, 1, "", "created_at"], [216, 3, 1, "", "dataset_id"], [216, 3, 1, "", "deprecated_keys"], [216, 3, 1, "", "description"], [216, 3, 1, "", "duplicate_features"], [216, 3, 1, "", "explanation"], [216, 3, 1, "", "export_connector_config"], [216, 3, 1, "", "export_on_materialization"], [216, 3, 1, "", "feature_expression"], [216, 3, 1, "", "feature_group_id"], [216, 3, 1, "", "feature_group_source_type"], [216, 3, 1, "", "feature_group_template"], [216, 3, 1, "", "feature_group_type"], [216, 3, 1, "", "feature_tags"], [216, 3, 1, "", "features"], [216, 3, 1, "", "function_name"], [216, 3, 1, "", "function_source_code"], [216, 3, 1, "", "incremental"], [216, 3, 1, "", "indexing_config"], [216, 3, 1, "", "latest_feature_group_version"], [216, 3, 1, "", "latest_version_outdated"], [216, 3, 1, "", "lookup_keys"], [216, 3, 1, "", "memory"], [216, 3, 1, "", "merge_config"], [216, 3, 1, "", "modification_lock"], [216, 3, 1, "", "module_name"], [216, 3, 1, "", "name"], [216, 3, 1, "", "operator_config"], [216, 3, 1, "", "point_in_time_groups"], [216, 3, 1, "", "primary_key"], [216, 3, 1, "", "project_config"], [216, 3, 1, "", "project_feature_group_schema"], [216, 3, 1, "", "python_function_bindings"], [216, 3, 1, "", "python_function_name"], [216, 3, 1, "", "referenced_feature_groups"], [216, 3, 1, "", "refresh_schedules"], [216, 3, 1, "", "sampling_config"], [216, 3, 1, "", "source_tables"], [216, 3, 1, "", "sql"], [216, 3, 1, "", "sql_error"], [216, 3, 1, "", "streaming_enabled"], [216, 3, 1, "", "streaming_ready"], [216, 3, 1, "", "table_name"], [216, 3, 1, "", "tags"], [216, 3, 1, "", "template_bindings"], [216, 2, 1, "", "to_dict"], [216, 3, 1, "", "update_timestamp_key"], [216, 3, 1, "", "use_gpu"], [216, 3, 1, "", "use_original_csv_names"], [216, 3, 1, "", "version_limit"]], "abacusai.project_feature_group_schema": [[217, 1, 1, "", "ProjectFeatureGroupSchema"]], "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema": [[217, 2, 1, "", "__repr__"], [217, 3, 1, "", "deprecated_keys"], [217, 3, 1, "", "duplicate_features"], [217, 3, 1, "", "nested_schema"], [217, 3, 1, "", "project_config"], [217, 3, 1, "", "schema"], [217, 2, 1, "", "to_dict"]], "abacusai.project_feature_group_schema_version": [[218, 1, 1, "", "ProjectFeatureGroupSchemaVersion"]], "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion": [[218, 2, 1, "", "__repr__"], [218, 3, 1, "", "deprecated_keys"], [218, 3, 1, "", "schema_version"], [218, 2, 1, "", "to_dict"]], "abacusai.project_validation": [[219, 1, 1, "", "ProjectValidation"]], "abacusai.project_validation.ProjectValidation": [[219, 2, 1, "", "__repr__"], [219, 3, 1, "", "column_hints"], [219, 3, 1, "", "dataset_errors"], [219, 3, 1, "", "deprecated_keys"], [219, 2, 1, "", "to_dict"], [219, 3, 1, "", "valid"]], "abacusai.python_function": [[220, 1, 1, "", "PythonFunction"]], "abacusai.python_function.PythonFunction": [[220, 2, 1, "", "__repr__"], [220, 2, 1, "", "add_graph_to_dashboard"], [220, 3, 1, "", "code_source"], [220, 3, 1, "", "created_at"], [220, 3, 1, "", "deprecated_keys"], [220, 3, 1, "", "description"], [220, 3, 1, "", "examples"], [220, 3, 1, "", "function_name"], [220, 3, 1, "", "function_type"], [220, 3, 1, "", "function_variable_mappings"], [220, 3, 1, "", "name"], [220, 3, 1, "", "notebook_id"], [220, 3, 1, "", "output_variable_mappings"], [220, 3, 1, "", "package_requirements"], [220, 3, 1, "", "python_function_id"], [220, 2, 1, "", "to_dict"], [220, 2, 1, "", "validate_locally"]], "abacusai.python_function_validator": [[221, 1, 1, "", "_MonkeyPatch"], [221, 7, 1, "", "validate_function_locally"]], "abacusai.python_function_validator._MonkeyPatch": [[221, 3, 1, "", "_savesyspath"], [221, 2, 1, "", "context"], [221, 2, 1, "", "syspath_prepend"], [221, 2, 1, "", "undo"]], "abacusai.python_plot_function": [[222, 1, 1, "", "PythonPlotFunction"]], "abacusai.python_plot_function.PythonPlotFunction": [[222, 2, 1, "", "__repr__"], [222, 3, 1, "", "code_source"], [222, 3, 1, "", "created_at"], [222, 3, 1, "", "deprecated_keys"], [222, 3, 1, "", "function_name"], [222, 3, 1, "", "function_type"], [222, 3, 1, "", "function_variable_mappings"], [222, 3, 1, "", "graph_reference_id"], [222, 3, 1, "", "name"], [222, 3, 1, "", "notebook_id"], [222, 3, 1, "", "plot_name"], [222, 3, 1, "", "python_function_id"], [222, 2, 1, "", "to_dict"]], "abacusai.range_violation": [[223, 1, 1, "", "RangeViolation"]], "abacusai.range_violation.RangeViolation": [[223, 2, 1, "", "__repr__"], [223, 3, 1, "", "deprecated_keys"], [223, 3, 1, "", "freq_above_training_range"], [223, 3, 1, "", "freq_below_training_range"], [223, 3, 1, "", "name"], [223, 3, 1, "", "prediction_max"], [223, 3, 1, "", "prediction_min"], [223, 2, 1, "", "to_dict"], [223, 3, 1, "", "training_max"], [223, 3, 1, "", "training_min"]], "abacusai.realtime_monitor": [[224, 1, 1, "", "RealtimeMonitor"]], "abacusai.realtime_monitor.RealtimeMonitor": [[224, 2, 1, "", "__repr__"], [224, 3, 1, "", "created_at"], [224, 2, 1, "", "delete"], [224, 3, 1, "", "deployment_id"], [224, 3, 1, "", "deprecated_keys"], [224, 2, 1, "", "describe"], [224, 3, 1, "", "lookback_time"], [224, 3, 1, "", "name"], [224, 3, 1, "", "realtime_monitor_id"], [224, 3, 1, "", "realtime_monitor_schedule"], [224, 2, 1, "", "refresh"], [224, 2, 1, "", "to_dict"], [224, 2, 1, "", "update"]], "abacusai.refresh_pipeline_run": [[225, 1, 1, "", "RefreshPipelineRun"]], "abacusai.refresh_pipeline_run.RefreshPipelineRun": [[225, 2, 1, "", "__repr__"], [225, 3, 1, "", "batch_predictions"], [225, 3, 1, "", "completed_at"], [225, 3, 1, "", "created_at"], [225, 3, 1, "", "dataset_versions"], [225, 3, 1, "", "deployment_versions"], [225, 3, 1, "", "deprecated_keys"], [225, 2, 1, "", "describe"], [225, 3, 1, "", "feature_group_version"], [225, 2, 1, "", "get_status"], [225, 3, 1, "", "model_versions"], [225, 2, 1, "", "refresh"], [225, 3, 1, "", "refresh_pipeline_run_id"], [225, 3, 1, "", "refresh_policy"], [225, 3, 1, "", "refresh_policy_id"], [225, 3, 1, "", "refresh_type"], [225, 3, 1, "", "started_at"], [225, 3, 1, "", "status"], [225, 2, 1, "", "to_dict"], [225, 2, 1, "", "wait_for_complete"]], "abacusai.refresh_policy": [[226, 1, 1, "", "RefreshPolicy"]], "abacusai.refresh_policy.RefreshPolicy": [[226, 2, 1, "", "__repr__"], [226, 3, 1, "", "batch_prediction_ids"], [226, 3, 1, "", "created_at"], [226, 3, 1, "", "cron"], [226, 3, 1, "", "dataset_ids"], [226, 2, 1, "", "delete"], [226, 3, 1, "", "deployment_ids"], [226, 3, 1, "", "deprecated_keys"], [226, 2, 1, "", "describe"], [226, 3, 1, "", "feature_group_export_config"], [226, 3, 1, "", "feature_group_id"], [226, 2, 1, "", "list_refresh_pipeline_runs"], [226, 3, 1, "", "model_ids"], [226, 3, 1, "", "model_monitor_ids"], [226, 3, 1, "", "name"], [226, 3, 1, "", "next_run_time"], [226, 3, 1, "", "notebook_id"], [226, 2, 1, "", "pause"], [226, 3, 1, "", "paused"], [226, 3, 1, "", "pipeline_id"], [226, 3, 1, "", "prediction_operator_id"], [226, 3, 1, "", "project_id"], [226, 2, 1, "", "refresh"], [226, 3, 1, "", "refresh_policy_id"], [226, 3, 1, "", "refresh_type"], [226, 2, 1, "", "resume"], [226, 2, 1, "", "run"], [226, 2, 1, "", "to_dict"], [226, 2, 1, "", "update"]], "abacusai.refresh_schedule": [[227, 1, 1, "", "RefreshSchedule"]], "abacusai.refresh_schedule.RefreshSchedule": [[227, 2, 1, "", "__repr__"], [227, 3, 1, "", "cron"], [227, 3, 1, "", "deprecated_keys"], [227, 3, 1, "", "error"], [227, 3, 1, "", "next_run_time"], [227, 3, 1, "", "refresh_policy_id"], [227, 3, 1, "", "refresh_type"], [227, 2, 1, "", "to_dict"]], "abacusai.regenerate_llm_external_application": [[228, 1, 1, "", "RegenerateLlmExternalApplication"]], "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication": [[228, 2, 1, "", "__repr__"], [228, 3, 1, "", "deprecated_keys"], [228, 3, 1, "", "external_application_id"], [228, 3, 1, "", "name"], [228, 2, 1, "", "to_dict"]], "abacusai.resolved_feature_group_template": [[229, 1, 1, "", "ResolvedFeatureGroupTemplate"]], "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate": [[229, 2, 1, "", "__repr__"], [229, 3, 1, "", "deprecated_keys"], [229, 3, 1, "", "feature_group_template_id"], [229, 3, 1, "", "resolved_sql"], [229, 3, 1, "", "resolved_variables"], [229, 3, 1, "", "sql_error"], [229, 3, 1, "", "template_sql"], [229, 2, 1, "", "to_dict"]], "abacusai.return_class": [[230, 1, 1, "", "AbstractApiClass"]], "abacusai.return_class.AbstractApiClass": [[230, 2, 1, "", "__eq__"], [230, 2, 1, "", "__getattribute__"], [230, 2, 1, "", "_get_attribute_as_dict"], [230, 3, 1, "", "client"]], "abacusai.routing_action": [[231, 1, 1, "", "RoutingAction"]], "abacusai.routing_action.RoutingAction": [[231, 2, 1, "", "__repr__"], [231, 3, 1, "", "additional_info"], [231, 3, 1, "", "deprecated_keys"], [231, 3, 1, "", "display_name"], [231, 3, 1, "", "id"], [231, 3, 1, "", "is_large"], [231, 3, 1, "", "is_medium"], [231, 3, 1, "", "placeholder"], [231, 3, 1, "", "prompt"], [231, 3, 1, "", "title"], [231, 2, 1, "", "to_dict"], [231, 3, 1, "", "value"]], "abacusai.schema": [[232, 1, 1, "", "Schema"]], "abacusai.schema.Schema": [[232, 2, 1, "", "__repr__"], [232, 3, 1, "", "data_type"], [232, 3, 1, "", "deprecated_keys"], [232, 3, 1, "", "detected_data_type"], [232, 3, 1, "", "detected_feature_mapping"], [232, 3, 1, "", "detected_feature_type"], [232, 3, 1, "", "feature_mapping"], [232, 3, 1, "", "feature_type"], [232, 3, 1, "", "name"], [232, 3, 1, "", "nested_features"], [232, 3, 1, "", "point_in_time_info"], [232, 2, 1, "", "to_dict"]], "abacusai.sftp_key": [[233, 1, 1, "", "SftpKey"]], "abacusai.sftp_key.SftpKey": [[233, 2, 1, "", "__repr__"], [233, 3, 1, "", "deprecated_keys"], [233, 3, 1, "", "key_name"], [233, 3, 1, "", "public_key"], [233, 2, 1, "", "to_dict"]], "abacusai.streaming_auth_token": [[234, 1, 1, "", "StreamingAuthToken"]], "abacusai.streaming_auth_token.StreamingAuthToken": [[234, 2, 1, "", "__repr__"], [234, 3, 1, "", "created_at"], [234, 3, 1, "", "deprecated_keys"], [234, 3, 1, "", "streaming_token"], [234, 2, 1, "", "to_dict"]], "abacusai.streaming_client": [[235, 1, 1, "", "StreamingClient"]], "abacusai.streaming_client.StreamingClient": [[235, 2, 1, "", "append_data"], [235, 2, 1, "", "append_multiple_data"], [235, 2, 1, "", "delete_item_embeddings"], [235, 2, 1, "", "upsert_item_embeddings"], [235, 2, 1, "", "upsert_multiple_item_embeddings"]], "abacusai.streaming_connector": [[236, 1, 1, "", "StreamingConnector"]], "abacusai.streaming_connector.StreamingConnector": [[236, 2, 1, "", "__repr__"], [236, 3, 1, "", "auth"], [236, 3, 1, "", "created_at"], [236, 2, 1, "", "delete"], [236, 3, 1, "", "deprecated_keys"], [236, 3, 1, "", "name"], [236, 2, 1, "", "rename"], [236, 3, 1, "", "service"], [236, 3, 1, "", "status"], [236, 3, 1, "", "streaming_connector_id"], [236, 2, 1, "", "to_dict"], [236, 2, 1, "", "verify"]], "abacusai.streaming_row_count": [[237, 1, 1, "", "StreamingRowCount"]], "abacusai.streaming_row_count.StreamingRowCount": [[237, 2, 1, "", "__repr__"], [237, 3, 1, "", "count"], [237, 3, 1, "", "deprecated_keys"], [237, 3, 1, "", "start_ts_ms"], [237, 2, 1, "", "to_dict"]], "abacusai.streaming_sample_code": [[238, 1, 1, "", "StreamingSampleCode"]], "abacusai.streaming_sample_code.StreamingSampleCode": [[238, 2, 1, "", "__repr__"], [238, 3, 1, "", "console"], [238, 3, 1, "", "curl"], [238, 3, 1, "", "deprecated_keys"], [238, 3, 1, "", "python"], [238, 2, 1, "", "to_dict"]], "abacusai.template_node_details": [[239, 1, 1, "", "TemplateNodeDetails"]], "abacusai.template_node_details.TemplateNodeDetails": [[239, 2, 1, "", "__repr__"], [239, 3, 1, "", "deprecated_keys"], [239, 3, 1, "", "notebook_code"], [239, 2, 1, "", "to_dict"], [239, 3, 1, "", "workflow_graph_node"]], "abacusai.test_point_predictions": [[240, 1, 1, "", "TestPointPredictions"]], "abacusai.test_point_predictions.TestPointPredictions": [[240, 2, 1, "", "__repr__"], [240, 3, 1, "", "columns"], [240, 3, 1, "", "count"], [240, 3, 1, "", "data"], [240, 3, 1, "", "deprecated_keys"], [240, 3, 1, "", "error_description"], [240, 3, 1, "", "metrics_columns"], [240, 3, 1, "", "summarized_metrics"], [240, 2, 1, "", "to_dict"]], "abacusai.tone_details": [[241, 1, 1, "", "ToneDetails"]], "abacusai.tone_details.ToneDetails": [[241, 2, 1, "", "__repr__"], [241, 3, 1, "", "accent"], [241, 3, 1, "", "age"], [241, 3, 1, "", "deprecated_keys"], [241, 3, 1, "", "description"], [241, 3, 1, "", "gender"], [241, 3, 1, "", "language"], [241, 3, 1, "", "name"], [241, 2, 1, "", "to_dict"], [241, 3, 1, "", "use_case"], [241, 3, 1, "", "voice_id"]], "abacusai.training_config_options": [[242, 1, 1, "", "TrainingConfigOptions"]], "abacusai.training_config_options.TrainingConfigOptions": [[242, 2, 1, "", "__repr__"], [242, 3, 1, "", "data_type"], [242, 3, 1, "", "default"], [242, 3, 1, "", "deprecated_keys"], [242, 3, 1, "", "description"], [242, 3, 1, "", "last_model_value"], [242, 3, 1, "", "name"], [242, 3, 1, "", "needs_refresh"], [242, 3, 1, "", "options"], [242, 3, 1, "", "required"], [242, 2, 1, "", "to_dict"], [242, 3, 1, "", "value"], [242, 3, 1, "", "value_options"], [242, 3, 1, "", "value_type"]], "abacusai.twitter_search_result": [[243, 1, 1, "", "TwitterSearchResult"]], "abacusai.twitter_search_result.TwitterSearchResult": [[243, 2, 1, "", "__repr__"], [243, 3, 1, "", "deprecated_keys"], [243, 3, 1, "", "thumbnail_height"], [243, 3, 1, "", "thumbnail_url"], [243, 3, 1, "", "thumbnail_width"], [243, 3, 1, "", "title"], [243, 2, 1, "", "to_dict"], [243, 3, 1, "", "twitter_handle"], [243, 3, 1, "", "twitter_name"], [243, 3, 1, "", "url"]], "abacusai.upload": [[244, 1, 1, "", "Upload"]], "abacusai.upload.Upload": [[244, 2, 1, "", "__repr__"], [244, 2, 1, "", "_yield_upload_part"], [244, 3, 1, "", "batch_prediction_id"], [244, 2, 1, "", "cancel"], [244, 3, 1, "", "created_at"], [244, 3, 1, "", "dataset_id"], [244, 3, 1, "", "dataset_upload_id"], [244, 3, 1, "", "dataset_version"], [244, 3, 1, "", "deprecated_keys"], [244, 2, 1, "", "describe"], [244, 2, 1, "", "get_status"], [244, 2, 1, "", "mark_complete"], [244, 3, 1, "", "model_id"], [244, 3, 1, "", "model_version"], [244, 2, 1, "", "part"], [244, 3, 1, "", "parts"], [244, 2, 1, "", "refresh"], [244, 3, 1, "", "status"], [244, 2, 1, "", "to_dict"], [244, 2, 1, "", "upload_file"], [244, 3, 1, "", "upload_id"], [244, 2, 1, "", "upload_part"], [244, 2, 1, "", "wait_for_join"]], "abacusai.upload_part": [[245, 1, 1, "", "UploadPart"]], "abacusai.upload_part.UploadPart": [[245, 2, 1, "", "__repr__"], [245, 3, 1, "", "deprecated_keys"], [245, 3, 1, "", "etag"], [245, 3, 1, "", "md5"], [245, 2, 1, "", "to_dict"]], "abacusai.use_case": [[246, 1, 1, "", "UseCase"]], "abacusai.use_case.UseCase": [[246, 2, 1, "", "__repr__"], [246, 3, 1, "", "deprecated_keys"], [246, 3, 1, "", "description"], [246, 3, 1, "", "pretty_name"], [246, 3, 1, "", "problem_type"], [246, 2, 1, "", "to_dict"], [246, 3, 1, "", "use_case"]], "abacusai.use_case_requirements": [[247, 1, 1, "", "UseCaseRequirements"]], "abacusai.use_case_requirements.UseCaseRequirements": [[247, 2, 1, "", "__repr__"], [247, 3, 1, "", "allowed_feature_mappings"], [247, 3, 1, "", "allowed_nested_feature_mappings"], [247, 3, 1, "", "dataset_type"], [247, 3, 1, "", "deprecated_keys"], [247, 3, 1, "", "description"], [247, 3, 1, "", "multi"], [247, 3, 1, "", "name"], [247, 3, 1, "", "required"], [247, 2, 1, "", "to_dict"]], "abacusai.user": [[248, 1, 1, "", "User"]], "abacusai.user.User": [[248, 2, 1, "", "__repr__"], [248, 3, 1, "", "created_at"], [248, 3, 1, "", "deprecated_keys"], [248, 3, 1, "", "email"], [248, 3, 1, "", "name"], [248, 3, 1, "", "organization_groups"], [248, 3, 1, "", "status"], [248, 2, 1, "", "to_dict"]], "abacusai.user_exception": [[249, 1, 1, "", "UserException"]], "abacusai.user_exception.UserException": [[249, 2, 1, "", "__repr__"], [249, 3, 1, "", "deprecated_keys"], [249, 2, 1, "", "to_dict"], [249, 3, 1, "", "traceback"], [249, 3, 1, "", "type"], [249, 3, 1, "", "value"]], "abacusai.video_gen_settings": [[250, 1, 1, "", "VideoGenSettings"]], "abacusai.video_gen_settings.VideoGenSettings": [[250, 2, 1, "", "__repr__"], [250, 3, 1, "", "deprecated_keys"], [250, 3, 1, "", "model"], [250, 3, 1, "", "settings"], [250, 2, 1, "", "to_dict"]], "abacusai.video_search_result": [[251, 1, 1, "", "VideoSearchResult"]], "abacusai.video_search_result.VideoSearchResult": [[251, 2, 1, "", "__repr__"], [251, 3, 1, "", "deprecated_keys"], [251, 3, 1, "", "embed_url"], [251, 3, 1, "", "motion_thumbnail_url"], [251, 3, 1, "", "thumbnail_url"], [251, 3, 1, "", "title"], [251, 2, 1, "", "to_dict"], [251, 3, 1, "", "url"]], "abacusai.voice_gen_details": [[252, 1, 1, "", "VoiceGenDetails"]], "abacusai.voice_gen_details.VoiceGenDetails": [[252, 2, 1, "", "__repr__"], [252, 3, 1, "", "deprecated_keys"], [252, 3, 1, "", "model"], [252, 2, 1, "", "to_dict"], [252, 3, 1, "", "voice"]], "abacusai.web_page_response": [[253, 1, 1, "", "WebPageResponse"]], "abacusai.web_page_response.WebPageResponse": [[253, 2, 1, "", "__repr__"], [253, 3, 1, "", "content"], [253, 3, 1, "", "deprecated_keys"], [253, 2, 1, "", "to_dict"]], "abacusai.web_search_response": [[254, 1, 1, "", "WebSearchResponse"]], "abacusai.web_search_response.WebSearchResponse": [[254, 2, 1, "", "__repr__"], [254, 3, 1, "", "deprecated_keys"], [254, 3, 1, "", "search_results"], [254, 2, 1, "", "to_dict"]], "abacusai.web_search_result": [[255, 1, 1, "", "WebSearchResult"]], "abacusai.web_search_result.WebSearchResult": [[255, 2, 1, "", "__repr__"], [255, 3, 1, "", "content"], [255, 3, 1, "", "deprecated_keys"], [255, 3, 1, "", "entity"], [255, 3, 1, "", "news"], [255, 3, 1, "", "place"], [255, 3, 1, "", "snippet"], [255, 3, 1, "", "title"], [255, 2, 1, "", "to_dict"], [255, 3, 1, "", "url"]], "abacusai.webhook": [[256, 1, 1, "", "Webhook"]], "abacusai.webhook.Webhook": [[256, 2, 1, "", "__repr__"], [256, 3, 1, "", "created_at"], [256, 2, 1, "", "delete"], [256, 3, 1, "", "deployment_id"], [256, 3, 1, "", "deprecated_keys"], [256, 2, 1, "", "describe"], [256, 3, 1, "", "endpoint"], [256, 3, 1, "", "payload_template"], [256, 2, 1, "", "refresh"], [256, 2, 1, "", "to_dict"], [256, 2, 1, "", "update"], [256, 3, 1, "", "webhook_event_type"], [256, 3, 1, "", "webhook_id"]], "abacusai.workflow_graph_node_details": [[257, 1, 1, "", "WorkflowGraphNodeDetails"]], "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails": [[257, 2, 1, "", "__repr__"], [257, 3, 1, "", "deprecated_keys"], [257, 3, 1, "", "package_requirements"], [257, 2, 1, "", "to_dict"], [257, 3, 1, "", "workflow_graph_node"]], "abacusai.workflow_node_template": [[258, 1, 1, "", "WorkflowNodeTemplate"]], "abacusai.workflow_node_template.WorkflowNodeTemplate": [[258, 2, 1, "", "__repr__"], [258, 3, 1, "", "additional_configs"], [258, 3, 1, "", "deprecated_keys"], [258, 3, 1, "", "description"], [258, 3, 1, "", "function_name"], [258, 3, 1, "", "inputs"], [258, 3, 1, "", "name"], [258, 3, 1, "", "outputs"], [258, 3, 1, "", "package_requirements"], [258, 3, 1, "", "source_code"], [258, 3, 1, "", "tags"], [258, 3, 1, "", "template_configs"], [258, 2, 1, "", "to_dict"], [258, 3, 1, "", "workflow_node_template_id"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "attribute", "Python attribute"], "4": ["py", "property", "Python property"], "5": ["py", "exception", "Python exception"], "6": ["py", "data", "Python data"], "7": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:attribute", "4": "py:property", "5": "py:exception", "6": "py:data", "7": "py:function"}, "terms": {"": [2, 7, 16, 26, 27, 30, 38, 42, 43, 52, 60, 67, 78, 80, 82, 89, 91, 94, 101, 103, 104, 107, 111, 113, 122, 124, 127, 129, 130, 140, 141, 142, 146, 151, 161, 162, 167, 168, 171, 175, 177, 179, 180, 183, 188, 189, 193, 195, 196, 199, 204, 206, 211, 214, 224, 225, 226, 232, 244, 248, 256], "0": [18, 23, 26, 27, 28, 43, 52, 78, 82, 84, 85, 96, 111, 146, 161, 192, 193, 195, 202, 204, 206, 211, 214], "00": [23, 27, 52, 146, 206], "01": [23, 27, 52, 78, 146, 206], "01t00": [23, 27, 52, 146, 206], "02": [52, 146], "04": [52, 146], "06": [52, 146], "07": [52, 146, 206], "08": [23, 27, 52, 146, 206], "1": [18, 26, 27, 28, 52, 146, 161, 193, 195, 206, 211, 214, 244], "10": [25, 27, 35, 52, 82, 103, 124, 146, 206, 244], "100": [2, 27, 28, 42, 52, 78, 89, 94, 111, 146, 161, 167, 214], "1000": [18, 27, 146], "1024": [25, 27, 146, 244], "10485760": [43, 52, 146], "10m": [27, 30, 146], "10th": [146, 150], "11th": [52, 146, 206], "120": [52, 111, 124, 146, 214], "1200": [52, 101, 119, 146, 171, 180, 193, 199], "128": [25, 27, 146], "15": [52, 146, 206], "16": [25, 27, 146], "19": [], "1d": [25, 27, 146], "1h": [25, 27, 30, 146], "1m": [25, 27, 146], "1q": [25, 27, 146], "1w": [25, 27, 146], "1y": [25, 27, 146], "2": [25, 27, 52, 103, 146, 161, 168, 193, 195, 206, 211, 214], "20": [27, 28, 52, 146, 206], "200": [52, 146, 193], "2015": [23, 27, 52, 146, 206], "2021": [52, 78, 146], "20th": [52, 146, 206], "21": [], "21600": [52, 146], "22": [], "23": [], "24": [60, 146], "25": [52, 146, 161], "256": [25, 27, 146], "26": [], "27": [], "28": [], "3": [52, 146, 161, 193, 195, 206, 211, 214], "30": [52, 146], "300": [52, 146, 193, 195], "31": [52, 146, 206], "32": [25, 27, 146], "3600": [52, 89, 91, 103, 113, 124, 142, 146, 162], "365": [27, 28, 146], "384": [25, 27, 146], "4": [37, 52, 146, 161, 193, 195, 206, 211, 214], "404": [52, 146], "5": [25, 27, 28, 52, 146, 206], "50": [52, 146, 206], "502": 52, "503": 52, "504": 52, "512": [25, 27, 52, 146], "5gb": [52, 146, 244], "5mb": [52, 146, 244], "5tb": [52, 146, 244], "6": [27, 28, 146], "600": [111, 146, 244], "64": [25, 27, 146], "6h": [52, 146], "7": [52, 60, 82, 96, 146], "7200": [111, 146], "740": [25, 27, 146], "8": [25, 27, 52, 146, 206], "8192": [52, 146], "8601": [7, 13, 14, 42, 66, 67, 75, 82, 83, 113, 115, 118, 119, 140, 146, 162, 174, 175, 178, 191, 220, 222, 225], "86400": [27, 28, 42, 43, 146], "900": [78, 80, 82, 146], "90th_percentil": [146, 150], "99": [52, 146, 206], "9_": 35, "A": [2, 3, 6, 7, 8, 10, 16, 17, 18, 22, 26, 27, 28, 32, 34, 35, 37, 40, 42, 43, 47, 48, 51, 52, 53, 54, 55, 56, 57, 58, 67, 69, 70, 72, 73, 75, 76, 77, 78, 79, 80, 82, 83, 84, 85, 86, 87, 89, 91, 92, 93, 94, 96, 97, 98, 99, 101, 103, 104, 107, 108, 110, 111, 112, 113, 115, 116, 117, 118, 119, 121, 122, 124, 126, 127, 128, 129, 131, 133, 140, 141, 142, 143, 146, 147, 149, 158, 161, 162, 164, 167, 168, 169, 170, 171, 174, 175, 179, 180, 181, 183, 184, 185, 186, 190, 193, 194, 195, 196, 198, 199, 200, 202, 203, 204, 205, 206, 210, 211, 212, 213, 214, 216, 217, 218, 219, 220, 221, 224, 225, 226, 227, 232, 234, 235, 236, 240, 242, 243, 244, 245, 246, 247, 251, 253, 255, 256, 257, 258], "At": [52, 111, 146], "By": [2, 21, 27, 30, 52, 146, 161, 206], "For": [18, 27, 28, 42, 48, 52, 78, 80, 82, 93, 98, 108, 111, 113, 114, 124, 146, 161, 175, 193, 195, 206, 211, 214], "If": [2, 7, 16, 17, 18, 19, 21, 22, 23, 24, 26, 27, 28, 34, 35, 42, 43, 52, 59, 61, 75, 78, 80, 82, 84, 89, 104, 111, 113, 122, 124, 146, 161, 162, 175, 189, 202, 204, 206, 207, 208, 211, 212, 214, 216, 220, 221, 227, 242, 247, 256], "In": [19, 27, 39, 52, 78, 111, 124, 134, 146, 214, 216], "It": [2, 9, 27, 28, 52, 78, 89, 91, 111, 146, 161, 163, 206, 214, 244, 258], "No": [52, 146, 206], "Not": [22, 27, 52, 84, 85, 146], "Of": [18, 27, 146], "One": [52, 82, 84, 126, 146, 167, 206], "The": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 16, 17, 18, 19, 20, 22, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "There": [21, 27, 146], "These": [18, 27, 52, 111, 146], "To": [16, 18, 27, 42, 78, 82, 132, 146, 161], "Will": [52, 146, 206], "With": [146, 226], "__deprecated_values__": [25, 27, 146], "__eq__": [25, 27, 146, 230], "__getattr__": [16, 27, 52, 146], "__getattribute__": [16, 27, 146, 230], "__getitem__": [15, 27, 146], "__getstate__": [52, 146], "__hash__": [25, 27, 146], "__name": 230, "__post_init__": [15, 16, 18, 20, 21, 22, 23, 26, 27, 28, 30, 31, 33, 34, 146], "__repr__": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "__setattr__": [16, 27, 146], "__setitem__": [15, 27, 146], "__setstate__": [52, 146], "__str__": [15, 27, 35, 52, 146], "__table__": [52, 78, 146], "__version__": 146, "_alertactionconfigfactori": [27, 30, 146], "_alertconditionconfigfactori": [27, 30, 146], "_apiclassfactori": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "_apiexceptionfactori": 52, "_applicationconnectordatasetconfigfactori": [22, 27, 146], "_attempt_deployment_sql_execut": [52, 146], "_batchpredictionargsfactori": [18, 27, 146], "_build_class": 52, "_cach": 52, "_cached_endpoint": 52, "_call_aiagent_app_send_messag": [52, 146], "_call_api": 52, "_clean_api_object": 52, "_context": 139, "_detect_ocr_mod": [21, 27, 146], "_discover_service_url": 52, "_download_avro_fil": [103, 124, 146], "_featuregroupexportconfigfactori": [27, 33, 146], "_get_agent_app_request_id": [52, 146], "_get_agent_async_app_cal": [52, 146], "_get_attribute_as_dict": 230, "_get_build": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "_get_doc_retriever_deployment_info": [52, 146], "_get_filtered_dict": [21, 27, 146], "_get_prediction_endpoint": 52, "_get_proxy_endpoint": 52, "_get_spark_incompatible_column": 35, "_get_streaming_endpoint": 52, "_get_user_friendly_type_nam": 15, "_is_json_serializ": 52, "_is_proxy_app_cal": [52, 146], "_mergeconfigfactori": [26, 27, 146], "_monkeypatch": 221, "_operatorconfigfactori": [26, 27, 146], "_poll": 52, "_predictionargumentsfactori": [23, 27, 146], "_projectfeaturegroupconfigfactori": [27, 31, 146], "_proxy_request": 52, "_raw_init": [16, 27, 146], "_repr_html_": [15, 27, 146], "_request": 52, "_request_context": [52, 146], "_requests_retry_sess": 52, "_samplingconfigfactori": [26, 27, 146], "_savesyspath": 221, "_status_pol": [52, 146], "_stream_llm_cal": [52, 146], "_streamingconnectordatasetconfigfactori": [20, 27, 146], "_support_kwarg": [15, 18, 23, 27, 28, 146], "_trainingconfigfactori": [27, 28, 146], "_unset_item": [15, 27, 146], "_upload_from_panda": 52, "_upload_from_spark": 52, "_upper_snake_case_kei": [15, 27, 28, 146], "_validate_inst": 15, "_validate_pandas_df": 52, "_yield_upload_part": [146, 244], "abacu": [0, 22, 24, 27, 28, 37, 40, 42, 47, 48, 52, 75, 82, 127, 130, 131, 132, 143, 146, 160, 161, 175, 206, 214, 221, 232, 235, 236, 244, 248, 256], "abacus_api": 146, "abacus_dracari": [25, 27, 146], "abacus_internal_model": [27, 28, 146], "abacus_smaug3": [25, 27, 146], "abacusai": 259, "abacusapi": [0, 52, 146], "abacususagemetr": [25, 27, 146], "abacususagemetricsdatasetconfig": [22, 27, 146], "abc": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "abl": [27, 28, 52, 146], "about": [9, 10, 16, 27, 28, 42, 43, 45, 48, 52, 65, 67, 68, 80, 84, 111, 140, 146, 159, 168, 175, 177, 178, 179, 189, 195, 196, 206, 214, 220, 222, 239], "abov": [18, 27, 28, 29, 146, 223], "absolut": [25, 27, 146], "abstract": [16, 17, 18, 19, 20, 21, 22, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 52, 146], "abstractapiclass": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "acc": [25, 27, 146], "accent": [146, 241], "accept": [18, 19, 27, 28, 38, 52, 146, 248], "access": [27, 28, 36, 38, 40, 52, 75, 82, 104, 131, 146, 206, 236], "accord": [52, 146, 206], "account": [52, 104, 146, 188, 206], "account_id": [52, 146, 206], "account_nam": [52, 146, 206], "account_numb": [52, 146, 206], "accumul": [52, 146], "accur": [52, 146, 214], "accuraci": [25, 27, 28, 30, 52, 146, 167, 168, 169, 170], "accuracy_below_threshold": [25, 27, 146], "accuracybelowthreshold": [25, 27, 146], "accuracybelowthresholdconditionconfig": [27, 30, 146], "achiev": [52, 146], "acknowledg": [146, 160], "across": [16, 27, 28, 42, 43, 52, 100, 135, 136, 146, 167, 168], "act": [27, 28, 146], "action": [27, 28, 30, 52, 82, 146, 179, 180, 214, 231, 256], "action_completed_at": [146, 180], "action_config": [52, 82, 146, 179, 180, 214], "action_descript": [146, 179, 180], "action_error": [146, 180], "action_started_at": [146, 180], "action_statu": [146, 180], "action_typ": [27, 30, 146], "action_types_exclusion_dai": [27, 28, 146], "actioncompletedat": [146, 180], "actionconfig": [146, 179, 180], "actiondescript": [146, 179, 180], "actionerror": [146, 180], "actionfor": [146, 180], "actionstartedat": [146, 180], "actionstatu": [146, 180], "activ": [27, 28, 38, 52, 82, 89, 146, 177, 206, 214, 248], "active_labels_column": [27, 28, 146], "actual": [52, 89, 92, 93, 136, 146, 171, 206], "actual_values_supported_for_drilldown": [146, 172], "actual_values_to_detail": [52, 146, 171], "actuals_histogram": [136, 146], "actualshistogram": [136, 146], "actualvaluessupportedfordrilldown": [146, 172], "acycl": [116, 146], "ad": [52, 111, 146, 189, 206, 216, 220, 238, 239, 244], "add": [27, 28, 52, 59, 89, 111, 146, 189, 206, 214, 220, 258], "add_annot": [52, 146], "add_annotatable_featur": [52, 111, 146], "add_annotation_label": [111, 146], "add_app_user_group_report_permiss": [52, 146], "add_app_user_group_to_external_appl": [52, 146], "add_constraint": [52, 146, 206], "add_feature_group_annotation_label": [52, 146], "add_feature_group_tag": [52, 146], "add_feature_group_to_project": [52, 146], "add_feature_tag": [52, 111, 146], "add_graph_to_dashboard": [52, 146, 220], "add_organization_group_permiss": [52, 146], "add_organization_group_to_feature_group_modifi": [52, 146], "add_organization_group_to_modifi": [111, 146], "add_permiss": [146, 189], "add_project_tag": [52, 146], "add_tag": [111, 146, 214], "add_time_featur": [27, 28, 146], "add_to_project": [111, 146], "add_user_to": [146, 189], "add_user_to_feature_group_modifi": [52, 146], "add_user_to_modifi": [111, 146], "add_user_to_organ": [52, 146], "add_user_to_organization_group": [52, 146], "add_users_to_app_user_group": [52, 146], "addit": [1, 16, 24, 27, 28, 33, 52, 78, 82, 84, 111, 113, 114, 117, 123, 124, 146, 206, 216, 231, 258], "additional_anomaly_id": [27, 28, 146], "additional_config": [146, 258], "additional_extraction_instruct": [27, 28, 146], "additional_forecast_kei": [27, 28, 146], "additional_id_column": [27, 33, 52, 82, 113, 114, 117, 124, 146], "additional_info": [1, 146, 231], "additionalconfig": [146, 258], "additionalidcolumn": [113, 114, 117, 146], "additionalinfo": [1, 146, 231], "address": [27, 30, 52, 111, 130, 146, 206, 248], "address_line_1": [1, 146], "address_line_2": [1, 146], "addressline1": [1, 146], "addressline2": [1, 146], "adher": [27, 28, 52, 146], "adjust": [27, 28, 52, 146, 206], "adjust_doc_orient": [52, 146, 206], "admin": [52, 146, 189], "administr": [52, 146], "adopt": [52, 146, 206], "affect": [52, 82, 146], "after": [2, 27, 28, 42, 52, 78, 82, 89, 91, 94, 111, 146, 161, 167, 206, 214], "ag": [146, 241], "again": [16, 27, 146, 242], "against": [36, 52, 111, 146, 206, 216], "agent": [3, 4, 5, 6, 7, 16, 19, 26, 27, 28, 34, 52, 53, 55, 73, 82, 85, 104, 146, 161, 206, 214], "agent_chat_messag": 146, "agent_config": [2, 7, 146], "agent_connector": [2, 27, 28, 146], "agent_control": [25, 27, 146], "agent_convers": 146, "agent_data_document_info": 146, "agent_data_execution_result": 146, "agent_execution_config": [2, 7, 146], "agent_flow_button": [25, 27, 146], "agent_funct": [52, 146], "agent_function_nam": [52, 146, 161, 214], "agent_id": [2, 7, 52, 146], "agent_input_schema": [27, 28, 52, 146, 161, 214], "agent_interfac": [2, 27, 28, 52, 146, 161, 214], "agent_output_schema": [27, 28, 52, 146, 161, 214], "agent_respons": [85, 146], "agent_vers": [52, 146], "agent_workflow_node_id": [3, 35, 52, 85, 146, 206], "agent_workflow_node_nam": [27, 34, 146], "agentchatmessag": [3, 52, 146], "agentconfig": [2, 7, 146], "agentconvers": [4, 52, 84, 146], "agentconversationmessag": [4, 16, 27, 52, 84, 146], "agentdatadocumentinfo": [5, 6, 73, 146], "agentdataexecutionresult": [6, 52, 146, 206], "agentexecutionconfig": [2, 7, 146], "agentflowbuttonresponsesect": [27, 34, 146], "agentid": [2, 7, 146], "agentinterfac": [25, 27, 28, 52, 146, 161, 214], "agentrespons": [16, 27, 52, 85, 146], "agentvers": [2, 7, 52, 146], "agentworkflownodeid": [3, 85, 146], "aggreg": [27, 30, 52, 85, 111, 138, 146, 202, 203, 204, 205], "aggregation_kei": [52, 111, 146, 202, 204], "aggregation_typ": [27, 30, 146], "aggregation_window": [27, 30, 146], "aggregationkei": [52, 111, 146, 202, 204], "ahead": [52, 146, 206], "ai": [2, 7, 8, 19, 24, 27, 28, 34, 37, 40, 42, 48, 52, 75, 82, 127, 130, 131, 132, 146, 160, 161, 175, 206, 214, 221, 232, 235, 236, 244, 248, 256], "ai_ag": [25, 27, 28, 52, 146], "ai_building_in_progress": [48, 146], "ai_building_task": 146, "ai_chat": 27, "aiagent": [18, 27, 52, 146], "aiagentbatchpredictionarg": [18, 27, 146], "aiagenttrainingconfig": [27, 28, 146], "aibuildinginprogress": [48, 146], "aibuildingtask": [8, 48, 146], "alert": [27, 29, 30, 51, 52, 82, 146, 167, 168, 169, 171, 179, 180, 214], "alert_config": [146, 167], "alert_nam": [52, 82, 146, 179, 214], "alert_result": [146, 180], "alert_typ": [27, 30, 146, 179, 180], "alertactionconfig": [27, 30, 52, 82, 146, 179, 214], "alertactiontyp": [25, 27, 30, 146], "alertconditionconfig": [27, 30, 52, 82, 146, 179, 214], "alertconfig": [146, 167], "alerting_completed_at": [146, 180], "alerting_started_at": [146, 180], "alertingcompletedat": [146, 180], "alertingstartedat": [146, 180], "alertresult": [146, 180], "alerttyp": [146, 179, 180], "algo": [146, 172], "algo_metr": [146, 166], "algo_nam": [43, 82, 142, 146, 172], "algometr": [146, 166], "algonam": [43, 82, 142, 146, 172], "algorithm": [27, 28, 42, 43, 52, 82, 137, 141, 142, 146, 161, 166, 175, 178, 213, 214, 220, 222], "algorithm_id": [9, 146], "algorithm_model_config": [146, 161], "algorithm_training_config": [9, 52, 146, 161, 214], "algorithmid": [9, 146], "algorithmmodelconfig": [146, 161], "algorithmtrainingconfig": [9, 146], "align": [52, 111, 146], "aliv": [100, 146], "all": [2, 16, 18, 22, 23, 24, 26, 27, 28, 38, 52, 78, 82, 84, 89, 90, 94, 96, 97, 98, 99, 101, 111, 116, 136, 146, 161, 167, 175, 189, 193, 199, 206, 211, 214, 221], "all_cap_r": 15, "alloc": [2, 7, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 214, 225, 244], "allow": [9, 27, 28, 52, 119, 146, 161, 177, 178, 193, 195, 206, 214, 220, 222], "allow_training_with_small_histori": [27, 28, 146], "allowed_feature_map": [146, 247], "allowed_feature_typ": [146, 247], "allowed_nested_feature_map": [146, 247], "allowedfeaturemap": [146, 247], "allowednestedfeaturemap": [146, 247], "along": [18, 27, 28, 52, 111, 146, 160, 214, 216], "alongsid": [52, 146, 206], "alphabet": [52, 146], "alphanumer": [52, 111, 124, 146, 214], "alreadi": [12, 27, 28, 50, 52, 89, 105, 111, 146, 206, 214], "alreadyexistserror": [52, 146], "also": [15, 16, 24, 27, 28, 29, 30, 33, 34, 52, 84, 146, 206], "altern": [52, 146, 206], "alwai": [52, 53, 146, 161, 206], "amazon": [52, 146], "among": [27, 28, 146], "amount": [27, 28, 43, 52, 100, 146, 206], "an": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 19, 20, 21, 22, 23, 26, 27, 28, 29, 30, 31, 33, 34, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "analys": [52, 146, 214], "analysi": [18, 27, 28, 52, 94, 100, 101, 128, 134, 135, 141, 142, 146, 172, 175, 214], "analysis_dai": [18, 27, 146], "analysis_frequ": [18, 27, 146], "analyt": [22, 27, 28, 146], "analyz": [18, 27, 52, 101, 128, 146, 206], "ancestor": [52, 146], "ancestr": [27, 28, 146], "ancestral_simul": [25, 27, 146], "angl": [146, 192], "ani": [15, 16, 23, 25, 27, 28, 32, 34, 43, 52, 78, 82, 84, 111, 113, 146, 175, 206, 220, 221, 242, 255], "annot": [11, 12, 13, 14, 27, 28, 42, 43, 52, 111, 124, 146, 216], "annotat": [52, 111, 146], "annotation_bounding_box": [27, 28, 146], "annotation_config": [111, 124, 146, 216], "annotation_docu": 146, "annotation_entri": 146, "annotation_entry_mark": [13, 146], "annotation_sourc": [52, 146], "annotation_typ": [10, 52, 111, 146], "annotation_valu": [10, 146], "annotationconfig": [11, 14, 52, 111, 124, 146, 216], "annotationdocu": [12, 52, 111, 146], "annotationentri": [13, 52, 111, 146], "annotationentrymark": [13, 146], "annotations_precis": [25, 27, 146], "annotations_recal": [25, 27, 146], "annotations_statu": 146, "annotationsstatu": [14, 52, 111, 146], "annotationtyp": [10, 146], "annotationvalu": [10, 146], "anomal": [27, 28, 52, 146, 187, 206], "anomali": [23, 27, 28, 52, 146, 206], "anomaly_fract": [27, 28, 146], "anomaly_typ": [27, 28, 146], "anoth": [16, 27, 52, 111, 146, 214], "answer": [23, 27, 28, 48, 52, 82, 146, 151, 206], "anti": [52, 146, 192, 220], "anyth": [52, 146, 161, 211, 214], "api": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 27, 28, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "api_class": [42, 52, 82, 146], "api_client_util": 146, "api_endpoint": [52, 146], "api_kei": [52, 146, 189], "api_key_id": [37, 52, 146], "api_key_suffix": [37, 146], "apiclass": [15, 16, 17, 18, 19, 21, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 146], "apicli": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "apiendpoint": [36, 52, 146], "apienum": [25, 27, 146], "apiexcept": [52, 146], "apikei": [37, 52, 146], "apikeyid": [37, 146], "apikeysuffix": [37, 146], "app": [38, 52, 104, 127, 146, 151, 160, 232], "app_user_group": 146, "app_user_group_sign_in_token": 146, "appear": [26, 27, 146], "append": [52, 111, 146, 234, 235], "append_data": [52, 111, 146, 235], "append_multiple_data": [52, 111, 146, 235], "appli": [1, 18, 27, 28, 29, 30, 42, 43, 52, 57, 58, 82, 94, 111, 146, 161, 167, 206, 226, 229], "applic": [2, 16, 22, 25, 27, 28, 38, 40, 42, 43, 45, 51, 52, 59, 65, 66, 78, 80, 82, 84, 104, 105, 111, 130, 146, 160, 161, 188, 206, 214, 226, 228], "application_connector": [59, 146], "application_connector_config": [78, 80, 146], "application_connector_id": [22, 27, 40, 52, 59, 78, 146, 161], "application_connector_info": [59, 146], "application_connector_typ": [22, 27, 146], "applicationconnector": [40, 52, 146], "applicationconnectorconfig": [78, 80, 146], "applicationconnectordatasetconfig": [22, 27, 52, 78, 146], "applicationconnectorid": [40, 59, 78, 146], "applicationconnectorinfo": [59, 146], "applicationconnectortyp": [2, 22, 25, 27, 28, 52, 146, 161, 214], "appropri": 52, "approxim": [52, 111, 146], "appusergroup": [38, 52, 146], "appusergroupsignintoken": [39, 52, 146], "ar": [15, 16, 18, 21, 22, 24, 26, 27, 28, 29, 30, 33, 34, 42, 43, 50, 51, 52, 78, 82, 89, 97, 105, 111, 128, 131, 146, 151, 161, 168, 175, 178, 188, 189, 202, 204, 206, 211, 214, 222, 240, 244, 258], "arbitrari": [146, 206], "area": [52, 146, 214], "aren": [146, 160], "arg": [16, 18, 27, 42, 43, 52, 59, 82, 146], "argument": [2, 3, 7, 19, 23, 24, 26, 27, 32, 42, 43, 52, 78, 82, 85, 111, 146, 161, 193, 195, 206, 214, 220, 221], "arrai": [2, 16, 27, 52, 82, 111, 146, 161, 214], "articl": [52, 146], "artifact": [52, 111, 146, 161, 162, 165, 174, 175, 182, 190], "artifact_nam": [146, 165], "artifact_typ": [52, 146, 175], "artifactnam": [146, 165], "artifacts_upload_id": [146, 174], "artifactsuploadid": [146, 174], "aspect": [52, 146], "aspect_ratio": [], "aspectratio": [], "asset": [52, 146, 206], "assign": [23, 27, 28, 52, 65, 66, 67, 146, 161, 206], "associ": [2, 3, 42, 48, 51, 52, 78, 80, 82, 83, 84, 85, 89, 91, 94, 98, 101, 104, 111, 122, 124, 141, 142, 146, 151, 161, 167, 171, 179, 180, 206, 214, 224, 225, 226, 244], "assum": [52, 146], "asymmetric_map": [25, 27, 146], "asymmetric_mean_absolute_percentage_error": [25, 27, 146], "async": [52, 146], "asyncapp": [52, 146], "asynchron": [52, 146], "at_risk_threshold": [27, 30, 146], "attach": [21, 22, 25, 27, 52, 78, 82, 85, 111, 143, 146, 193, 206, 214, 216, 256], "attachment_id": [52, 82, 146], "attachment_parsing_config": [52, 78, 146], "attachmentparsingconfig": [21, 27, 52, 78, 146], "attempt": [43, 52, 78, 119, 146], "attribut": [16, 28, 29, 42, 78, 80, 89, 111, 206, 221, 230], "au": [25, 27, 146], "auc": [25, 27, 52, 146, 214], "audio": [41, 52, 146, 206, 241], "audio_gen_set": 146, "audiogenset": [41, 146], "augment": [27, 28, 88, 146], "augmentation_strategi": [27, 28, 146], "augmented_llm": [25, 27, 146], "augmented_page_text": [88, 146], "augmentedpagetext": [88, 146], "auth": [40, 75, 130, 143, 146, 236], "auth_expires_at": [130, 146], "auth_opt": [131, 146], "authent": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "authenticaion": [143, 146], "authexpiresat": [130, 146], "authopt": [131, 146], "author": [52, 82, 146, 206], "auto": [25, 27, 28, 52, 82, 146], "auto_deploi": [52, 82, 146, 211], "autocomplet": [54, 146, 148], "autocomplete_respons": [54, 146], "autocompleterespons": [54, 146], "autocorrel": [100, 146], "autodeploi": [52, 82, 146], "automat": [17, 18, 21, 25, 27, 28, 52, 82, 146, 161, 189, 211, 214, 220, 221], "automl": [52, 146, 161, 175, 214], "automl_complet": [146, 175], "automlcomplet": [146, 175], "autonom": [25, 27, 52, 146, 206], "avail": [21, 27, 28, 41, 52, 60, 82, 88, 110, 111, 145, 146, 181, 189, 192, 214, 229], "averag": [24, 25, 27, 100, 102, 135, 136, 146], "average_drift": [102, 146], "averagedrift": [102, 146], "avg": [27, 30, 146], "avoid": [27, 28, 52, 146, 220], "avro": [25, 27, 146], "avro_to_pandas_dtyp": 35, "avro_typ": 35, "aw": [52, 146], "aws_ocr_mod": [25, 27, 146], "axi": [52, 96, 98, 101, 134, 146], "azur": [52, 146], "b64_imag": [27, 34, 146], "back": [25, 27, 28, 36, 52, 68, 146], "backbon": [27, 28, 146], "backend": [23, 27, 52, 82, 84, 146, 173, 206], "backfil": [25, 27, 146], "background": [52, 82, 146], "backoff_factor": 52, "backtest": [27, 28, 146], "backtesting_window_step_s": [27, 28, 146], "backward": [146, 244], "bag": [27, 28, 146], "balanc": [27, 28, 146], "bar": [27, 28, 146], "bar_chart": [25, 27, 146], "bar_chart_accuracy_by_histori": [25, 27, 146], "bar_chart_volum": [25, 27, 146], "base": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "base64": [27, 34, 146], "base64_imag": [25, 27, 146], "base64imageresponsesect": [27, 34, 146], "base_dupl": [97, 146], "base_model": [133, 146], "baseapicli": [52, 146, 206, 235], "basedupl": [97, 146], "basemodel": [133, 146], "bash": [53, 146], "basic": [52, 82, 146], "batch": [9, 18, 27, 28, 42, 43, 44, 52, 82, 146, 161, 167, 171, 194, 198, 207, 208, 209, 214, 225, 226, 244], "batch_1024": [25, 27, 146], "batch_128": [25, 27, 146], "batch_16": [25, 27, 146], "batch_256": [25, 27, 146], "batch_32": [25, 27, 146], "batch_384": [25, 27, 146], "batch_512": [25, 27, 146], "batch_64": [25, 27, 146], "batch_740": [25, 27, 146], "batch_8": [25, 27, 146], "batch_input": [42, 43, 146], "batch_predict": [27, 146, 225, 226], "batch_prediction_arg": [42, 43, 52, 82, 146], "batch_prediction_args_typ": [42, 43, 146], "batch_prediction_description_id": [146, 194], "batch_prediction_id": [25, 27, 42, 43, 52, 146, 167, 198, 214, 226, 244], "batch_prediction_output": [52, 146, 214], "batch_prediction_vers": [52, 146, 171], "batch_prediction_version_log": 146, "batch_prediction_warn": [43, 146], "batch_renorm": [27, 28, 146], "batch_siz": [27, 28, 146], "batch_streaming_upd": [82, 146], "batchinput": [42, 43, 146], "batchpredict": [42, 52, 82, 146, 214, 225], "batchpredictionarg": [18, 27, 42, 43, 52, 82, 146], "batchpredictionargstyp": [42, 43, 146], "batchpredictiondescriptionid": [146, 194], "batchpredictionid": [42, 43, 146, 167, 198, 226, 244], "batchpredictionvers": [42, 43, 52, 146, 171], "batchpredictionversionlog": [43, 44, 52, 146], "batchpredictionwarn": [43, 146], "batchsiz": [25, 27, 28, 146], "batchstreamingupd": [82, 146], "becam": [82, 146], "becaus": [50, 105, 146], "been": [27, 28, 42, 52, 74, 78, 82, 100, 111, 146, 175, 214, 226, 244], "befor": [9, 14, 16, 23, 27, 28, 52, 78, 111, 146, 161, 164, 206, 214], "behav": [27, 28, 146], "behavior": [64, 146], "behavior_instruct": [27, 28, 146], "behaviour": [27, 28, 146], "being": [14, 27, 28, 42, 52, 53, 80, 82, 94, 111, 113, 114, 128, 146, 161, 162, 167, 206, 214, 219, 244, 247], "belong": [2, 7, 13, 27, 28, 52, 80, 82, 84, 94, 101, 112, 118, 119, 120, 124, 140, 146, 161, 167, 171, 174, 175, 179, 193, 195, 196, 199, 202, 203, 211, 248], "below": [18, 23, 27, 29, 30, 52, 82, 146, 206, 223], "bert": [27, 28, 146], "best": [27, 28, 52, 146, 175, 206], "best_algorithm": [146, 175], "best_alternate_onli": [52, 146, 206], "bestalgorithm": [146, 175], "better": [27, 28, 52, 82, 89, 146, 206], "between": [24, 27, 28, 52, 96, 97, 98, 99, 101, 102, 109, 110, 116, 146, 206, 240], "bfill": [25, 27, 146], "bia": [25, 27, 30, 52, 146, 167, 169, 170, 206, 214], "bias": [52, 146, 206], "bias_metric_id": [146, 167], "bias_typ": [27, 30, 146], "bias_viol": [25, 27, 52, 146, 169], "biasmetricid": [146, 167], "biastyp": [25, 27, 30, 146], "biasviol": [25, 27, 146, 169], "biasviolationconditionconfig": [27, 30, 146], "bill": [146, 189], "binari": [19, 25, 27, 43, 52, 82, 111, 146, 206, 232], "bind": [52, 111, 122, 124, 146, 229], "bing": [52, 146], "blob": [19, 27, 52, 111, 146, 206], "blob_input": 27, "blobinput": [19, 27, 52, 146], "block": [35, 146, 152, 158], "blue": [27, 28, 146], "blueprint": [146, 163, 164], "bm25": [27, 28, 52, 89, 146, 206], "bodi": [27, 30, 52, 82, 146, 206, 256], "boilerpl": [146, 239], "boo": [27, 28, 146], "bool": [1, 2, 9, 12, 14, 15, 16, 17, 18, 21, 22, 23, 24, 26, 27, 28, 29, 31, 32, 37, 38, 42, 43, 47, 48, 51, 52, 54, 55, 61, 64, 75, 78, 80, 82, 84, 85, 89, 98, 104, 111, 113, 122, 124, 130, 131, 132, 138, 142, 146, 152, 160, 161, 167, 175, 177, 178, 182, 188, 189, 193, 199, 206, 207, 208, 211, 212, 214, 216, 219, 226, 231, 242, 247], "boolean": [16, 25, 27, 38, 52, 98, 146, 232], "boost": [27, 28, 126, 146], "bot": [52, 55, 82, 84, 85, 104, 146, 160], "bot_info": 146, "both": [42, 52, 89, 120, 146, 167, 197, 206], "botinfo": [45, 146], "bottom": [27, 28, 84, 146], "bound": [10, 18, 21, 22, 27, 28, 29, 52, 78, 85, 90, 111, 146, 150], "boundari": [27, 28, 146], "bounding_box": [90, 146], "boundingbox": [90, 146], "box": [10, 21, 22, 25, 27, 28, 52, 78, 85, 90, 98, 146], "box_cox": [25, 27, 146], "boxdatasetconfig": [22, 27, 146], "bp": [93, 146], "bp_across_versions_monitor_id": [42, 146], "bp_across_versions_monitor_vers": [43, 146], "bp_prediction_drift": [93, 146], "bpacrossversionsmonitorid": [42, 146], "bpacrossversionsmonitorvers": [43, 146], "bppredictiondrift": [93, 146], "branch": [52, 146, 161], "branch_nam": [52, 146, 161], "bring": [52, 146], "broken": [47, 52, 146, 214], "bucket": [52, 78, 130, 131, 132, 146, 175, 244], "bucket1": [52, 146], "budget": [26, 27, 52, 146], "buffer": 35, "build": [8, 48, 52, 146], "built": [52, 111, 146, 161, 214, 216], "builtin": [52, 146, 175, 214], "builtin_algorithm": [52, 146, 161, 175, 214], "builtinalgorithm": [146, 175], "bulk": [52, 146], "bundl": [52, 146, 175], "button": [16, 27, 34, 146], "byte": [19, 27, 35, 52, 80, 146, 206, 244], "bytes_or_buff": 35, "bytesio": [52, 146, 206, 244], "cach": [27, 28, 52, 82, 146], "cache_scop": 52, "calcul": [18, 24, 27, 28, 42, 43, 52, 146, 175, 214], "calendar": [22, 27, 28, 146], "call": [2, 7, 27, 28, 36, 42, 43, 52, 67, 68, 78, 80, 82, 84, 89, 91, 94, 101, 103, 104, 111, 113, 119, 122, 124, 140, 141, 142, 146, 158, 161, 162, 167, 171, 173, 175, 179, 180, 189, 193, 195, 196, 199, 211, 214, 224, 225, 226, 244, 256], "callabl": [15, 16, 27, 35, 52, 146, 193, 214], "caller": [52, 146], "calls_per_second": [52, 82, 146], "callspersecond": [82, 146], "came": [52, 146], "camel": [15, 16, 27, 29, 30, 33, 34, 146], "camel_cas": 15, "can": [16, 21, 27, 28, 34, 36, 40, 52, 75, 82, 111, 122, 123, 124, 134, 141, 146, 151, 161, 163, 190, 202, 203, 205, 206, 213, 214, 216, 225, 226, 228, 229, 236, 247], "cancel": [52, 146, 244], "cancel_upload": [52, 146], "candid": [52, 146, 206], "cannot": [27, 28, 52, 82, 146, 147, 161, 175, 189, 214], "captur": [26, 27, 52, 146], "card": [52, 146, 206], "care": [52, 111, 146], "cart": [52, 146, 206], "case": [15, 16, 21, 27, 29, 30, 33, 34, 42, 52, 85, 98, 104, 111, 127, 146, 160, 206, 213, 214, 220, 232, 240, 241, 246, 247], "cast": [13, 52, 111, 146], "cat": [52, 146, 206], "cat0": [52, 146, 206], "cat_viol": [110, 146], "catalog": [27, 28, 42, 52, 146, 174, 206, 235], "catalog_id": [52, 146, 206, 235], "catalogid": [52, 146, 206], "categor": [27, 28, 29, 98, 108, 110, 146, 232], "categori": [52, 65, 98, 146, 206], "categorical_list": [146, 232], "categorical_range_viol": [25, 27, 146], "categoricalrangeviol": [46, 110, 146], "cater": [84, 146], "catviol": [110, 146], "cell": [52, 59, 146], "certain": [27, 28, 52, 146, 151, 177, 206], "cfg_scale": [], "cfgscale": [], "chang": [35, 52, 57, 58, 89, 92, 93, 97, 108, 111, 146, 182, 206, 216, 221, 242, 256], "channel": [18, 22, 27, 146], "channel_id_to_label_map": [18, 27, 146], "char": [52, 146], "charact": [21, 26, 27, 37, 52, 111, 124, 143, 146, 152, 214], "characterist": [52, 102, 109, 110, 146, 206], "charg": [1, 146], "chart": [25, 27, 34, 52, 80, 95, 110, 124, 134, 146, 170, 172], "chart_descript": [134, 146], "chart_nam": [134, 146], "chart_typ": [52, 95, 134, 146], "chartdescript": [134, 146], "chartnam": [134, 146], "chartresponsesect": [27, 34, 146], "charttyp": [95, 134, 146], "chat": [3, 4, 22, 23, 25, 27, 28, 36, 47, 48, 52, 53, 64, 82, 85, 146, 186, 206, 214], "chat_config": [52, 82, 146, 206], "chat_feedback": [25, 27, 146], "chat_histori": [48, 52, 146], "chat_llm": [23, 25, 27, 28, 52, 146], "chat_messag": 146, "chat_sess": 146, "chat_session_id": [48, 52, 146], "chat_typ": [85, 146], "chatbot": [38, 48, 52, 84, 146], "chathistori": [48, 146], "chatllm": [18, 25, 27, 28, 50, 51, 52, 82, 84, 146], "chatllm_comput": 146, "chatllm_referral_invit": 146, "chatllm_task": 146, "chatllm_task_id": [51, 84, 146], "chatllmbatchpredictionarg": [18, 27, 146], "chatllmcomput": [49, 146], "chatllmpredictionargu": [23, 27, 146], "chatllmreferralinvit": [50, 146], "chatllmtask": [51, 146], "chatllmtaskid": [51, 84, 146], "chatllmtrainingconfig": [27, 28, 146], "chatmessag": [47, 48, 146], "chatsess": [48, 52, 146, 214], "chatsessionid": [48, 146], "chattyp": [85, 146], "check": [40, 52, 75, 82, 103, 111, 146, 206, 236], "check_constraint": [52, 146, 206], "check_for_materi": [52, 111, 146], "checkbox": [16, 27, 146], "chi": [102, 109, 110, 146], "chi_squar": [25, 27, 102, 109, 110, 136, 146], "chisquar": [102, 109, 110, 146], "choos": [27, 28, 52, 146, 161], "chosen": [85, 146], "chronolog": [52, 146, 206], "chunk": [24, 26, 27, 28, 52, 85, 89, 91, 146, 206, 214, 244], "chunk_overlap_fract": [24, 27, 28, 52, 89, 146, 214], "chunk_siz": [24, 27, 43, 52, 89, 146, 214], "chunk_size_factor": [24, 27, 146], "chunkoverlapfract": [], "chunksiz": [146, 244], "churn": [52, 146, 206], "churn_result": [52, 146, 206], "churned_yn": [52, 146, 206], "citat": [27, 28, 146], "citi": [1, 146], "classif": [18, 27, 28, 52, 65, 146, 206], "classifi": [27, 28, 52, 146, 206], "classification_dl_tf": [52, 146], "classify_imag": [52, 146, 206], "classify_pdf": [52, 146, 206], "classmethod": [15, 16, 18, 19, 20, 21, 22, 23, 25, 26, 27, 28, 30, 31, 33, 35, 52, 146, 221], "classnam": 15, "claude_v3_5_haiku": [25, 27, 146], "claude_v3_5_sonnet": [25, 27, 146], "claude_v3_haiku": [25, 27, 146], "claude_v3_opu": [25, 27, 146], "claude_v3_sonnet": [25, 27, 146], "claus": [52, 89, 107, 111, 146, 206], "clean": [52, 146], "clean_column_nam": [35, 52, 146], "clear": [42, 52, 84, 146], "clear_agent_context": [52, 146], "clear_cache_scop": [52, 146], "clear_deployment_convers": [52, 146], "click": [27, 34, 52, 146, 206], "client": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "client_opt": [52, 146, 206, 235], "client_vers": 52, "clientopt": [52, 146, 206, 235], "clip": [27, 28, 146], "clockwis": [146, 192], "closest": [52, 111, 146, 202, 204], "cloud": [27, 28, 52, 82, 124, 131, 146], "cloud_spend": [52, 146], "cluster": [25, 27, 28, 52, 146, 161, 175, 206], "clustering_timeseri": [25, 27, 28, 52, 146], "clusteringimputationmethod": [25, 27, 28, 146], "clusteringtimeseriestrainingconfig": [27, 28, 146], "clusteringtrainingconfig": [27, 28, 146], "cmape": [25, 27, 146], "co": [8, 17, 27, 48, 52, 146, 214], "code": [1, 2, 7, 9, 16, 25, 27, 28, 31, 34, 37, 52, 53, 54, 55, 56, 57, 58, 59, 64, 65, 67, 87, 111, 124, 146, 151, 152, 155, 158, 161, 175, 178, 193, 195, 196, 199, 201, 211, 212, 214, 216, 220, 222, 238, 239, 257, 258], "code_agent_respons": 146, "code_agent_support": [55, 146], "code_autocomplete_respons": 146, "code_bert": [25, 27, 146], "code_block": [146, 158], "code_bot": 146, "code_chang": [57, 58, 146], "code_edit": 146, "code_edit_respons": 146, "code_llm": [25, 27, 146], "code_sourc": [2, 7, 9, 65, 67, 111, 124, 146, 161, 175, 178, 193, 195, 196, 199, 211, 212, 216, 220, 222], "codeagentrespons": [53, 146], "codeagentsupport": [55, 146], "codeautocompleterespons": [54, 146], "codeblock": [146, 158], "codebot": [55, 146], "codechang": [57, 58, 146], "codeedit": [56, 58, 146], "codeeditrespons": [57, 146], "codelanguag": [25, 27, 34, 146], "codellm": [55, 146], "coderesponsesect": [27, 34, 146], "codesourc": [2, 7, 9, 59, 65, 67, 111, 124, 146, 161, 175, 178, 193, 195, 196, 199, 211, 212, 216, 220, 222], "coeffici": [52, 146, 206], "coefficient_column": [52, 146, 206], "coefficient_of_vari": [25, 27, 146], "col": [27, 29, 146], "col0": [52, 146, 206], "cold": [27, 28, 146], "collaps": [27, 34, 146], "collapseresponsesect": [27, 34, 146], "collapsible_compon": [25, 27, 146], "collect": [36, 52, 146, 247], "collinear": [52, 94, 96, 99, 101, 146, 214], "collinearity_group": [96, 146], "collinearity_kei": [52, 146, 214], "collinearity_matrix": [96, 146], "collinearitygroup": [96, 146], "collinearitymatrix": [96, 146], "column": [18, 21, 24, 26, 27, 28, 29, 30, 33, 35, 42, 43, 52, 70, 74, 75, 76, 77, 78, 79, 80, 82, 89, 93, 98, 100, 107, 110, 111, 113, 114, 117, 124, 134, 136, 146, 148, 161, 175, 183, 184, 206, 214, 216, 219, 240, 247], "column_context": [27, 28, 146], "column_filtering_instruct": [27, 28, 146], "column_hint": [146, 219], "column_nam": [21, 27, 28, 96, 97, 146], "column_names_x": [96, 146], "columnhint": [146, 219], "columnmap": [52, 78, 146], "columnnam": [96, 97, 146], "columnnamesx": [96, 146], "combin": [27, 28, 52, 89, 146, 206, 214], "come": [52, 93, 146, 206], "comma": [18, 27, 52, 146, 214, 226], "command": [53, 146], "comment": [10, 11, 22, 27, 52, 146], "comments_featur": [11, 146], "commentsfeatur": [11, 146], "common": [16, 27, 46, 146, 213], "common_funct": [52, 146], "common_source_cod": [16, 27, 146], "commonli": [27, 28, 146], "compar": [52, 82, 92, 146, 206], "compare_dupl": [97, 146], "comparedupl": [97, 146], "comparison": [52, 82, 97, 146], "compat": [10, 13, 52, 111, 146, 244], "complaint": [52, 146], "complet": [2, 7, 26, 27, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 121, 124, 142, 146, 161, 162, 166, 171, 175, 180, 193, 199, 206, 225, 244, 258], "complete_process": [121, 146], "completed_at": [119, 146, 199, 225], "completedat": [119, 146, 199, 225], "completeprocess": [121, 146], "completion_col": [26, 27, 146], "complex": [16, 27, 52, 82, 113, 114, 124, 146], "complex_ag": [25, 27, 146], "compon": [24, 27, 34, 52, 146], "comprehens": [25, 27, 146], "comprehensive_form_and_table_md": [25, 27, 146], "comprehensive_form_md": [25, 27, 146], "comprehensive_table_md": [25, 27, 146], "comprehensive_v2": [25, 27, 146], "compris": [52, 146], "comput": [27, 28, 37, 49, 52, 60, 82, 85, 102, 109, 110, 111, 146, 206, 214, 224], "compute_point_info": 146, "compute_points_us": [85, 146], "compute_rerank_metr": [27, 28, 146], "compute_session_metr": [27, 28, 146], "computepointinfo": [60, 146], "computepointsus": [85, 146], "computer_fil": [85, 146], "computer_id": [49, 52, 146], "computerfil": [85, 146], "computerid": [49, 146], "concaten": [52, 61, 111, 146, 216], "concatenate_data": [111, 146], "concatenate_feature_group_data": [52, 146], "concatenated_t": [61, 146], "concatenatedt": [61, 146], "concatenation_config": [111, 146, 216], "concatenationconfig": [61, 111, 146, 216], "concurr": [26, 27, 146], "condit": [16, 27, 30, 52, 82, 146, 179, 180, 214], "condition_config": [52, 82, 146, 179, 180, 214], "condition_descript": [146, 179, 180], "conditionconfig": [146, 179, 180], "conditiondescript": [146, 179, 180], "config": [2, 7, 9, 11, 14, 15, 16, 17, 18, 20, 21, 22, 24, 26, 27, 28, 30, 32, 33, 52, 61, 68, 78, 82, 89, 91, 111, 113, 117, 122, 124, 133, 146, 147, 161, 163, 167, 171, 175, 206, 214, 215, 216, 217, 229, 242, 258], "config_abstract_class": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "config_class_kei": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "config_class_key_value_camel_cas": [27, 30, 146], "config_class_map": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "config_opt": [9, 52, 146], "configopt": [9, 146], "configur": [16, 21, 22, 26, 27, 29, 31, 42, 52, 78, 82, 89, 91, 94, 111, 114, 117, 133, 146, 161, 163, 167, 171, 175, 179, 180, 205, 206, 214, 216, 226, 235, 258], "conflict": 52, "conflicterror": 52, "confluenc": [22, 25, 27, 146], "confluencedatasetconfig": [22, 27, 146], "conform": [16, 27, 146], "conjuct": [146, 147], "conjunct": [52, 82, 146], "connect": [27, 28, 40, 42, 43, 52, 75, 82, 113, 116, 117, 146, 198, 236], "connection_str": [52, 146], "connector": [2, 21, 22, 27, 28, 33, 40, 42, 43, 52, 59, 75, 76, 77, 78, 80, 82, 111, 113, 114, 117, 124, 130, 132, 146, 148, 161, 162, 214, 216, 236], "connector_typ": [27, 33, 42, 43, 78, 113, 117, 146], "connectortyp": [25, 27, 33, 42, 43, 78, 113, 117, 146], "consecut": [], "consid": [27, 28, 30, 52, 111, 146], "consider": [52, 146], "consist": [52, 69, 94, 97, 101, 146, 214], "consol": [42, 43, 52, 124, 146, 238], "consolid": [52, 146], "constant": [16, 18, 25, 27, 31, 52, 146, 206], "constant_valu": [16, 27, 146], "constitut": [27, 34, 146], "constrain": [27, 28, 146], "constraint": [25, 27, 31, 52, 146, 206], "constraintconfig": [27, 31, 146], "constraintprojectfeaturegroupconfig": [27, 31, 146], "construct": [52, 146, 206], "construct_agent_conversation_messages_for_llm": [52, 84, 146], "consum": [20, 27, 146], "contain": [6, 11, 21, 26, 27, 28, 29, 42, 43, 52, 53, 69, 82, 84, 85, 97, 111, 113, 116, 124, 134, 140, 146, 159, 161, 175, 179, 189, 190, 193, 195, 202, 204, 206, 211, 214, 220, 235, 244, 258], "context": [27, 28, 35, 52, 89, 111, 146, 190, 206, 216, 221], "continu": [52, 82, 146, 206], "contribut": [100, 126, 146], "control": [18, 27, 28, 100, 146], "convers": [4, 6, 16, 22, 27, 28, 48, 51, 52, 53, 82, 84, 85, 86, 104, 146, 186, 206], "conversation_export_html": [86, 146], "conversation_id": [52, 146], "conversation_typ": [52, 82, 84, 146], "conversation_warn": [84, 146], "conversationexporthtml": [86, 146], "conversationtyp": [84, 146], "conversationwarn": [84, 146], "convert": [15, 16, 21, 27, 29, 30, 33, 34, 52, 111, 146, 202, 203, 205, 220, 221], "convert_to_markdown": [21, 27, 52, 146], "convolut": [27, 28, 146], "convolution_filt": [27, 28, 146], "convolutional_lay": [27, 28, 146], "coordinate_list": [146, 232], "copi": [2, 35, 52, 146], "copilot": [25, 27, 146], "copy_ag": [52, 146], "corpu": [24, 27, 146], "correct": [26, 27, 52, 111, 146], "correl": [52, 100, 101, 146], "correspond": [10, 14, 16, 23, 27, 38, 52, 84, 110, 111, 124, 146, 161, 181, 206, 214, 216, 239], "cosin": [52, 146, 206], "cost": [27, 28, 146], "could": [27, 31, 52, 89, 100, 106, 136, 146, 206], "count": [52, 69, 89, 111, 134, 146, 150, 168, 169, 202, 204, 206, 237, 240], "countri": [1, 146], "coverag": [25, 27, 146], "cox": [25, 27, 146], "cpu": [52, 62, 111, 124, 146, 159, 161, 175, 193, 195, 196, 211, 214, 216], "cpu_gpu_memory_spec": 146, "cpu_siz": [52, 111, 124, 146, 161, 175, 193, 195, 196, 211, 214, 216], "cpugpumemoryspec": [62, 146, 159], "cpusiz": [25, 27, 52, 111, 124, 146, 161, 175, 195, 196, 216], "craft": [146, 151], "crawl": [26, 27, 146], "crawl_depth": [26, 27, 146], "crawler": [25, 27, 146], "crawlertransformconfig": [26, 27, 146], "creat": [2, 7, 9, 15, 16, 18, 20, 21, 22, 23, 26, 27, 28, 30, 31, 33, 35, 37, 40, 42, 48, 52, 65, 66, 67, 75, 78, 80, 82, 83, 84, 85, 89, 91, 94, 96, 98, 104, 107, 111, 113, 118, 119, 122, 124, 133, 140, 141, 142, 143, 146, 151, 161, 162, 165, 167, 171, 174, 175, 178, 179, 180, 183, 189, 191, 193, 195, 196, 199, 206, 211, 212, 214, 216, 220, 222, 224, 225, 226, 227, 234, 236, 239, 244, 256], "create_ag": [52, 146, 214], "create_agent_from_funct": [52, 146], "create_alert": [82, 146], "create_algorithm": [52, 146], "create_algorithm_from_funct": [52, 146], "create_app_user_group": [52, 146], "create_batch_predict": [52, 82, 146], "create_chat_sess": [52, 146, 214], "create_convers": [82, 146], "create_custom_loss_funct": [52, 146], "create_custom_loss_function_with_source_cod": [52, 146], "create_custom_metr": [52, 146], "create_custom_metric_from_funct": [52, 146], "create_dataset_from_application_connector": [52, 146], "create_dataset_from_database_connector": [52, 146], "create_dataset_from_file_connector": [52, 146], "create_dataset_from_panda": [52, 146], "create_dataset_from_streaming_connector": [52, 146], "create_dataset_from_upload": [52, 146], "create_dataset_version_from_application_connector": [52, 146], "create_dataset_version_from_database_connector": [52, 146], "create_dataset_version_from_document_reprocess": [52, 146], "create_dataset_version_from_file_connector": [52, 146], "create_dataset_version_from_panda": [52, 146], "create_dataset_version_from_upload": [52, 146], "create_deploy": [52, 146], "create_deployment_alert": [52, 146], "create_deployment_convers": [52, 146], "create_deployment_token": [52, 146, 214], "create_deployment_webhook": [52, 146], "create_document_retriev": [52, 146, 214], "create_document_retriever_vers": [52, 146], "create_eda": [52, 146, 214], "create_external_appl": [52, 82, 146], "create_featur": [52, 111, 146], "create_feature_group": [52, 146], "create_feature_group_from_funct": [52, 146], "create_feature_group_from_pandas_df": [52, 146], "create_feature_group_from_python_funct": [52, 146], "create_feature_group_from_spark_df": [52, 146], "create_feature_group_from_templ": [52, 146], "create_feature_group_templ": [52, 146], "create_feature_group_vers": [52, 146], "create_forecasting_monitor": [52, 146, 214], "create_graph_dashboard": [52, 146, 214], "create_holdout_analysi": [52, 146], "create_merge_feature_group": [52, 146], "create_model_from_fil": [52, 146], "create_model_from_funct": [52, 146, 214], "create_model_from_local_fil": [52, 146], "create_model_from_python": [52, 146, 214], "create_model_monitor": [52, 146, 214], "create_model_version_from_fil": [52, 146], "create_model_version_from_local_fil": [52, 146], "create_modul": [52, 146], "create_module_from_notebook": [52, 146], "create_monitor": [18, 27, 146], "create_monitor_alert": [52, 146, 214], "create_nested_featur": [52, 111, 146], "create_nlp_drift_monitor": [52, 146, 214], "create_online_feature_group": [52, 146], "create_operator_feature_group": [52, 146], "create_organization_group": [52, 146], "create_organization_secret": [52, 146], "create_pipelin": [52, 146], "create_pipeline_step": [52, 146], "create_pipeline_step_from_funct": [52, 146], "create_point_in_time_featur": [52, 111, 146], "create_point_in_time_group": [52, 111, 146], "create_point_in_time_group_featur": [52, 111, 146], "create_prediction_oper": [52, 146], "create_prediction_operator_from_funct": [52, 146], "create_prediction_operator_vers": [52, 146], "create_project": [52, 146], "create_python_funct": [52, 146], "create_python_function_from_funct": [52, 146], "create_realtime_content_stor": [52, 146], "create_realtime_monitor": [52, 82, 146], "create_refresh_polici": [42, 52, 78, 82, 146, 161], "create_sampl": [111, 146], "create_sampling_feature_group": [52, 146], "create_snapshot_feature_group": [52, 124, 146], "create_spark_df_from_feature_group_vers": [52, 146], "create_step": [146, 193], "create_step_from_funct": [146, 193], "create_streaming_dataset": [52, 146], "create_streaming_token": [52, 146], "create_templ": [111, 146], "create_train_test_data_split_feature_group": [52, 146, 214], "create_vers": [89, 111, 146, 211], "create_version_from_application_connector": [78, 146], "create_version_from_database_connector": [78, 146], "create_version_from_document_reprocess": [78, 146], "create_version_from_file_connector": [78, 146], "create_version_from_upload": [78, 146], "create_vision_drift_monitor": [52, 146, 214], "create_webhook": [82, 146], "created_at": [2, 9, 37, 40, 42, 48, 65, 66, 67, 75, 78, 80, 82, 83, 84, 89, 91, 94, 111, 113, 118, 119, 122, 124, 133, 140, 142, 143, 146, 151, 161, 162, 167, 174, 178, 179, 180, 189, 191, 193, 195, 196, 199, 211, 212, 214, 216, 220, 222, 224, 225, 226, 234, 236, 244, 248, 256], "created_bi": [146, 193], "createdat": [2, 9, 37, 40, 42, 48, 65, 66, 67, 75, 78, 80, 82, 83, 84, 89, 91, 94, 111, 113, 118, 119, 122, 124, 133, 140, 142, 143, 146, 151, 161, 162, 167, 174, 178, 179, 180, 189, 191, 193, 195, 196, 199, 211, 212, 214, 216, 220, 222, 224, 225, 226, 234, 236, 244, 248, 256], "createdbi": [146, 193], "createpointintimefeatur": [52, 111, 146], "creation": [13, 26, 27, 52, 89, 111, 146, 206, 220, 222, 225], "credit": [52, 146, 206], "cron": [42, 52, 78, 82, 146, 161, 193, 214, 224, 226, 227], "cross": [25, 27, 28, 146], "cross_entropi": [25, 27, 146], "crowding_limit": [52, 89, 146, 206], "cryptographi": 146, "csi": [25, 27, 102, 109, 110, 136, 146], "csv": [21, 22, 25, 27, 42, 43, 52, 78, 80, 82, 111, 146, 174], "csv_delimit": [21, 22, 27, 52, 78, 146], "csv_explanations_prefix": [42, 43, 52, 82, 146], "csv_input_prefix": [42, 43, 52, 82, 146], "csv_prediction_prefix": [42, 43, 52, 82, 146], "csvexplanationsprefix": [42, 43, 146], "csvinputprefix": [42, 43, 146], "csvpredictionprefix": [42, 43, 146], "ctr": [27, 28, 146], "cummulative_contribut": [52, 100, 101, 146], "cummulativecontribut": [100, 146], "cumul": [27, 28, 52, 146], "cumulative_forecast": [23, 25, 27, 28, 52, 146], "cumulative_prediction_length": [27, 28, 146], "cumulativeforecastingpredictionargu": [23, 27, 146], "cumulativeforecastingtrainingconfig": [27, 28, 146], "curl": [146, 238], "curr_month_avail_point": [60, 146], "curr_month_usag": [60, 146], "current": [2, 7, 14, 26, 27, 42, 43, 48, 52, 60, 67, 78, 80, 82, 89, 91, 94, 101, 103, 104, 111, 113, 121, 122, 124, 129, 133, 134, 140, 141, 142, 146, 161, 162, 163, 167, 171, 174, 175, 179, 180, 189, 193, 195, 196, 199, 202, 204, 206, 211, 212, 214, 224, 225, 226, 244, 256], "current_training_config": [52, 146, 163, 214], "currenttrainingconfig": [146, 163], "currmonthavailpoint": [60, 146], "currmonthusag": [60, 146], "curv": [52, 146, 161, 214], "custom": [9, 21, 22, 25, 27, 28, 52, 59, 64, 65, 66, 67, 68, 78, 111, 146, 161, 175, 178, 213, 214, 216, 220], "custom_algorithm": [25, 27, 28, 52, 146, 161, 175, 214], "custom_algorithm_config": [52, 146, 161, 175, 214], "custom_algorithms_onli": [52, 146, 214], "custom_artifact_filenam": [52, 146], "custom_chat_instruct": 146, "custom_field": [22, 27, 146], "custom_loss_funct": [27, 28, 146], "custom_metr": [27, 28, 146], "custom_metric_funct": [52, 146], "custom_metric_function_nam": [52, 67, 146], "custom_metric_id": [66, 146], "custom_metric_vers": [52, 146], "custom_t": [52, 111, 146], "custom_train_function_info": 146, "custom_trained_model": [25, 27, 28, 146], "customalgorithm": [146, 175], "customalgorithmconfig": [146, 161, 175], "customalgorithmtrainingconfig": [27, 28, 146], "customchatinstruct": [64, 146], "customer_churn": [52, 146], "customiz": [104, 146], "customlossfunct": [52, 65, 146], "custommetr": [52, 66, 146], "custommetricfunctionnam": [67, 146], "custommetricid": [66, 146], "custommetricvers": [52, 66, 67, 146], "customtrainedmodeltrainingconfig": [27, 28, 146], "customtrainfunctioninfo": [52, 68, 146, 214], "cutoff": [23, 27, 52, 78, 82, 146, 206], "cv": [25, 27, 146], "cycl": [146, 161, 175], "dai": [18, 27, 28, 52, 60, 78, 82, 100, 146], "daili": [25, 27, 52, 100, 136, 146, 214], "dashboard": [36, 52, 140, 146, 214, 220, 222], "dashboard_endpoint": [36, 146], "dashboardendpoint": [36, 146], "data": [3, 6, 8, 9, 10, 17, 18, 19, 23, 24, 26, 27, 28, 29, 30, 33, 35, 42, 43, 48, 52, 61, 62, 68, 69, 71, 72, 73, 76, 78, 79, 80, 82, 85, 88, 89, 92, 93, 94, 96, 97, 98, 99, 100, 101, 102, 103, 106, 107, 108, 110, 111, 124, 127, 129, 134, 135, 136, 146, 149, 150, 160, 161, 168, 169, 170, 171, 172, 175, 183, 184, 192, 206, 214, 216, 232, 234, 235, 240, 244], "data_cluster_info": [146, 175], "data_cluster_typ": [52, 146, 161], "data_column": [27, 33, 98, 134, 146], "data_columns_to_ignor": [27, 28, 146], "data_consistency_dupl": 146, "data_consistency_reference_config": [52, 146, 214], "data_consistency_test_config": [52, 146, 214], "data_feature_group_id": [27, 28, 146], "data_flow": [16, 27, 146], "data_gener": [25, 27, 146], "data_integr": [52, 146, 168, 169], "data_integrity_timeseri": [110, 146], "data_integrity_typ": [27, 30, 146], "data_integrity_viol": [25, 27, 146], "data_list": [52, 146], "data_llm_feature_group": [146, 161], "data_metr": 146, "data_prep_log": 146, "data_prompt_column_context": [27, 28, 146], "data_prompt_context": [27, 28, 146], "data_prompt_table_context": [27, 28, 146], "data_quality_result": 146, "data_sourc": [78, 146], "data_split_feature_group_table_nam": [27, 28, 146], "data_typ": [35, 52, 78, 79, 107, 111, 146, 183, 184, 232, 242], "data_upload_result": 146, "data_us": [146, 167], "databas": [21, 25, 27, 28, 33, 42, 43, 52, 74, 75, 76, 77, 78, 80, 82, 111, 113, 114, 117, 124, 146, 148, 161, 216, 236], "database_column": [74, 146], "database_column_feature_map": 146, "database_column_to_feature_map": [146, 148], "database_connector": [42, 43, 146, 161], "database_connector_column": 146, "database_connector_config": [78, 80, 146], "database_connector_id": [27, 28, 33, 42, 43, 52, 75, 78, 82, 113, 114, 124, 146], "database_connector_schema": 146, "database_connector_t": [27, 28, 146], "database_feature_map": [52, 82, 113, 114, 117, 124, 146], "database_output_config": [42, 52, 82, 146], "database_output_configur": [42, 43, 146], "database_output_error": [43, 113, 146], "database_output_failed_writ": [43, 146], "database_output_total_writ": [43, 146], "databasecolumn": [74, 146], "databasecolumnfeaturemap": [74, 146, 148], "databasecolumntofeaturemap": [146, 148], "databaseconnector": [52, 75, 146, 161], "databaseconnectorcolumn": [76, 77, 146], "databaseconnectorconfig": [78, 80, 146], "databaseconnectorexportconfig": [27, 33, 146], "databaseconnectorid": [42, 43, 52, 75, 78, 82, 113, 114, 146], "databaseconnectorschema": [52, 75, 77, 146], "databasefeaturemap": [113, 114, 117, 146], "databaseoutputconfigur": [42, 43, 146], "databaseoutputerror": [43, 113, 146], "databaseoutputfailedwrit": [43, 146], "databaseoutputtotalwrit": [43, 146], "dataclusterinfo": [146, 175], "datacolumn": [98, 134, 146], "dataconsistencydelet": [97, 146], "dataconsistencydupl": [69, 97, 146], "dataconsistencytransform": [97, 146], "datafram": [27, 34, 42, 43, 52, 68, 103, 111, 124, 146, 161, 175, 211, 214, 220, 221], "dataframeresponsesect": [27, 34, 146], "datagenerationconfig": [26, 27, 146], "dataintegr": [146, 168, 169], "dataintegritytimeseri": [110, 146], "dataintegrityviol": [25, 27, 146], "dataintegrityviolationconditionconfig": [27, 30, 146], "dataintegrityviolationtyp": [25, 27, 30, 146], "datallm": [27, 28, 146], "datallmfeaturegroup": [146, 161], "datametr": [52, 70, 80, 124, 146], "datanotfounderror": [52, 146], "datapreplog": [52, 71, 146, 175], "dataqualityresult": [72, 146], "dataset": [9, 20, 22, 26, 27, 28, 42, 52, 70, 79, 80, 81, 111, 116, 124, 126, 133, 146, 161, 194, 198, 206, 207, 208, 209, 214, 216, 219, 225, 226, 234, 244, 247], "dataset_application_connector": 27, "dataset_column": 146, "dataset_config": [52, 78, 146], "dataset_error": [146, 219], "dataset_id": [25, 27, 52, 78, 80, 111, 146, 194, 207, 214, 216, 226, 244], "dataset_id_remap": [42, 52, 146, 209], "dataset_typ": [146, 207, 208, 247], "dataset_upload_id": [146, 244], "dataset_vers": [52, 146, 198, 207, 225, 244], "dataset_version_log": 146, "datasetcolumn": [52, 78, 79, 146], "datasetconfig": [20, 21, 22, 27, 146], "datasetdocumentprocessingconfig": [21, 22, 27, 52, 78, 146], "dataseterror": [146, 219], "datasetid": [78, 80, 111, 146, 194, 207, 216, 226, 244], "datasetidremap": [146, 209], "datasettyp": [146, 207, 208, 247], "datasetuploadid": [146, 244], "datasetvers": [52, 78, 80, 103, 146, 198, 207, 225, 244], "datasetversionlog": [52, 80, 81, 146], "datasourc": [78, 146], "datatyp": [25, 27, 52, 78, 79, 107, 111, 146, 183, 184, 232, 242], "datauploadresult": [73, 146], "date": [2, 7, 16, 18, 23, 25, 27, 28, 43, 52, 66, 82, 83, 87, 94, 101, 140, 146, 161, 167, 171, 175, 178, 179, 180, 185, 191, 193, 195, 196, 199, 206, 211, 212, 214, 222, 224, 232, 248, 256], "date_format_lookback_dai": [52, 146], "date_label": [87, 146], "date_publish": [146, 185], "datelabel": [87, 146], "datepublish": [146, 185], "datetim": [25, 27, 28, 115, 146, 166, 232], "datetime_holiday_calendar": [27, 28, 146], "dd": [18, 27, 52, 146], "ddthh": [18, 27, 146], "deal": [27, 28, 146], "decid": [21, 27, 52, 146, 214], "decil": [52, 146, 171], "decod": 35, "decreas": [27, 28, 146], "dedupl": [52, 111, 146], "deepseek_r1": [25, 27, 146], "deepseek_v3": [25, 27, 146], "defailt": [52, 146], "default": [2, 9, 15, 16, 18, 21, 23, 24, 25, 26, 27, 28, 30, 31, 35, 37, 42, 52, 62, 80, 82, 84, 89, 91, 111, 124, 138, 146, 159, 160, 161, 166, 174, 175, 189, 193, 195, 206, 207, 208, 214, 242, 244], "default_algorithm": [146, 161, 175], "default_group": [52, 146, 189], "default_items_upload_id": [146, 174], "default_label": [146, 160], "default_messag": [146, 160], "default_prediction_argu": [82, 146], "default_serv": [52, 146], "default_valu": [16, 27, 146], "defaultalgorithm": [146, 161, 175], "defaultgroup": [146, 189], "defaultitemsuploadid": [146, 174], "defaultlabel": [146, 160], "defaultmessag": [146, 160], "defaultpredictionargu": [82, 146], "defin": [2, 16, 18, 25, 27, 35, 38, 52, 65, 67, 111, 146, 161, 175, 189, 211, 214, 227], "definit": [52, 78, 111, 124, 146, 214, 216], "degre": [146, 192], "delai": [52, 103, 111, 146, 202, 204], "delet": [37, 40, 42, 48, 52, 75, 78, 80, 82, 84, 91, 94, 97, 101, 104, 111, 122, 124, 140, 146, 161, 167, 171, 175, 179, 189, 193, 195, 211, 212, 214, 224, 226, 235, 236, 256], "delete_algorithm": [52, 146], "delete_api_kei": [52, 146], "delete_app_user_group": [52, 146], "delete_application_connector": [52, 146], "delete_batch_predict": [52, 146], "delete_chat_messag": [48, 52, 146], "delete_custom_loss_funct": [52, 146], "delete_custom_metr": [52, 146], "delete_data": [52, 111, 146], "delete_database_connector": [52, 146], "delete_dataset": [52, 146], "delete_dataset_vers": [52, 146], "delete_deploy": [52, 146], "delete_deployment_convers": [52, 146], "delete_deployment_token": [52, 146], "delete_document_retriev": [52, 146], "delete_document_retriever_vers": [52, 146], "delete_eda": [52, 146], "delete_eda_vers": [52, 146], "delete_external_appl": [52, 146], "delete_featur": [52, 111, 146], "delete_feature_group": [52, 146], "delete_feature_group_templ": [52, 146], "delete_feature_group_vers": [52, 146], "delete_file_connector": [52, 146], "delete_graph_dashboard": [52, 146], "delete_graph_from_dashboard": [52, 146], "delete_item_embed": [52, 146, 235], "delete_model": [52, 146], "delete_model_monitor": [52, 146], "delete_model_monitor_vers": [52, 146], "delete_model_vers": [52, 146], "delete_modul": [52, 146], "delete_monitor_alert": [52, 146], "delete_nested_featur": [52, 111, 146], "delete_organization_group": [52, 146], "delete_organization_secret": [52, 146], "delete_pipelin": [52, 146], "delete_pipeline_step": [52, 146], "delete_point_in_time_group": [52, 111, 146], "delete_prediction_oper": [52, 146], "delete_prediction_operator_vers": [52, 146], "delete_project": [52, 146], "delete_python_funct": [52, 146], "delete_realtime_monitor": [52, 146], "delete_refresh_polici": [52, 146], "delete_scoped_cache_kei": [52, 146], "delete_streaming_connector": [52, 146], "delete_streaming_token": [52, 146], "delete_webhook": [52, 146], "delimit": [21, 22, 27, 52, 78, 80, 146], "delta": [52, 146, 206], "demand": [27, 28, 146], "demographic_par": [25, 27, 146], "demot": [52, 146, 206], "deni": 52, "denot": [52, 146, 152, 244], "depend": [16, 27, 28, 52, 59, 146, 193, 195, 196, 220], "depict": [84, 146], "deploi": [2, 9, 24, 27, 28, 42, 43, 52, 82, 89, 91, 146, 161, 206, 211, 214], "deploy": [2, 6, 7, 22, 24, 27, 30, 36, 42, 43, 51, 52, 53, 83, 84, 85, 86, 87, 89, 91, 104, 111, 119, 120, 121, 124, 146, 151, 161, 166, 171, 173, 175, 179, 186, 194, 198, 206, 211, 214, 224, 225, 226, 256], "deploy_prediction_oper": [52, 146], "deployable_algorithm": [146, 175], "deployablealgorithm": [27, 28, 146, 175], "deployed_at": [82, 146], "deployedat": [82, 146], "deployment_auth_token": 146, "deployment_convers": 146, "deployment_conversation_ev": 146, "deployment_conversation_export": 146, "deployment_conversation_id": [6, 51, 52, 53, 82, 84, 86, 146, 186, 206], "deployment_conversation_retention_hour": [52, 104, 146], "deployment_fail": [52, 82, 146], "deployment_id": [25, 27, 42, 43, 52, 82, 84, 104, 119, 120, 146, 151, 161, 179, 194, 206, 214, 224, 226, 256], "deployment_start": [52, 82, 146], "deployment_statist": 146, "deployment_statu": [91, 146], "deployment_success": [52, 82, 146], "deployment_token": [52, 82, 83, 146, 206], "deployment_vers": [146, 198, 225], "deploymentauthtoken": [52, 83, 146, 214], "deploymentconvers": [52, 82, 84, 146], "deploymentconversationev": [84, 85, 146], "deploymentconversationexport": [52, 84, 86, 146], "deploymentconversationid": [6, 51, 53, 84, 86, 146, 186], "deploymentconversationretentionhour": [104, 146], "deploymentconversationtyp": [25, 27, 52, 82, 146], "deploymentid": [42, 43, 82, 84, 104, 119, 120, 146, 151, 179, 194, 224, 226, 256], "deploymentstatist": [52, 82, 87, 146], "deploymentstatu": [91, 146], "deploymenttoken": [83, 146], "deploymentvers": [146, 198, 225], "deploymet": [82, 146], "deprec": [52, 104, 146], "deprecated_enum": [25, 27, 146], "deprecated_kei": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "depth": [26, 27, 146], "depth_column": [26, 27, 146], "deriv": [25, 27, 35, 146], "descend": [21, 27, 99, 146], "describ": [2, 7, 42, 43, 52, 59, 67, 78, 80, 82, 89, 91, 93, 94, 96, 97, 99, 101, 103, 104, 108, 111, 113, 119, 122, 124, 140, 141, 142, 146, 161, 162, 167, 171, 175, 179, 180, 189, 193, 195, 196, 199, 206, 211, 214, 220, 224, 225, 226, 227, 244, 256], "describe_ag": [52, 146], "describe_agent_vers": [52, 146], "describe_algorithm": [52, 146], "describe_annot": [52, 111, 146], "describe_async_feature_group_oper": [52, 146], "describe_batch_predict": [52, 146], "describe_batch_prediction_vers": [52, 146], "describe_custom_loss_funct": [52, 146], "describe_custom_metr": [52, 146], "describe_custom_metric_vers": [52, 146], "describe_dataset": [52, 111, 146], "describe_dataset_vers": [52, 146], "describe_deploy": [52, 146], "describe_document_retriev": [52, 146], "describe_document_retriever_by_nam": [52, 146], "describe_document_retriever_vers": [52, 146], "describe_eda": [52, 146], "describe_eda_vers": [52, 146], "describe_external_appl": [52, 146], "describe_feature_group": [52, 78, 146, 214], "describe_feature_group_by_table_nam": [52, 146], "describe_feature_group_export": [52, 146], "describe_feature_group_row_process_by_kei": [52, 82, 146], "describe_feature_group_templ": [52, 146], "describe_feature_group_vers": [52, 146], "describe_graph_dashboard": [52, 146], "describe_graph_for_dashboard": [52, 146], "describe_holdout_analysi": [52, 146], "describe_holdout_analysis_vers": [52, 146], "describe_imag": [52, 146, 206], "describe_model": [52, 146], "describe_model_artifacts_export": [52, 146], "describe_model_monitor": [52, 146], "describe_model_monitor_vers": [52, 146], "describe_model_vers": [52, 146], "describe_modul": [52, 146], "describe_monitor_alert": [52, 146], "describe_monitor_alert_vers": [52, 146], "describe_organization_group": [52, 146], "describe_output_feature_group": [42, 146], "describe_pipelin": [52, 146], "describe_pipeline_by_nam": [52, 146], "describe_pipeline_step": [52, 146], "describe_pipeline_step_by_nam": [52, 146], "describe_pipeline_step_vers": [52, 146], "describe_pipeline_vers": [52, 146], "describe_prediction_oper": [52, 146], "describe_problem_typ": [52, 146], "describe_project": [52, 146], "describe_project_feature_group": [52, 146], "describe_python_funct": [52, 146], "describe_realtime_monitor": [52, 146], "describe_refresh_pipeline_run": [52, 146], "describe_refresh_polici": [52, 146], "describe_step_by_nam": [146, 193], "describe_train_test_data_split_feature_group": [52, 146, 161], "describe_train_test_data_split_feature_group_vers": [52, 146, 175], "describe_upload": [52, 146], "describe_us": [52, 146], "describe_use_case_requir": [52, 146], "describe_webhook": [52, 146], "descript": [2, 7, 16, 17, 26, 27, 28, 32, 42, 52, 76, 77, 78, 79, 80, 82, 94, 95, 101, 103, 104, 110, 111, 122, 127, 131, 134, 138, 140, 146, 149, 151, 161, 162, 163, 164, 167, 171, 172, 175, 179, 180, 184, 185, 187, 193, 194, 199, 202, 213, 214, 216, 217, 220, 232, 240, 241, 242, 246, 247, 258], "description_col": [26, 27, 146], "desir": [27, 31, 52, 146, 206], "destin": [52, 61, 111, 146], "detach": [52, 111, 146], "detach_feature_group_from_templ": [52, 146], "detach_from_templ": [111, 146], "detail": [16, 27, 28, 35, 52, 111, 127, 146, 171, 232, 239, 241, 244, 252], "detect": [23, 27, 28, 52, 78, 79, 80, 107, 146, 184, 192, 206, 232], "detected_data_typ": [79, 107, 146, 232], "detected_feature_map": [146, 232], "detected_feature_typ": [79, 107, 146, 184, 232], "detecteddatatyp": [79, 107, 146, 232], "detectedfeaturemap": [146, 232], "detectedfeaturetyp": [79, 107, 146, 184, 232], "determin": [10, 21, 27, 28, 30, 38, 52, 78, 89, 111, 126, 146, 175, 206, 214, 216], "determinist": [52, 146], "dev": [27, 29, 146], "deviat": [146, 150], "df": [27, 34, 35, 52, 146], "diagram": [21, 27, 146], "dialect": [52, 146], "dict": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 21, 23, 25, 27, 28, 31, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "dict_object": [16, 27, 146], "dict_valu": [146, 242], "dictat": [42, 146], "dictionari": [2, 3, 10, 15, 16, 27, 28, 29, 30, 33, 34, 52, 82, 85, 89, 111, 118, 128, 146, 160, 161, 166, 170, 206, 214, 220, 221, 235, 247, 256], "differ": [21, 27, 28, 50, 52, 72, 100, 105, 123, 141, 146, 172, 175, 213, 238], "differenti": [85, 146], "digit": [21, 27, 28, 52, 88, 146, 192], "dimens": [27, 28, 146], "dimension": [], "dir1": [52, 146], "dir2": [52, 146], "dir4": [52, 146], "direct": [25, 27, 116, 146], "directli": [16, 27, 146, 164], "directori": [38, 52, 146, 161], "disabl": [25, 27, 28, 52, 82, 111, 146, 188], "disable_data_summar": [27, 28, 146], "disable_gpu": [27, 28, 146], "disable_host_restrict": [26, 27, 146], "disable_networks_without_analytic_quantil": [27, 28, 146], "disable_problem_type_context": [17, 27, 146], "disable_test_val_fold": [27, 28, 146], "disable_timestamp_scalar_featur": [27, 28, 146], "disable_transform": [27, 28, 146], "disclaim": [146, 160], "discov": [46, 146, 187, 223], "discrep": [110, 146], "disk": [52, 89, 146, 206], "displai": [27, 34, 52, 82, 84, 85, 98, 103, 111, 124, 138, 146, 163, 164, 172, 206, 231], "display_nam": [138, 146, 164, 231], "displaynam": [138, 146, 164, 231], "distanc": [27, 28, 52, 102, 109, 110, 136, 146, 206], "distinct": [26, 27, 146], "distribut": [27, 28, 46, 52, 92, 100, 102, 108, 109, 110, 136, 146, 171, 181, 206, 223], "diverg": [102, 109, 110, 136, 146, 168], "divers": [52, 89, 146, 206], "diversity_attribute_nam": [52, 146, 206], "diversity_max_results_per_valu": [52, 146, 206], "do": [27, 28, 52, 111, 146, 214], "do_masked_language_model_pretrain": [27, 28, 146], "doc": [25, 27, 146], "doc_id": [3, 5, 12, 13, 35, 47, 52, 82, 88, 111, 112, 124, 146, 192, 206], "doc_id1": [52, 146], "doc_id2": [52, 146], "doc_id_column": [26, 27, 35, 111, 124, 146], "doc_id_featur": [52, 111, 146], "doc_info": [6, 52, 73, 82, 85, 146, 206], "docid": [3, 5, 12, 13, 47, 52, 88, 112, 146, 192, 206], "docinfo": [6, 73, 85, 146], "docker": [27, 28, 146], "docker_image_uri": [27, 28, 146], "docker_model": [52, 146], "docker_model_with_embed": [52, 146], "docstor": [5, 12, 35, 52, 78, 82, 88, 146, 192, 206], "docstoreutil": 35, "docstr": [0, 146], "document": [3, 5, 6, 12, 13, 14, 16, 21, 22, 23, 24, 26, 27, 28, 47, 52, 73, 78, 82, 84, 85, 88, 89, 90, 91, 106, 111, 112, 124, 127, 146, 161, 175, 192, 193, 195, 206, 214, 232], "document_classif": [25, 27, 28, 146], "document_column": [26, 27, 35, 111, 124, 146], "document_cont": [16, 27, 146], "document_data": 146, "document_featur": [], "document_format": [27, 28, 146], "document_id": [52, 89, 146], "document_processing_config": [22, 26, 27, 35, 52, 78, 146], "document_processing_vers": [35, 52, 146], "document_retriev": [27, 28, 146, 161], "document_retriever_config": [52, 89, 91, 146, 214], "document_retriever_id": [52, 89, 91, 146, 161], "document_retriever_lookup_result": 146, "document_retriever_map": [146, 175], "document_retriever_vers": [52, 146], "document_sourc": [90, 146], "document_summar": [25, 27, 28, 146], "document_text": [52, 146], "document_typ": [21, 25, 27, 146], "document_visu": [25, 27, 28, 146], "documentation_char_limit": [26, 27, 146], "documentclassificationtrainingconfig": [27, 28, 146], "documentdata": [52, 88, 146], "documentprocessingconfig": [21, 26, 27, 52, 78, 146], "documentretriev": [52, 89, 146, 161, 214], "documentretrieverconfig": [24, 27, 89, 91, 146], "documentretrieverid": [89, 91, 146, 161], "documentretrieverlookupresult": [52, 89, 90, 146, 206], "documentretrievermap": [146, 175], "documentretrieververs": [52, 89, 91, 146], "documentset": [78, 146], "documentsourc": [90, 146], "documentsummarizationtrainingconfig": [27, 28, 146], "documenttyp": [21, 25, 27, 146], "documentvisualizationtrainingconfig": [27, 28, 146], "docx": [25, 27, 52, 146], "doe": [52, 63, 78, 146, 206, 211, 235], "doesn": [2, 7, 16, 27, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 225, 244], "domain": [146, 188], "don": [52, 146, 206], "done": [14, 21, 27, 52, 88, 94, 111, 146, 221], "dot": [52, 146, 206], "down": [47, 146], "download": [19, 27, 43, 52, 86, 113, 115, 146], "download_agent_attach": [52, 82, 146], "download_batch_prediction_result_chunk": [43, 52, 146], "download_execute_feature_group_operation_result_part_chunk": [52, 146], "download_method": 35, "download_result_to_fil": [43, 146], "download_url": [115, 146], "downloadurl": [115, 146], "downsampl": [27, 28, 146], "downsample_item_popularity_percentil": [27, 28, 146], "downstream": [52, 146, 199], "draft": [2, 146], "draft_workflow_graph": [2, 146], "draftworkflowgraph": [2, 146], "drift": [18, 27, 30, 42, 43, 52, 92, 93, 102, 109, 110, 136, 146, 167, 168, 169, 170, 171, 181, 214, 224], "drift_distribut": 146, "drift_monitor_error": [43, 146], "drift_monitor_statu": [43, 146], "drift_typ": [27, 30, 146], "driftdistribut": [52, 92, 93, 146, 171], "driftmonitorerror": [43, 146], "driftmonitorstatu": [43, 146], "drifttypesvalu": [102, 146], "drilldown": [146, 172], "drive": [22, 27, 146], "drop": [26, 27, 146], "drop_non_intersecting_column": [26, 27, 146], "drop_original_categor": [27, 28, 146], "dropdown": [16, 27, 41, 104, 145, 146], "dropout": [27, 28, 146], "dropout_r": [27, 28, 146], "dst_local": 35, "due": [52, 89, 146, 158, 182, 206], "duplic": [52, 69, 70, 97, 101, 111, 146, 216, 217], "duplicate_featur": [111, 146, 216, 217], "duplicatefeatur": [111, 146, 216, 217], "durat": [27, 28, 29, 52, 146, 206], "dure": [16, 18, 27, 28, 42, 52, 71, 82, 89, 146, 161, 175, 206, 214, 229], "dynam": [27, 28, 34, 146], "e": [9, 10, 13, 21, 23, 27, 28, 30, 38, 42, 43, 52, 53, 65, 66, 89, 101, 111, 122, 146, 171, 206, 220], "e5": [25, 27, 146], "e5_smal": [25, 27, 146], "each": [2, 16, 18, 21, 22, 27, 28, 52, 68, 70, 79, 82, 87, 88, 89, 101, 102, 108, 109, 111, 134, 140, 145, 146, 161, 163, 168, 169, 175, 193, 195, 206, 211, 214, 224, 232, 235, 240, 244, 247, 250], "easili": [27, 28, 146], "ebm_explain": [25, 27, 146], "ebm_feature_import": [126, 146], "ebmfeatureimport": [126, 146], "eda": [52, 95, 96, 97, 98, 99, 100, 101, 146, 167, 171, 214], "eda_chart_descript": 146, "eda_collinear": 146, "eda_completed_at": [101, 146], "eda_config": [94, 146, 167, 171], "eda_data_consist": 146, "eda_feature_associ": 146, "eda_feature_collinear": 146, "eda_forecasting_analysi": 146, "eda_id": [52, 94, 101, 146], "eda_started_at": [101, 146], "eda_vers": [52, 146], "edachartdescript": [95, 134, 146], "edacollinear": [52, 96, 101, 146], "edacompletedat": [101, 146], "edaconfig": [94, 146, 167, 171], "edadataconsist": [52, 97, 101, 146], "edafeatureassoci": [52, 98, 101, 146], "edafeaturecollinear": [52, 99, 101, 146], "edaforecastinganalysi": [52, 100, 101, 146], "edaid": [94, 101, 146], "edastartedat": [101, 146], "edavers": [52, 94, 101, 146], "edg": [16, 27, 146], "edit": [13, 16, 27, 52, 56, 57, 58, 65, 66, 146, 161, 178, 211], "effect": [21, 27, 100, 146], "effici": [52, 111, 146], "eg": [78, 130, 146, 152], "either": [37, 52, 61, 82, 93, 111, 124, 146, 170, 206, 214, 220, 221], "element": [16, 27, 34, 52, 146, 206], "elig": [82, 110, 146, 181], "ellipsi": 35, "els": [42, 43, 52, 146, 206, 248], "email": [25, 27, 30, 38, 50, 51, 52, 105, 111, 146, 177, 189, 193, 232, 248], "email_bodi": [27, 30, 146], "email_recipi": [27, 30, 146], "emailactionconfig": [27, 30, 146], "emb": [52, 82, 146, 206, 251], "embed": [21, 27, 28, 52, 88, 89, 91, 102, 146, 174, 192, 206, 214, 235], "embed_url": [146, 251], "embedded_imag": [25, 27, 146], "embedded_text": [35, 88, 146, 192], "embeddedtext": [88, 146, 192], "embedding_feature_drift_distribut": 146, "embedding_file_s": [91, 146], "embeddingfeaturedriftdistribut": [102, 146, 181], "embeddingfiles": [91, 146], "embeddings_distribut": [146, 181], "embeddings_onli": [52, 146], "embeddings_upload_id": [146, 174], "embeddingsdistribut": [146, 181], "embeddingsuploadid": [146, 174], "embedurl": [146, 251], "eml": [25, 27, 146], "emot": [25, 27, 146], "empti": [27, 28, 52, 111, 146], "enabl": [22, 25, 27, 28, 51, 52, 64, 78, 80, 82, 111, 146, 211, 214], "enable_batch_streaming_upd": [52, 146], "enable_binary_input": [27, 28, 52, 146, 161, 214], "enable_clust": [27, 28, 146], "enable_code_execut": [27, 28, 64, 146], "enable_cold_start": [27, 28, 146], "enable_email_alert": [51, 146], "enable_feature_select": [27, 28, 146], "enable_image_gener": [64, 146], "enable_inline_source_cit": [27, 28, 146], "enable_llm_rewrit": [27, 28, 146], "enable_multiple_backtest": [27, 28, 146], "enable_pad": [27, 28, 146], "enable_playground": [64, 146], "enable_response_cach": [27, 28, 146], "enable_tool_bar": [27, 28, 146], "enable_web_search": [27, 28, 64, 146], "enablecodeexecut": [64, 146], "enabled_external_link": [146, 160], "enabledexternallink": [146, 160], "enableemailalert": [51, 146], "enableimagegener": [64, 146], "enableplayground": [64, 146], "enablewebsearch": [64, 146], "encapsul": [52, 146, 244], "encod": [24, 27, 28, 35, 52, 146, 156], "encount": 52, "encrypt": [143, 146], "end": [7, 18, 22, 27, 29, 52, 56, 82, 89, 101, 137, 146, 152, 171, 175, 180], "end_dat": [52, 82, 146], "end_fram": [], "end_lin": [56, 146], "end_pag": [52, 146], "end_tim": [27, 29, 146], "end_timestamp": [22, 23, 27, 52, 146, 206], "end_word_index": [52, 89, 146], "endfram": [], "endlin": [56, 146], "endpoint": [36, 49, 52, 82, 146, 256], "energi": [52, 146], "enforc": [27, 31, 52, 82, 146], "engin": [27, 28, 146], "enhanc": [27, 28, 146], "enhanced_ocr": [27, 28, 146], "enough": [27, 30, 146], "ensur": [52, 89, 111, 146, 206, 214], "enter": [52, 146, 206], "enterpris": [27, 28, 146], "entir": [22, 27, 52, 78, 146], "entiti": [27, 28, 52, 146, 206, 255], "entity_label_list": [146, 232], "entri": [13, 27, 28, 52, 78, 80, 82, 111, 146, 187, 206], "entropi": [25, 27, 146], "enum": [16, 18, 20, 21, 22, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 42, 52, 75, 124, 146, 189, 246, 247], "enum_valu": [25, 27, 146], "enumer": [25, 27, 35, 52, 69, 146], "environ": [52, 146, 161, 214, 220, 221], "ephemer": [78, 146], "eq": [27, 31, 146], "equal": [27, 28, 52, 111, 146], "equal_opportun": [25, 27, 146], "equip": [27, 28, 146], "equival": [52, 146], "error": [7, 25, 27, 35, 43, 52, 59, 80, 82, 85, 91, 101, 103, 111, 113, 119, 124, 131, 133, 137, 142, 146, 149, 153, 154, 162, 171, 175, 180, 193, 196, 198, 199, 212, 216, 219, 220, 221, 227, 229, 240, 249], "error_descript": [146, 240], "errordescript": [146, 240], "escap": [21, 27, 146], "etag": [52, 146, 244, 245], "etc": [2, 7, 10, 15, 16, 21, 27, 28, 29, 30, 33, 34, 42, 43, 52, 65, 78, 80, 82, 89, 91, 101, 103, 111, 113, 124, 142, 146, 152, 161, 162, 171, 175, 180, 193, 199, 206, 225, 244], "euclidean": [52, 146, 206], "eval": [27, 28, 52, 146, 175], "evalartifacttyp": [25, 27, 52, 146, 175], "evalu": [16, 18, 27, 28, 52, 146, 161, 214], "evaluate_edge_condit": 35, "evaluate_prompt": [52, 146], "evaluation_feature_group_id": [52, 146, 214], "even": [52, 146, 214], "event": [27, 28, 52, 78, 84, 146, 206, 256], "event_anomali": [25, 27, 28, 146], "event_anomaly_detect": [52, 146], "event_d": [52, 78, 146], "eventanomalytrainingconfig": [27, 28, 146], "everi": [42, 43, 52, 111, 128, 146, 160, 206], "ex": [52, 146], "exact": [52, 146, 206], "exactli": [52, 146, 206], "exampl": [16, 26, 27, 28, 48, 52, 78, 80, 146, 161, 175, 193, 195, 206, 211, 214, 220, 238], "example_extract": [16, 27, 146], "examples_per_target": [26, 27, 146], "exce": [27, 30, 52, 146], "exceed": [52, 78, 111, 146], "except": [26, 27, 137, 220, 221, 249], "exception_on_404": [52, 146], "exclud": [26, 27, 28, 52, 89, 146, 206, 214], "exclude_bias_analysi": [52, 146, 214], "exclude_data_integrity_analysi": [52, 146, 214], "exclude_feature_drift_analysi": [52, 146, 214], "exclude_interactive_performance_analysi": [52, 146, 214], "exclude_item": [52, 146, 206], "exclude_item_id": [52, 146, 206], "exclude_performance_analysi": [52, 146, 214], "exclude_stream": [52, 146], "exclus": [52, 146, 206, 214], "exclusive_run": [52, 146, 214], "execut": [2, 6, 7, 9, 16, 27, 28, 34, 52, 64, 85, 103, 111, 137, 146, 153, 154, 159, 161, 193, 206, 211, 214, 216, 220, 221, 226, 227, 258], "execute_ag": [52, 146, 206], "execute_agent_with_binary_data": [52, 146, 206], "execute_async_feature_group_oper": [52, 146], "execute_chatllm_computer_stream": [52, 146], "execute_conversation_ag": [52, 146, 206], "execute_conversation_agent_stream": [52, 146], "execute_data_query_using_llm": [52, 146], "execute_feature_group_oper": 146, "execute_feature_group_sql": [52, 146], "execute_python": [52, 146], "execute_python_sourc": 35, "execute_workflow_nod": [52, 146], "executefeaturegroupoper": [52, 103, 146, 154], "execution_condit": [16, 27, 146], "exist": [52, 82, 89, 96, 111, 122, 124, 134, 146, 161, 206, 211], "exp": [25, 27, 28, 146], "expand": [52, 89, 146, 206], "expect": [27, 28, 52, 82, 146, 161, 206, 214, 242], "expected_typ": 15, "experi": [23, 27, 52, 82, 146, 206], "experiment": [25, 27, 28, 64, 146], "experimental_featur": [64, 146], "experimentalfeatur": [64, 146], "experimentation_mod": [27, 28, 146], "experimentationmod": [25, 27, 28, 146], "expir": [37, 52, 113, 115, 130, 146], "expiration_tim": [52, 146], "expires_at": [37, 115, 146], "expiresat": [37, 115, 146], "explain": [18, 23, 27, 52, 126, 146, 206], "explain_predict": [18, 23, 27, 52, 146, 206], "explainer_typ": [18, 23, 27, 52, 146, 206], "explainertyp": [18, 25, 27, 146], "explan": [18, 23, 27, 42, 43, 52, 82, 111, 146, 161, 182, 206, 216], "explanation_filter_label": [18, 27, 146], "explanation_filter_lower_bound": [18, 27, 146], "explanation_filter_upper_bound": [18, 27, 146], "explicit": [27, 28, 146], "explicit_time_split": [27, 28, 146], "explicitli": [52, 78, 146], "explod": [18, 27, 146], "explode_output": [18, 27, 146], "explor": [26, 27, 52, 146, 206], "exploratori": [52, 94, 101, 146, 214], "explore_fract": [52, 146, 206], "export": [27, 28, 33, 48, 52, 74, 82, 84, 86, 111, 113, 114, 115, 117, 124, 146, 161, 162, 164, 175, 216, 226], "export_chat_sess": [52, 146], "export_completed_at": [113, 146, 162], "export_connector_config": [111, 146, 216], "export_custom": [146, 175], "export_custom_model_vers": [52, 146], "export_deployment_convers": [52, 146], "export_feature_group_version_to_consol": [52, 146], "export_feature_group_version_to_database_connector": [52, 146], "export_feature_group_version_to_file_connector": [52, 146], "export_file_format": [27, 33, 52, 117, 124, 146], "export_model_artifact_as_feature_group": [52, 146, 175], "export_on_materi": [111, 146, 216], "export_to_consol": [124, 146], "export_to_database_connector": [124, 146], "export_to_file_connector": [124, 146], "exportcompletedat": [113, 146, 162], "exportconnectorconfig": [111, 146, 216], "exportfileformat": [117, 146], "exportonmateri": [111, 146, 216], "expos": 35, "express": [16, 27, 28, 52, 82, 111, 146, 202, 203, 205, 216, 224], "extend": [52, 146], "extens": [27, 28, 52, 146], "extern": [27, 28, 36, 38, 40, 45, 51, 52, 53, 75, 76, 78, 82, 84, 104, 117, 130, 146, 160, 172, 178, 188, 228, 236], "external_appl": 146, "external_application_id": [38, 45, 51, 52, 82, 84, 104, 146, 228], "external_chat_endpoint": [36, 146], "external_connection_id": [117, 146], "external_data_typ": [76, 146], "external_database_schema": [52, 146], "external_invit": 146, "external_servic": [78, 146], "external_service_group_id": [38, 146], "external_session_id": [52, 82, 84, 146, 206], "externalappl": [52, 82, 104, 146], "externalapplicationid": [38, 45, 51, 84, 104, 146, 228], "externalchatendpoint": [36, 146], "externalconnectionid": [117, 146], "externaldatatyp": [76, 146], "externalinvit": [52, 105, 146], "externalservicegroupid": [38, 146], "externalsessionid": [84, 146], "extra": [52, 84, 146], "extra_arg": [52, 146], "extract": [16, 21, 22, 26, 27, 28, 52, 78, 88, 106, 111, 124, 146, 192, 206], "extract_agent_workflow_inform": [52, 146], "extract_bounding_box": [21, 22, 27, 52, 78, 146], "extract_data_using_llm": [52, 146], "extract_document_data": [25, 27, 52, 146], "extract_imag": [21, 27, 146], "extractboundingbox": [78, 146], "extractdocumentdataconfig": [26, 27, 146], "extracted_field": 146, "extracted_page_text": [88, 146], "extracted_text": [35, 88, 146, 192], "extractedfield": [52, 106, 146], "extractedpagetext": [88, 146], "extractedtext": [88, 146, 192], "f1": [52, 146, 206], "f1_score": [25, 27, 146], "factor": [24, 27, 28, 52, 146, 206], "factori": 52, "fail": [7, 43, 52, 59, 80, 82, 89, 91, 101, 103, 113, 119, 121, 124, 133, 142, 146, 153, 154, 162, 168, 171, 175, 180, 196, 199, 212], "failed_deployment_id": [7, 146, 171, 175], "failed_predict": [43, 146], "failed_process": [121, 146], "failed_writ": [113, 146], "faileddependencyerror": [52, 146], "faileddeploymentid": [7, 146, 171, 175], "failedpredict": [43, 146], "failedprocess": [121, 146], "failedwrit": [113, 146], "failur": [146, 240], "fall": [27, 28, 146], "fallback": [27, 28, 146], "fals": [15, 16, 21, 22, 23, 24, 26, 27, 28, 35, 43, 52, 75, 80, 82, 84, 89, 104, 111, 124, 142, 146, 161, 175, 206, 214, 219], "fashion": [52, 146], "fast_mod": [52, 146, 214], "faster": [27, 28, 52, 146, 214], "favicon": [146, 185], "favicon_url": [146, 185], "faviconurl": [146, 185], "fd": 35, "feagur": [52, 146], "featur": [10, 11, 12, 13, 14, 21, 26, 27, 28, 29, 30, 31, 33, 42, 43, 46, 52, 59, 61, 64, 68, 70, 74, 78, 79, 82, 89, 91, 92, 94, 96, 97, 98, 99, 100, 101, 102, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 134, 136, 141, 146, 147, 148, 149, 161, 162, 166, 167, 171, 172, 175, 176, 181, 183, 184, 187, 190, 193, 194, 195, 198, 202, 203, 204, 205, 206, 208, 209, 211, 212, 213, 214, 215, 216, 217, 220, 221, 223, 225, 226, 229, 232, 235, 237, 238], "feature_analysis_statu": [146, 175], "feature_annotation_config": [11, 146], "feature_collinear": [99, 146], "feature_distribut": [146, 181], "feature_drift": [25, 27, 52, 146, 168, 181], "feature_drift_record": 146, "feature_drift_summari": 146, "feature_drift_typ": [27, 30, 146], "feature_express": [52, 111, 146, 216], "feature_group": [25, 27, 42, 43, 52, 146, 190, 209, 214, 216, 220], "feature_group_base_monitor_config": [52, 146, 214], "feature_group_comparison_monitor_config": [52, 146, 214], "feature_group_context": [146, 190], "feature_group_dataset_id": [146, 209], "feature_group_docu": 146, "feature_group_export": 146, "feature_group_export_config": [52, 82, 111, 146, 226], "feature_group_export_download_url": 146, "feature_group_export_id": [52, 113, 146], "feature_group_id": [13, 25, 26, 27, 31, 42, 52, 82, 89, 91, 94, 111, 112, 118, 119, 120, 122, 124, 141, 146, 161, 176, 194, 208, 211, 212, 214, 216, 226, 235], "feature_group_lineag": 146, "feature_group_monitor": [146, 167], "feature_group_monitor_config": [146, 167, 171], "feature_group_nam": [21, 27, 89, 146, 176], "feature_group_names_for_train": [52, 146, 214], "feature_group_operation_run_id": [52, 103, 146], "feature_group_refresh_export_config": 146, "feature_group_row": 146, "feature_group_row_identifi": [12, 13, 52, 111, 146], "feature_group_row_identifier_featur": [52, 111, 146], "feature_group_row_index": [12, 146], "feature_group_row_process": 146, "feature_group_row_process_id": [119, 120, 146], "feature_group_row_process_log": 146, "feature_group_row_process_summari": 146, "feature_group_source_typ": [111, 146, 216], "feature_group_table_nam": [42, 52, 78, 146, 211], "feature_group_templ": [111, 146, 216], "feature_group_template_id": [52, 122, 146, 229], "feature_group_template_variable_opt": 146, "feature_group_typ": [27, 31, 42, 52, 82, 111, 146, 216], "feature_group_vers": [35, 52, 82, 91, 111, 113, 146, 172, 175, 190, 198, 208, 212, 225], "feature_group_version_log": 146, "feature_import": 146, "feature_index": [110, 146], "feature_map": [27, 31, 52, 107, 146, 149, 183, 184, 214, 232], "feature_metr": [128, 146], "feature_nam": [13, 26, 27, 29, 30, 31, 52, 101, 111, 127, 146, 171, 214], "feature_performance_analysi": 146, "feature_record": 146, "feature_selection_intens": [27, 28, 146], "feature_stor": [23, 25, 27, 52, 146], "feature_tag": [111, 146, 216], "feature_typ": [52, 79, 107, 111, 146, 183, 184, 232], "feature_type_enum": [146, 247], "featureanalysisstatu": [146, 175], "featureannotationconfig": [11, 146], "featurecollinear": [99, 146], "featuredistribut": [52, 92, 108, 146, 171, 181], "featuredrift": [25, 27, 146, 168, 181], "featuredriftconditionconfig": [27, 30, 146], "featuredriftrecord": [109, 136, 146], "featuredriftsummari": [110, 146], "featuredrifttyp": [25, 27, 30, 146], "featureexpress": [111, 146, 216], "featuregroup": [26, 27, 42, 52, 78, 111, 124, 146, 161, 175, 190, 209, 214, 216, 226], "featuregroupcontext": [146, 190], "featuregroupdatasetid": [146, 209], "featuregroupdocu": [112, 146], "featuregroupexport": [52, 111, 113, 124, 146], "featuregroupexportconfig": [27, 33, 52, 82, 111, 114, 146, 226], "featuregroupexportdownloadurl": [52, 113, 115, 146], "featuregroupexportid": [113, 146], "featuregroupid": [13, 82, 89, 91, 94, 111, 112, 118, 119, 120, 122, 124, 141, 146, 176, 194, 208, 211, 212, 216, 226], "featuregrouplineag": [116, 146], "featuregroupmonitorconfig": [146, 167, 171], "featuregroupnam": [89, 146, 176], "featuregroupoperationrunid": [103, 146], "featuregrouprefreshexportconfig": [111, 117, 146, 216, 226], "featuregrouprow": [52, 111, 118, 146], "featuregrouprowidentifi": [12, 13, 146], "featuregrouprowindex": [12, 146], "featuregrouprowprocess": [52, 82, 119, 146], "featuregrouprowprocessid": [119, 120, 146], "featuregrouprowprocesslog": [52, 82, 120, 146], "featuregrouprowprocesssummari": [52, 82, 121, 146], "featuregroupsourcetyp": [111, 146, 216], "featuregrouptablenam": [42, 78, 146, 211], "featuregrouptempl": [52, 111, 122, 146, 214, 216], "featuregrouptemplateid": [122, 146, 229], "featuregrouptemplatevariableopt": [123, 146], "featuregrouptyp": [146, 216], "featuregroupvers": [52, 82, 91, 111, 113, 124, 146, 172, 175, 190, 198, 208, 212, 216, 225], "featuregroupversionlog": [52, 124, 125, 146], "featureimport": [52, 126, 146, 175], "featureindex": [110, 146], "featuremap": [52, 107, 127, 146, 149, 183, 184, 214, 232], "featuremappingconfig": [27, 31, 146], "featuremetr": [128, 146], "featurenam": [13, 127, 146], "featureperformanceanalysi": [128, 146], "featurerecord": [69, 129, 146], "features_considered_constant_for_explan": [18, 27, 146], "featureschema": [146, 217], "featurestorepredictionargu": [23, 27, 146], "featuretag": [111, 146, 216], "featuretyp": [79, 107, 146, 183, 184, 232], "feed": [27, 28, 146], "feed_recommend": [52, 146], "feedback": [22, 27, 47, 52, 84, 85, 146], "feedback_typ": [52, 84, 85, 146], "feedbacktyp": [85, 146], "feel": [52, 146], "fetch": [22, 27, 52, 59, 78, 82, 111, 146, 206, 242, 254, 255], "fetch_cont": [52, 146], "fetch_last_llm_info": [52, 82, 146], "fetch_raw_data": [52, 75, 146], "fetch_web_pag": [52, 146], "fewer": [27, 28, 52, 146], "fewshot": [26, 27, 146], "fewshot_exampl": [26, 27, 146], "ffill": [25, 27, 146], "fg": [24, 26, 27, 52, 111, 146], "field": [2, 7, 15, 16, 18, 22, 27, 28, 29, 30, 33, 34, 42, 43, 52, 67, 78, 80, 82, 89, 91, 94, 101, 103, 104, 106, 111, 113, 122, 124, 140, 141, 142, 146, 161, 162, 167, 171, 175, 179, 180, 189, 193, 195, 196, 199, 206, 211, 214, 224, 225, 226, 242, 244, 256], "field_descriptor": [52, 146], "fielddescriptor": [16, 27, 146], "fielddescriptortyp": [16, 25, 27, 146], "fields_list": [16, 27, 146], "fifo": [52, 78, 111, 146], "figur": [52, 146], "file": [5, 16, 18, 19, 21, 22, 25, 27, 33, 35, 42, 43, 48, 52, 56, 78, 80, 82, 85, 91, 111, 113, 114, 117, 124, 130, 132, 146, 161, 162, 174, 175, 193, 195, 211, 214, 216, 244], "file_connector": [42, 43, 146], "file_connector_instruct": 146, "file_connector_output_loc": [42, 43, 146], "file_connector_verif": 146, "file_format": [52, 78, 82, 113, 114, 146], "file_inspect_metadata": [80, 146], "file_output_format": [42, 43, 146], "file_part": [103, 124, 146], "file_path": [19, 27, 52, 56, 146], "file_path_with_schema": [21, 27, 146], "file_upload": [59, 146], "fileconnector": [52, 130, 146], "fileconnectorexportconfig": [27, 33, 146], "fileconnectorinstruct": [52, 131, 146], "fileconnectoroutputloc": [42, 43, 146], "fileconnectorverif": [52, 132, 146], "fileformat": [25, 27, 113, 114, 146], "fileinspectmetadata": [80, 146], "filenam": [5, 19, 27, 52, 146], "filename_column": [52, 146], "fileoutputformat": [42, 43, 146], "filepath": [56, 146], "files_output_location_prefix": [18, 27, 146], "fill": [16, 26, 27, 28, 146], "fill_missing_valu": [27, 28, 146], "filllog": [25, 27, 146], "filter": [21, 27, 28, 29, 52, 78, 84, 89, 111, 146, 206, 214], "filter_claus": [52, 89, 146, 206], "filter_column": [27, 28, 146], "filter_feature_group_us": [52, 146, 214], "filter_histori": [27, 28, 146], "filter_intermediate_conversation_ev": [52, 84, 146], "filter_item": [27, 28, 146], "filter_key_valu": [52, 82, 146, 206], "filtered_workflow_var": 35, "final": [27, 28, 52, 89, 146, 206, 229], "financial_metr": [52, 146], "find": [27, 28, 52, 146], "fine": [27, 28, 133, 146], "finetun": [26, 27, 52, 133, 146, 206], "finetuned_llm": [25, 27, 52, 146], "finetuned_pretrained_model": 146, "finetuned_pretrained_model_id": [133, 146], "finetuned_pretrained_model_vers": [133, 146], "finetunedpretrainedmodel": [133, 146], "finetunedpretrainedmodelid": [133, 146], "finetunedpretrainedmodelvers": [133, 146], "finetuning_dataset_vers": [133, 146], "finetuningdatasetvers": [133, 146], "finish": [2, 7, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 225, 244], "fire": [27, 30, 146], "first": [1, 52, 78, 80, 111, 124, 146, 160, 192, 206, 214], "first_cap_r": 15, "first_pag": 35, "fix": [25, 27, 52, 146], "fix_query_on_error": [52, 146], "fixed_featur": [52, 146, 206], "flag": [27, 28, 38, 52, 80, 82, 84, 124, 146, 152, 182, 211], "flexibl": [52, 146], "float": [16, 18, 23, 24, 25, 26, 27, 28, 29, 30, 31, 46, 52, 82, 89, 90, 109, 110, 111, 146, 150, 187, 190, 192, 202, 204, 206, 223, 224, 232, 242], "flow": [52, 146], "flv": [25, 27, 146], "fly": [52, 146], "focal": [25, 27, 146], "focal_cross_entropi": [25, 27, 146], "fold": [18, 27, 28, 52, 146, 161, 175, 214], "follow": [27, 28, 52, 111, 146, 206, 247], "footer": [21, 27, 146], "for_ev": [18, 27, 146], "for_retrain": [52, 146, 214], "forc": [23, 25, 27, 28, 52, 146, 206, 226], "force_delet": [52, 146, 214], "force_prediction_length": [27, 28, 146], "forced_assign": [23, 27, 52, 146, 206], "forecast": [18, 23, 25, 27, 28, 29, 52, 100, 101, 134, 135, 136, 146, 167, 171, 206, 214], "forecast_frequ": [27, 28, 52, 100, 136, 146, 167, 171, 214], "forecastfrequ": [100, 136, 146, 167, 171], "forecasting_accuraci": [25, 27, 146], "forecasting_analysis_graph_data": 146, "forecasting_history_length_accuraci": [25, 27, 146], "forecasting_horizon": [18, 27, 146], "forecasting_monitor_item_analysi": 146, "forecasting_monitor_summari": [146, 181], "forecasting_target_featur": [100, 146], "forecasting_volum": [25, 27, 146], "forecastinganalysisgraphdata": [100, 134, 135, 136, 146], "forecastingbatchpredictionarg": [18, 27, 146], "forecastingbatchs": [27, 28, 146], "forecastingdatasplittyp": [25, 27, 28, 146], "forecastingfillmethod": [25, 27, 146], "forecastingfrequ": [25, 27, 28, 146], "forecastinglocalsc": [25, 27, 28, 146], "forecastinglossfunct": [25, 27, 28, 146], "forecastingmonitorconfig": [27, 29, 52, 146, 214], "forecastingmonitoritemanalysi": [135, 146], "forecastingmonitorsummari": [136, 146, 181], "forecastingobject": [25, 27, 28, 146], "forecastingpredictionargu": [23, 27, 146], "forecastingquanitlesextensionmethod": [25, 27, 28, 146], "forecastingtargetfeatur": [100, 146], "forecastingtrainingconfig": [27, 28, 146], "form": [16, 21, 27, 34, 52, 85, 146, 206, 214, 235, 244], "form_respons": [85, 146], "format": [7, 10, 13, 14, 16, 18, 22, 27, 28, 33, 34, 35, 42, 43, 52, 66, 78, 79, 82, 83, 84, 111, 113, 114, 117, 118, 119, 124, 140, 146, 162, 174, 175, 178, 182, 191, 206, 220, 222, 225, 247], "formrespons": [85, 146], "forwardfil": [25, 27, 146], "found": [2, 9, 27, 28, 43, 52, 89, 111, 146, 161, 206, 211, 214], "four": [143, 146], "fraction": [24, 26, 27, 28, 52, 146, 206], "frame": [146, 175], "fraud": [52, 146, 206], "fraud_account": [52, 146], "fraud_transact": [52, 146], "fraudul": [52, 146, 206], "freq_above_training_rang": [146, 223], "freq_below_training_rang": [146, 223], "freq_outside_training_rang": [46, 146], "freqabovetrainingrang": [146, 223], "freqbelowtrainingrang": [146, 223], "freqoutsidetrainingrang": [46, 146], "frequenc": [26, 27, 28, 46, 52, 79, 100, 110, 136, 146, 167, 171, 187, 193, 214, 223, 226], "frequency_penalti": [26, 27, 146], "frequent": [27, 28, 146], "freshservic": [22, 25, 27, 146], "freshservicedatasetconfig": [22, 27, 146], "friendli": [2, 37, 40, 52, 75, 82, 94, 111, 122, 133, 140, 143, 146, 161, 167, 179, 180, 224, 226, 236, 246, 247], "friendly_class_nam": [15, 16, 27, 146], "from": [16, 18, 21, 22, 23, 24, 25, 26, 27, 28, 29, 35, 43, 44, 48, 52, 53, 54, 56, 57, 58, 59, 61, 68, 71, 72, 76, 77, 78, 80, 81, 82, 84, 85, 88, 89, 90, 93, 96, 101, 103, 106, 111, 122, 125, 137, 146, 152, 158, 161, 167, 171, 178, 179, 186, 189, 192, 193, 195, 198, 199, 202, 204, 206, 214, 216, 219, 226, 229, 235, 237, 238, 244, 255], "from_cont": [19, 27, 146], "from_dict": [15, 16, 27, 31, 146], "from_fields_list": [16, 27, 146], "from_input_map": [16, 27, 146], "from_local_fil": [19, 27, 146], "from_respons": 52, "from_templ": [16, 27, 146], "from_valu": [25, 27, 146], "from_workflow_nod": [16, 27, 146], "fscore": [25, 27, 146], "fucntion": [52, 146], "full": [2, 7, 21, 27, 52, 78, 80, 82, 94, 101, 131, 146, 158, 161, 167, 171, 175, 214, 244], "full_data_retrain": [27, 28, 146], "fulli": [27, 28, 52, 146], "func": [15, 27, 146], "function": [2, 9, 19, 28, 32, 59, 65, 67, 68, 89, 111, 124, 137, 138, 140, 161, 175, 178, 193, 195, 196, 199, 206, 211, 214, 216, 220, 222, 258], "function_argu": [52, 146, 220], "function_id": [146, 195], "function_log": 146, "function_nam": [16, 27, 52, 111, 146, 193, 195, 216, 220, 222, 258], "function_source_cod": [52, 111, 146, 161, 214, 216], "function_typ": [52, 146, 220, 222], "function_variable_map": [52, 146, 196, 220, 222], "functionlog": [52, 124, 137, 146, 175], "functionnam": [111, 146, 216, 220, 222, 258], "functionsourcecod": [52, 111, 146, 161, 214, 216], "functiontyp": [146, 220, 222], "functionvariablemap": [146, 196, 220, 222], "functor": [52, 146], "further": [52, 89, 146, 206], "fusion": [27, 28, 52, 89, 146, 206], "futur": [18, 23, 25, 27, 28, 52, 111, 146, 175, 202, 204, 206], "future_data": [52, 146, 206], "g": [9, 10, 13, 21, 23, 27, 28, 30, 42, 43, 52, 53, 65, 66, 101, 111, 122, 146, 171, 206], "gap": [27, 28, 146], "gatewai": 52, "gatewaytimeouterror": 52, "gaussian": [25, 27, 28, 146], "gaussian_full_covari": [25, 27, 146], "gb": [2, 52, 111, 124, 146, 161, 175, 193, 195, 196, 211, 212, 214, 216], "gc": [27, 28, 146], "ge": [27, 31, 146], "gemini_1_5_flash": [25, 27, 146], "gemini_1_5_pro": [25, 27, 146], "gemini_2_flash": [25, 27, 146], "gemini_2_flash_think": [25, 27, 146], "gemini_2_pro": [25, 27, 146], "gender": [144, 146, 241], "gener": [2, 3, 16, 17, 18, 23, 24, 25, 26, 27, 28, 34, 35, 41, 47, 52, 64, 78, 82, 84, 85, 88, 101, 111, 138, 145, 146, 151, 153, 155, 158, 205, 206, 211, 214, 221, 244, 250, 252], "generate_agent_cod": [52, 146, 214], "generate_code_for_data_query_using_llm": [52, 146], "generate_imag": [52, 146, 206], "generate_natural_language_explan": [52, 111, 146], "generate_point_in_time_featur": [52, 111, 146], "generated_pit_feature_config_opt": 146, "generatedpitfeatureconfigopt": [52, 138, 146], "generation_instruct": [26, 27, 146], "generic404error": [52, 146], "generic_forecast": [52, 146], "genericpermissiondeniederror": 52, "get": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 22, 27, 28, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "get_agent_context_blob_input": [52, 146], "get_agent_context_chat_histori": [52, 146], "get_agent_context_chat_history_for_llm": [52, 146], "get_agent_context_conversation_id": [52, 146], "get_agent_context_doc_id": [52, 146], "get_agent_context_doc_info": [52, 146], "get_agent_context_external_session_id": [52, 146], "get_agent_context_user_info": [52, 146], "get_agent_runtime_config": [52, 146], "get_all_item_data": [23, 27, 52, 146, 206], "get_alternative_assign": [52, 146, 206], "get_annotations_statu": [52, 111, 146], "get_anomali": [52, 146, 206], "get_api_endpoint": [52, 146], "get_app_user_group": [52, 146], "get_app_user_group_sign_in_token": [52, 146], "get_archive_id": 35, "get_assign": [52, 146, 206], "get_automl_statu": [146, 161], "get_batch_prediction_connector_error": [43, 52, 146], "get_batch_prediction_version_log": [52, 146], "get_chat_respons": [52, 146, 206], "get_chat_response_with_binary_data": [52, 146, 206], "get_chat_sess": [52, 146], "get_classif": [52, 146, 206], "get_clean_function_source_cod": 15, "get_clean_function_source_code_for_ag": [15, 27, 146], "get_clust": [52, 146, 206], "get_collinearity_for_featur": [52, 101, 146], "get_complet": [52, 146, 206], "get_connector_auth": [52, 146], "get_connector_error": [113, 146], "get_content_hash": 35, "get_conversation_respons": [52, 82, 146, 206], "get_conversation_response_with_binary_data": [52, 82, 146, 206], "get_custom_train_function_info": [52, 146, 214], "get_data": [52, 111, 146], "get_database_connector_object_schema": [52, 146], "get_dataset_schema": [52, 146], "get_dataset_version_log": [52, 146], "get_dataset_version_metr": [52, 146], "get_deployment_convers": [52, 146], "get_deployment_statistics_over_tim": [52, 146], "get_deployment_statu": [89, 91, 146], "get_docstore_docu": [52, 146], "get_docstore_document_data": [52, 146], "get_docstore_imag": [52, 146], "get_docstore_page_data": [52, 146], "get_docstore_resource_byt": 35, "get_document_processing_result_info": 35, "get_document_snippet": [52, 89, 146], "get_document_to_annot": [52, 111, 146], "get_drift_for_featur": [52, 146, 171], "get_eda_collinear": [52, 101, 146], "get_eda_data_consist": [52, 101, 146], "get_eda_forecasting_analysi": [52, 101, 146], "get_entail": [52, 146, 206], "get_entities_from_pdf": [52, 146, 206], "get_event_anomaly_scor": [52, 146, 206], "get_execute_feature_group_operation_result_part_count": [52, 146], "get_feature_associ": [52, 101, 146], "get_feature_group_export_connector_error": [52, 146], "get_feature_group_row_process_logs_by_kei": [52, 82, 146], "get_feature_group_row_process_summari": [52, 82, 146], "get_feature_group_schema": [52, 146], "get_feature_group_schemas_for": [146, 175], "get_feature_group_schemas_for_model_vers": [52, 146], "get_feature_group_version_export_download_url": [52, 113, 146], "get_feature_group_version_log": [52, 146], "get_feature_group_version_metr": [52, 146], "get_feature_importance_bi": [146, 175], "get_feature_importance_by_model_vers": [52, 146], "get_file_connector_instruct": [52, 146], "get_forecast": [52, 146, 206], "get_initialized_data": [52, 146], "get_item_data": [23, 27, 52, 146, 206], "get_k_nearest": [52, 146, 206], "get_label": [52, 146, 206], "get_llm_app_respons": [52, 146], "get_log": [43, 80, 124, 146], "get_matching_docu": [52, 89, 146], "get_materialization_log": [52, 124, 146], "get_matrix_agent_schema": [52, 146, 206], "get_metr": [52, 80, 124, 142, 146, 161], "get_model_metr": [52, 146], "get_model_monitor_chart_from_organ": [52, 146], "get_model_monitor_summari": [52, 146], "get_model_monitor_summary_from_organ": [52, 146], "get_model_training_types_for_deploy": [52, 146], "get_module_code_from_notebook": 52, "get_multiple_k_nearest": [52, 146, 206], "get_natural_language_explan": [52, 111, 146], "get_non_nullable_typ": 35, "get_object_from_context": 35, "get_object_schema": [75, 146], "get_objects_from_imag": [52, 146, 206], "get_organization_secret": [52, 146], "get_outliers_for_featur": [52, 146, 171], "get_page_id": 35, "get_pandas_documents_df": 35, "get_pandas_pages_df": 35, "get_personalized_rank": [52, 146, 206], "get_point_in_time_feature_group_creation_opt": [52, 146], "get_prediction_drift": [52, 146, 171], "get_prediction_logs_record": [52, 82, 146], "get_previ": [52, 111, 146], "get_project_config": [111, 146], "get_project_feature_group_config": [52, 146], "get_public_kei": 63, "get_ranked_item": [52, 146, 206], "get_recent_feature_group_streamed_data": [52, 146], "get_recent_streamed_data": [111, 146], "get_recommend": [52, 146, 206], "get_related_item": [52, 146, 206], "get_relevant_snippet": [52, 146], "get_request_user_info": [52, 146], "get_schema": [78, 111, 146], "get_scoped_cache_valu": [52, 146], "get_search_result": [52, 146, 206], "get_senti": [52, 146, 206], "get_source_cod": 15, "get_source_code_info": 52, "get_statistics_over_tim": [82, 146], "get_statu": [2, 7, 42, 43, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 225, 244], "get_step_version_log": [52, 146, 196], "get_streaming_chat_respons": [52, 146], "get_streaming_conversation_respons": [52, 146], "get_summari": [52, 146, 167, 206], "get_text_from_docu": [52, 146, 206], "get_timeseries_anomali": [52, 146, 206], "get_train_function_input": [52, 146], "get_train_function_input_from_model_vers": [52, 146], "get_train_test_feature_group_as_panda": [146, 161, 175], "get_training_config_opt": [52, 146, 214], "get_training_data_log": [52, 146, 175], "get_training_log": [52, 146, 175], "get_training_types_for_deploy": [146, 161], "get_unused_document_upload": [52, 84, 146], "getdefaultencod": 35, "getknearest": [52, 146, 206], "gif": [25, 27, 146], "git": [25, 27, 52, 146, 161], "githubus": [25, 27, 146], "give": [27, 28, 52, 131, 134, 146, 214, 258], "given": [2, 7, 16, 26, 27, 28, 35, 42, 43, 52, 67, 78, 80, 82, 85, 89, 91, 94, 99, 101, 103, 111, 113, 119, 124, 140, 142, 146, 157, 160, 161, 162, 167, 170, 171, 175, 179, 180, 193, 195, 196, 197, 199, 200, 206, 214, 220, 221, 225, 226, 235, 244, 256], "global": [27, 28, 146], "global_context": 146, "global_prediction_arg": [42, 43, 52, 82, 146], "globalpredictionarg": [42, 43, 146], "gmailus": [25, 27, 146], "go": [36, 146], "googl": [22, 27, 52, 146], "googleanalyt": [25, 27, 146], "googleanalyticsdatasetconfig": [22, 27, 146], "googlecalendar": [25, 27, 146], "googledoc": [25, 27, 146], "googledr": [25, 27, 146], "googledrivedatasetconfig": [22, 27, 146], "googledriveus": [25, 27, 146], "googlesheet": [25, 27, 146], "googleworkspaceus": [25, 27, 146], "got": [52, 146, 244], "gpu": [9, 27, 28, 52, 62, 111, 146, 159, 161, 175, 211, 212, 214, 216], "grant": [2, 52, 146, 161, 214], "graph": [2, 7, 16, 27, 52, 116, 134, 140, 146, 161, 214, 220, 239, 257], "graph_dashboard": 146, "graph_dashboard_id": [52, 140, 146, 220], "graph_info": 35, "graph_reference_id": [52, 146, 222], "graphdashboard": [52, 140, 146, 214, 220], "graphdashboardid": [140, 146], "graphreferenceid": [146, 222], "greater": [27, 28, 30, 52, 111, 146], "group": [11, 12, 13, 14, 21, 26, 27, 28, 31, 33, 38, 39, 42, 43, 52, 59, 61, 68, 70, 74, 78, 82, 89, 91, 94, 96, 100, 101, 104, 105, 107, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 141, 146, 147, 161, 162, 167, 171, 172, 175, 176, 177, 183, 189, 190, 193, 194, 195, 198, 202, 203, 204, 205, 206, 208, 209, 211, 212, 213, 214, 215, 216, 217, 220, 221, 225, 226, 229, 235, 237, 238, 248], "group_benefit": [25, 27, 146], "group_benefit_equ": [25, 27, 146], "group_feature_dict": [96, 146], "group_nam": [52, 111, 146, 189, 202, 203, 204], "groupfeaturedict": [96, 146], "groupnam": [146, 189, 202, 203, 204], "gruop": [52, 111, 146], "guassian_exponenti": [25, 27, 146], "guid": [27, 28, 52, 146], "gz": [25, 27, 146], "h": [27, 30, 146], "ha": [3, 12, 23, 27, 28, 30, 37, 38, 42, 47, 52, 74, 78, 82, 84, 89, 93, 100, 108, 111, 130, 131, 132, 146, 161, 175, 177, 189, 206, 214, 216, 220, 221, 225, 226, 248], "handl": [27, 28, 52, 82, 146, 161, 243], "handle_zeros_as_missing_valu": [27, 28, 146], "handler": 35, "hard": [27, 31, 146], "has_external_application_report": [38, 146], "has_histori": [84, 146], "hasexternalapplicationreport": [38, 146], "hash": [52, 146, 244, 245], "hashistori": [84, 146], "have": [16, 23, 27, 28, 38, 52, 82, 89, 92, 111, 146, 160, 175, 199, 206, 214, 216, 244], "head": [27, 34, 146], "header": [21, 27, 34, 52, 111, 146], "height": [27, 34, 35, 52, 146, 185, 192, 243], "hello": [146, 160], "help": [8, 27, 28, 52, 127, 146, 151, 160, 232], "helper": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146, 221], "henc": [18, 27, 146], "here": [146, 247], "heurist": [24, 27, 28, 146], "hh": [18, 27, 146], "hi": [146, 160], "hidden": [146, 178], "hide": [27, 28, 146], "hide_module_cod": [146, 178], "hide_sql_and_cod": [27, 28, 146], "hidemodulecod": [146, 178], "high": [27, 28, 146], "high_peak": [25, 27, 146], "higher": [27, 28, 52, 146], "highlight": [21, 22, 27, 85, 146], "highlight_relevant_text": [21, 27, 146], "hint": [146, 219], "histogram": [52, 102, 136, 146, 168, 206], "histor": [52, 111, 146, 202, 204], "histori": [22, 27, 28, 30, 48, 52, 84, 100, 111, 136, 146, 202, 204], "historical_frequ": [27, 28, 146], "historical_timestamp_kei": [52, 111, 146, 202], "historicaltimefeatur": [52, 111, 146], "historicaltimestampkei": [146, 202], "history_aggregation_kei": [52, 111, 146, 204], "history_drift": [136, 146], "history_length": [27, 28, 52, 100, 101, 146], "history_length_drift": [25, 27, 146], "history_table_nam": [52, 111, 146, 202, 204], "history_window_kei": [52, 111, 146, 204], "historyaggregationkei": [146, 204], "historydrift": [136, 146], "historylength": [100, 146], "historylengthdrift": [25, 27, 146], "historylengthdriftconditionconfig": [27, 30, 146], "historytablenam": [146, 202, 204], "historywindowkei": [146, 204], "hold": [13, 146, 214], "holdout": [52, 141, 142, 146, 214], "holdout_analysi": 146, "holdout_analysis_id": [52, 141, 142, 146], "holdout_analysis_vers": [52, 146], "holdoutanalysi": [52, 141, 146, 214], "holdoutanalysisid": [141, 142, 146], "holdoutanalysisvers": [52, 141, 142, 146], "holidai": [27, 28, 52, 146, 206], "holiday_yn": [52, 146, 206], "holidaycalendar": [25, 27, 28, 146], "honor": [52, 146, 161, 206], "honor_sentence_boundari": [52, 146], "honour_website_rul": [26, 27, 146], "host": [26, 27, 52, 143, 146], "hosted_model_token": 146, "hosted_model_token_id": [143, 146], "hostedmodeltoken": [143, 146], "hostedmodeltokenid": [143, 146], "hotkei": [17, 27, 47, 146], "hotkey_titl": [47, 146], "hotkeyprompt": [17, 27, 146], "hotkeytitl": [47, 146], "hour": [27, 28, 30, 52, 60, 78, 100, 104, 146], "hourli": [25, 27, 52, 100, 136, 146, 214], "how": [10, 18, 27, 28, 52, 68, 78, 92, 93, 100, 108, 122, 146, 214], "html": [25, 26, 27, 48, 52, 84, 86, 146, 182], "html_explan": [146, 182], "htmlexplan": [146, 182], "http": [52, 82, 87, 127, 146, 232, 256], "http_statu": [52, 146], "http_status_seri": [87, 146], "httpstatusseri": [87, 146], "huber": [25, 27, 146], "human": [52, 84, 111, 146], "humanize_instruct": [84, 146], "humanizeinstruct": [84, 146], "hume": [144, 146], "hume_voic": 146, "humevoic": [144, 146], "hydrat": [146, 258], "hyperparamet": [27, 28, 146], "hyperparameter_calculation_with_heurist": [27, 28, 146], "hypothes": [27, 28, 146], "i": [2, 7, 9, 10, 12, 13, 16, 18, 19, 21, 22, 23, 26, 27, 28, 29, 30, 31, 32, 34, 35, 38, 42, 43, 48, 52, 55, 59, 63, 64, 66, 78, 80, 82, 83, 84, 85, 88, 89, 91, 94, 98, 101, 103, 104, 111, 113, 114, 115, 117, 119, 122, 124, 133, 137, 142, 143, 146, 152, 160, 161, 162, 163, 167, 171, 175, 177, 178, 179, 180, 182, 188, 193, 194, 195, 198, 199, 202, 204, 206, 207, 208, 211, 212, 213, 214, 216, 219, 220, 221, 224, 225, 226, 227, 234, 242, 244, 247, 256], "icon": [84, 85, 146], "id": [2, 3, 5, 6, 7, 12, 13, 18, 22, 23, 26, 27, 28, 33, 34, 37, 38, 40, 42, 43, 45, 47, 48, 49, 51, 52, 53, 68, 78, 80, 82, 84, 85, 89, 90, 91, 94, 101, 103, 104, 111, 112, 113, 114, 117, 118, 119, 120, 124, 133, 136, 140, 141, 142, 146, 151, 161, 166, 167, 171, 172, 175, 176, 179, 180, 193, 194, 195, 196, 197, 198, 199, 206, 209, 211, 212, 214, 216, 218, 222, 224, 225, 226, 230, 231, 235, 236, 241, 244, 256], "id_col": [26, 27, 146], "id_column": [27, 29, 33, 52, 82, 113, 114, 117, 124, 146], "idcolumn": [113, 114, 117, 146], "identifi": [2, 6, 7, 9, 21, 26, 27, 28, 29, 31, 38, 40, 42, 43, 52, 53, 65, 66, 67, 75, 78, 80, 82, 84, 86, 88, 89, 91, 94, 101, 104, 111, 113, 114, 117, 122, 124, 133, 140, 141, 142, 143, 146, 151, 161, 162, 167, 171, 174, 175, 177, 178, 179, 180, 186, 189, 192, 193, 199, 206, 207, 208, 210, 211, 212, 214, 216, 218, 220, 222, 224, 225, 226, 227, 228, 229, 235, 236, 244, 245, 256, 258], "ignor": [16, 23, 25, 27, 28, 52, 78, 82, 146, 206], "ignore_befor": [78, 146], "ignore_datetime_featur": [27, 28, 146], "ignore_docu": [23, 27, 52, 146], "ignore_histori": [17, 27, 146], "ignore_records_before_timestamp": [52, 78, 146], "ignorebefor": [78, 146], "imag": [21, 27, 28, 34, 52, 55, 64, 90, 145, 146, 185, 206], "image_classif": [25, 27, 146], "image_gen": [27, 28, 146], "image_gen_set": 146, "image_id": [90, 146], "image_upload_support": [55, 146], "image_url": [25, 27, 146], "image_value_predict": [25, 27, 146], "imagegenset": [145, 146], "imageid": [90, 146], "imageuploadsupport": [55, 146], "imageurlresponsesect": [27, 34, 146], "imbal": [27, 28, 146], "immedi": [52, 111, 146], "implement": [52, 146], "import": [18, 21, 27, 46, 52, 78, 80, 89, 110, 111, 126, 146, 161, 175, 181, 193, 195, 206, 214, 221, 223], "import_annotation_label": [52, 111, 146], "import_as_cel": [59, 146], "import_modul": [52, 146], "importance_of_records_in_nested_column": [18, 27, 146], "improv": [27, 28, 146], "imput": [27, 28, 146], "in_edg": [52, 146], "in_progress": [14, 52, 111, 146], "includ": [16, 18, 22, 23, 26, 27, 28, 42, 43, 52, 62, 78, 80, 82, 84, 89, 101, 111, 122, 124, 140, 146, 161, 163, 169, 174, 175, 206, 214, 220, 229], "include_all_assign": [23, 27, 52, 146, 206], "include_all_feedback": [22, 27, 146], "include_all_partit": [27, 28, 146], "include_bm25_retriev": [27, 28, 146], "include_chart": [52, 80, 124, 146], "include_collinear": [52, 146, 214], "include_com": [22, 27, 146], "include_data_consist": [52, 146, 214], "include_definit": [52, 146], "include_document_cont": [52, 84, 146], "include_downstream_step": [52, 146, 199], "include_entire_conversation_histori": [22, 27, 146], "include_general_knowledg": [27, 28, 146], "include_item_id_featur": [27, 28, 146], "include_modul": 52, "include_multi_class_explan": [18, 27, 146], "include_reverse_charg": [1, 146], "include_scor": [52, 146, 206], "include_search_result": [52, 146], "include_specific_partit": [27, 28, 146], "include_statist": [52, 80, 124, 146], "include_tb": [52, 146], "include_text_search": [52, 89, 146, 206], "include_version_timestamp_column": [26, 27, 146], "include_watch": [22, 27, 146], "included_modul": [52, 146, 161, 214], "includereversecharg": [1, 146], "including_bounding_box": [52, 146], "inclus": [52, 146, 206], "incom": [52, 146, 206], "incompat": [52, 146], "increas": [26, 27, 28, 30, 146], "increment": [21, 26, 27, 52, 78, 80, 111, 146, 216], "incremental_database_connector_config": [52, 146], "incremental_queried_at": [80, 146], "incrementaldatabaseconnectorconfig": [21, 27, 52, 146], "incrementalqueriedat": [80, 146], "index": [12, 16, 18, 24, 26, 27, 28, 48, 52, 84, 85, 89, 91, 96, 102, 109, 110, 111, 124, 146, 147, 152, 206, 216, 244, 259], "index_column": [26, 27, 146], "index_fract": [27, 28, 146], "index_metadata_column": [24, 27, 146], "index_output_path": [27, 28, 146], "indexing_config": [111, 124, 146, 216], "indexing_config_warning_msg": [124, 146], "indexing_requir": [89, 146], "indexingconfig": [111, 124, 146, 147, 216], "indexingconfigwarningmsg": [124, 146], "indexingrequir": [89, 146], "indexmetadatacolumn": [], "indic": [16, 25, 27, 28, 52, 67, 75, 78, 80, 82, 84, 94, 111, 124, 146, 161, 167, 182, 192, 211], "individu": [52, 82, 146], "infer": [52, 82, 146, 149, 214], "infer_feature_map": [52, 146, 214], "inferred_database_column_to_feature_map": 146, "inferred_feature_map": 146, "inferreddatabasecolumntofeaturemap": [146, 148], "inferredfeaturemap": [52, 146, 149, 214], "influenc": [52, 146, 214], "info": [9, 13, 26, 27, 48, 51, 52, 60, 82, 111, 124, 142, 146, 166, 170, 175, 203, 222], "inform": [1, 2, 5, 6, 7, 21, 27, 28, 40, 42, 43, 45, 52, 65, 67, 68, 73, 75, 80, 82, 84, 85, 107, 111, 114, 123, 124, 140, 146, 154, 159, 161, 165, 168, 169, 170, 175, 177, 178, 179, 184, 189, 193, 195, 196, 199, 206, 211, 212, 214, 216, 220, 231, 232, 236, 249, 258], "inherit": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "init_ack_req": [146, 160], "initackreq": [146, 160], "initi": [9, 16, 27, 28, 52, 146, 160, 161, 206, 211, 212, 214, 244], "initial_learning_r": [27, 28, 146], "initialize_funct": [52, 146, 214], "initialize_function_cod": [52, 146, 161, 214], "initialize_function_nam": [9, 52, 146, 161, 211, 214], "initializefunctionnam": [9, 52, 146, 161, 211], "inlcud": [27, 28, 146], "inlin": [27, 28, 146], "inprogress": [14, 146], "input": [2, 16, 18, 23, 26, 27, 28, 42, 43, 52, 53, 82, 85, 111, 146, 156, 157, 158, 161, 174, 175, 205, 206, 207, 208, 209, 211, 214, 220, 221, 242, 258], "input_column": [26, 27, 146], "input_column_typ": [26, 27, 146], "input_dict": [15, 27, 31, 146], "input_feature_group": [42, 43, 52, 82, 146], "input_map": [16, 27, 146], "input_param": [85, 146], "input_preprocessor_upload_id": [146, 174], "input_schema": [16, 27, 146], "input_t": [52, 146], "input_token": [146, 158], "inputfeaturegroup": [42, 43, 146], "inputparam": [85, 146], "inputpreprocessoruploadid": [146, 174], "inputtoken": [146, 158], "insensit": [52, 146, 206], "insert": [52, 82, 111, 113, 114, 124, 146], "insid": [52, 82, 146, 201, 206, 214], "inspect": [52, 78, 80, 146, 244], "instal": [146, 160], "instanc": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 16, 26, 27, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "instancenotmodifiederror": 52, "instant": [52, 146], "instead": [18, 22, 26, 27, 28, 52, 82, 111, 122, 146, 160, 161, 206], "instruct": [24, 26, 27, 28, 51, 52, 64, 84, 146, 161, 214], "int": [2, 5, 7, 12, 14, 16, 18, 19, 22, 23, 24, 26, 27, 28, 29, 30, 34, 35, 42, 43, 48, 49, 52, 54, 56, 60, 61, 62, 69, 70, 73, 78, 80, 82, 84, 85, 88, 89, 91, 94, 101, 103, 104, 111, 113, 119, 121, 124, 142, 146, 150, 152, 158, 161, 162, 167, 168, 171, 175, 180, 185, 192, 193, 195, 196, 199, 202, 204, 206, 210, 211, 212, 214, 216, 224, 225, 237, 240, 242, 243, 244], "integ": [18, 25, 27, 28, 52, 146, 232], "integr": [27, 30, 43, 52, 110, 146, 167, 169, 170, 214], "intend": [146, 258], "interact": [27, 28, 52, 146, 158, 206, 214], "interfac": [2, 27, 28, 52, 146, 161, 206, 214], "interim": [52, 146], "intermedi": [52, 84, 146, 206], "intern": [42, 43, 52, 59, 82, 105, 146, 172, 206], "internalservererror": 52, "interpol": [25, 27, 146], "interpret": [10, 146], "intersect": [52, 61, 111, 146], "interv": [18, 27, 52, 103, 146], "interven": [100, 146], "invalid": [52, 63, 80, 131, 146, 220, 221, 229], "invalid_pandas_column_name_charact": 35, "invalid_record": [80, 146], "invalidenumparametererror": 52, "invalidparametererror": [52, 146], "invalidrecord": [80, 146], "invalidrequest": 52, "invers": [27, 28, 146], "invit": [38, 50, 52, 105, 146, 248], "invite_us": [146, 189], "invite_users_to_app_user_group": [52, 146], "invited_user_email": [38, 146], "inviteduseremail": [38, 146], "invoc": [16, 27, 137, 146], "invoic": [1, 146], "involv": [52, 146, 206], "io": [35, 52, 111, 146, 206, 244], "iobas": [146, 244], "ip": [52, 146, 206], "ipynb": [52, 146], "irrespect": [52, 146], "is_ag": [104, 146], "is_annotation_pres": [12, 146], "is_anomali": [52, 146, 206], "is_box_whisk": [98, 146], "is_customiz": [104, 146], "is_default_en": [9, 52, 146], "is_deprec": [25, 27, 104, 146], "is_documentset": [21, 22, 27, 52, 78, 146], "is_expir": [37, 146], "is_external_service_group": [38, 146], "is_html": [52, 146], "is_including_detached_from_templ": [52, 146], "is_larg": [146, 231], "is_materialization_need": [14, 146], "is_medium": [146, 231], "is_multilingu": [27, 28, 146], "is_not_us": [52, 84, 146], "is_ocr_forc": [25, 27, 146], "is_outd": [146, 182], "is_premium": [55, 146], "is_prod": [52, 146, 193], "is_python_model": [146, 161], "is_requir": [16, 27, 32, 52, 146], "is_review_mod": [27, 31, 146], "is_scatt": [98, 146], "is_sync": 52, "is_system_cr": [104, 146], "is_system_templ": [122, 146], "is_template_nod": [16, 27, 146], "is_thread_saf": [52, 146, 161, 214], "is_transi": [35, 52, 146], "is_trigger_nod": [16, 27, 146], "is_us": [16, 27, 47, 52, 84, 85, 146, 206], "is_user_level": [], "is_vis": [104, 146], "isag": [104, 146], "isannotationpres": [12, 146], "isboxwhisk": [98, 146], "iscustomiz": [104, 146], "isdefaulten": [9, 146], "isdeprec": [104, 146], "isdocumentset": [78, 146], "isexpir": [37, 146], "isexternalservicegroup": [38, 146], "islarg": [146, 231], "ismaterializationneed": [14, 146], "ismedium": [146, 231], "isn": [89, 91, 146], "iso": [7, 13, 14, 42, 52, 66, 67, 75, 82, 83, 113, 115, 118, 119, 140, 146, 162, 174, 175, 178, 191, 220, 222, 225], "isoutd": [146, 182], "ispremium": [55, 146], "isprod": [146, 193], "ispythonmodel": [146, 161], "isscatt": [98, 146], "issu": [22, 27, 43, 146], "issystemcr": [104, 146], "issystemtempl": [122, 146], "isus": [47, 85, 146], "isvis": [104, 146], "item": [15, 18, 23, 25, 27, 28, 29, 32, 34, 52, 100, 134, 135, 136, 146, 174, 206, 214, 235], "item_attributes_to_include_in_the_result": [18, 27, 146], "item_attributes_weight_column": [27, 28, 146], "item_cod": [52, 146, 206], "item_id": [52, 146, 206, 235], "item_query_column": [27, 28, 146], "item_statist": [134, 146], "item_typ": [27, 32, 146], "itemattributesstddevthreshold": [27, 29, 146], "itemid": [52, 146, 235], "itemstatist": [134, 146, 150], "its": [26, 27, 28, 48, 52, 78, 80, 82, 89, 94, 100, 111, 128, 146, 161, 162, 167, 175, 177, 190, 206, 214, 235], "itself": [111, 124, 146], "j": [25, 27, 102, 109, 110, 146], "jira": [22, 25, 27, 146], "jiradatasetconfig": [22, 27, 146], "job": [42, 43, 52, 82, 113, 146, 159, 162, 214], "john": [52, 146, 206], "johnson": [25, 27, 146], "join": [52, 111, 146, 189, 202, 204, 244, 248], "jpeg": [25, 27, 146], "jpg": [25, 27, 146], "jql": [22, 27, 146], "js_distanc": [102, 109, 110, 136, 146], "jsdistanc": [102, 109, 110, 146], "json": [10, 13, 16, 18, 25, 27, 28, 34, 42, 43, 52, 82, 106, 111, 124, 146, 174, 206, 214, 232, 235, 256], "json_respons": [27, 28, 146], "json_response_instruct": [27, 28, 146], "json_response_schema": [27, 28, 52, 146], "json_schema": [16, 27, 34, 146], "jsonschema": [16, 27, 34, 146], "just": [27, 28, 52, 111, 146, 175], "k": [25, 27, 28, 52, 146, 206], "k_fold_cross_valid": [27, 28, 146], "kafka": [20, 25, 27, 146], "kafkadatasetconfig": [20, 27, 146], "keep": [52, 146, 161, 219, 225], "kei": [2, 12, 13, 15, 16, 22, 26, 27, 28, 29, 30, 33, 34, 37, 40, 42, 52, 63, 69, 75, 82, 97, 98, 100, 111, 113, 114, 118, 119, 120, 124, 128, 139, 143, 146, 147, 161, 191, 202, 204, 206, 214, 233, 235, 236, 247], "kept": [27, 28, 52, 146, 206, 244], "kernel": [18, 27, 28, 146], "kernel_explain": [25, 27, 52, 146, 206], "key_column": [26, 27, 146], "key_nam": [146, 233], "keynam": [146, 233], "keyword": [3, 27, 28, 52, 82, 85, 146, 206], "keyword_argu": [3, 35, 47, 52, 85, 146, 206], "keyword_requirement_instruct": [27, 28, 146], "keywordargu": [3, 47, 85, 146], "kind": [21, 27, 28, 146], "kl": [25, 27, 102, 109, 110, 136, 146, 168], "knn": [52, 146, 235], "know": [27, 28, 52, 146, 206], "knowledg": [27, 28, 146], "knowledgearticledescript": [52, 146], "known": [27, 28, 52, 146, 206], "kolmogorov": [102, 109, 110, 146], "ks_statist": [102, 109, 110, 136, 146], "ksstatist": [102, 109, 110, 146], "kwarg": [16, 18, 23, 27, 28, 47, 52, 146, 206, 220, 221], "l": [25, 27, 53, 146], "l2": [27, 28, 146], "l2_regularization_factor": [27, 28, 146], "l_shaped_auto": [25, 27, 146], "l_shaped_timestamp": [25, 27, 146], "label": [10, 11, 13, 18, 27, 28, 34, 52, 65, 87, 93, 111, 146, 160, 161, 168, 169, 171, 173, 206, 214], "label_definit": [52, 111, 146], "label_drift": [93, 146, 168], "label_list": [146, 232], "label_nam": [52, 111, 146], "labeldrift": [93, 146, 168], "lag": [52, 100, 111, 146, 202, 204], "languag": [27, 28, 34, 52, 111, 146, 152, 156, 161, 182, 193, 195, 206, 214, 216, 241], "language_detect": [25, 27, 52, 146], "larg": [25, 27, 28, 52, 146, 244], "larger_embed": [27, 28, 146], "last": [9, 26, 27, 28, 37, 52, 60, 78, 80, 82, 118, 119, 133, 143, 146, 152, 161, 195, 196, 206, 227, 242, 244], "last24hoursusag": [60, 146], "last7daysusag": [60, 146], "last_24_hours_usag": [60, 146], "last_7_days_usag": [60, 146], "last_event_created_at": [84, 146], "last_log_request_id": [52, 82, 146], "last_log_timestamp": [52, 82, 146], "last_model_valu": [146, 242], "last_n": [25, 27, 146], "last_pag": 35, "last_point": [25, 27, 146], "last_throttle_pop_up": [60, 146], "lastest": [111, 146], "lasteventcreatedat": [84, 146], "lastmodelvalu": [146, 242], "lastnmergeconfig": [26, 27, 146], "lastpoint": [25, 27, 146], "lastthrottlepopup": [60, 146], "latenc": [52, 82, 87, 146], "latency_seri": [87, 146], "latencyseri": [87, 146], "latest": [2, 14, 27, 28, 42, 52, 66, 78, 82, 89, 94, 96, 99, 100, 111, 135, 136, 146, 161, 167, 179, 193, 211, 216], "latest_agent_vers": [2, 146], "latest_batch_prediction_vers": [42, 146], "latest_custom_metric_vers": [66, 146], "latest_dataset_vers": [78, 146], "latest_document_retriever_vers": [89, 146], "latest_eda_vers": [94, 146], "latest_feature_group_vers": [111, 146, 216], "latest_materialized_annotation_config": [14, 146], "latest_model_vers": [146, 161], "latest_monitor_alert_vers": [146, 179], "latest_monitor_model_vers": [146, 167], "latest_pipeline_vers": [146, 193], "latest_prediction_operator_vers": [146, 211], "latest_updated_at": [14, 146], "latest_version_outd": [111, 146, 216], "latestagentvers": [2, 146], "latestbatchpredictionvers": [42, 146], "latestcustommetricvers": [66, 146], "latestdatasetvers": [78, 146], "latestdocumentretrieververs": [89, 146], "latestedavers": [94, 146], "latestfeaturegroupvers": [111, 146, 216], "latestmaterializedannotationconfig": [14, 146], "latestmodelvers": [146, 161], "latestmonitoralertvers": [146, 179], "latestmonitormodelvers": [146, 167], "latestpipelinevers": [146, 193], "latestpredictionoperatorvers": [146, 211], "latestupdatedat": [14, 146], "latestversionoutd": [111, 146, 216], "layer": [27, 28, 146], "layout": [25, 27, 146], "le": [27, 31, 146], "lead": [52, 146, 161, 206], "lead_id": [52, 146, 206], "learn": [25, 27, 28, 52, 111, 146], "least": [52, 89, 111, 146, 206, 244], "leav": [27, 28, 52, 78, 126, 146], "left": [52, 89, 146, 206], "legaci": [85, 146], "legacy_input_loc": [42, 43, 146], "legacyinputloc": [42, 43, 146], "length": [18, 25, 27, 28, 30, 52, 78, 94, 100, 111, 136, 146, 161, 167, 204], "lenient": [27, 28, 146], "less": [27, 28, 43, 52, 82, 88, 111, 146, 206, 214], "let": [52, 146, 206], "letter": [52, 146, 178, 220, 222], "level": [52, 146, 161, 214], "leverag": [52, 89, 146, 206], "lexic": [52, 89, 146, 206], "librari": [52, 146, 161, 193, 195, 214], "lifecycl": [51, 146, 175], "like": [16, 27, 28, 52, 146, 151, 193], "lime": [126, 146], "lime_explain": [25, 27, 146], "lime_feature_import": [126, 146], "limefeatureimport": [126, 146], "limit": [2, 18, 23, 26, 27, 28, 42, 43, 52, 78, 82, 89, 94, 111, 146, 161, 167, 193, 206, 214, 216], "limit_result": [23, 27, 52, 146, 206], "line": [1, 35, 54, 56, 146], "line_numb": [54, 146], "lineag": [116, 146], "linear": [25, 27, 146], "linenumb": [54, 146], "link": [26, 27, 52, 88, 113, 146, 160], "list": [2, 3, 4, 6, 7, 11, 16, 18, 21, 22, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 38, 40, 42, 43, 44, 46, 47, 50, 52, 53, 57, 58, 59, 62, 69, 70, 71, 72, 73, 75, 77, 78, 79, 80, 81, 82, 84, 85, 87, 88, 89, 90, 91, 94, 96, 97, 98, 99, 100, 101, 102, 104, 105, 110, 111, 113, 116, 117, 122, 123, 124, 125, 128, 131, 134, 140, 141, 146, 147, 158, 159, 160, 161, 164, 167, 169, 170, 171, 172, 175, 176, 177, 181, 186, 189, 192, 193, 195, 196, 199, 200, 202, 204, 206, 209, 211, 212, 213, 214, 216, 217, 219, 220, 221, 225, 226, 232, 235, 239, 240, 242, 244, 247, 248, 254, 257, 258], "list_ag": [52, 146, 214], "list_agent_vers": [52, 146], "list_alert": [82, 146], "list_algorithm": [52, 146], "list_api_kei": [52, 146], "list_application_connector": [52, 146], "list_application_connector_object": [52, 146], "list_artifacts_export": [146, 161], "list_batch_predict": [52, 146, 214], "list_batch_prediction_vers": [52, 146], "list_builtin_algorithm": [52, 146, 214], "list_chat_sess": [52, 146], "list_convers": [82, 146], "list_custom_loss_funct": [52, 146], "list_custom_metr": [52, 146], "list_database_connector": [52, 146], "list_database_connector_object": [52, 146], "list_dataset": [52, 146], "list_dataset_vers": [52, 146], "list_deploy": [52, 146, 214], "list_deployment_alert": [52, 146], "list_deployment_convers": [52, 146], "list_deployment_token": [52, 146, 214], "list_deployment_webhook": [52, 146], "list_document_retriev": [52, 146, 214], "list_document_retriever_vers": [52, 146], "list_eda": [52, 146, 214], "list_eda_vers": [52, 146], "list_export": [111, 146], "list_external_appl": [52, 146], "list_feature_group": [52, 146, 214], "list_feature_group_export": [52, 146], "list_feature_group_modifi": [52, 146], "list_feature_group_row_process": [52, 82, 146], "list_feature_group_templ": [52, 146, 214], "list_feature_group_vers": [52, 146], "list_file_connector": [52, 146], "list_graph_dashboard": [52, 146, 214], "list_holdout_analysi": [52, 146, 214], "list_holdout_analysis_vers": [52, 146], "list_llm_app": [52, 146], "list_log": [146, 199], "list_model": [52, 146, 214], "list_model_artifacts_export": [52, 146], "list_model_monitor": [52, 146, 214], "list_model_monitor_vers": [52, 146], "list_model_vers": [52, 146], "list_modifi": [111, 146], "list_modul": [52, 146], "list_monitor_alert_versions_for_monitor_vers": [52, 146, 171], "list_monitor_alerts_for_monitor": [52, 146, 167], "list_object": [40, 75, 146], "list_organization_group": [52, 146], "list_organization_model_monitor": [52, 146], "list_organization_secret": [52, 146], "list_organization_us": [52, 146], "list_pipelin": [52, 146, 214], "list_pipeline_vers": [52, 146], "list_pipeline_version_log": [52, 146], "list_prediction_oper": [52, 146, 214], "list_prediction_operator_vers": [52, 146], "list_project": [52, 146], "list_project_feature_group": [52, 146], "list_project_feature_group_templ": [52, 146], "list_python_funct": [52, 146], "list_python_function_feature_group": [52, 146], "list_realtime_monitor": [52, 146, 214], "list_refresh_pipeline_run": [52, 146, 226], "list_refresh_polici": [42, 52, 78, 82, 146, 161, 214], "list_streaming_connector": [52, 146], "list_streaming_token": [52, 146], "list_upload": [52, 146], "list_use_cas": [52, 146], "list_vers": [2, 42, 78, 89, 94, 111, 141, 146, 161, 167, 193, 211], "list_webhook": [82, 146], "listresponsesect": [27, 34, 146], "ll": [111, 146], "llama3_1_405b": [25, 27, 146], "llama3_1_70b": [25, 27, 146], "llama3_1_8b": [25, 27, 146], "llama3_3_70b": [25, 27, 146], "llama3_large_chat": [25, 27, 146], "llm": [23, 24, 25, 26, 27, 28, 36, 37, 45, 52, 54, 55, 56, 57, 58, 82, 84, 85, 106, 146, 151, 152, 153, 154, 155, 157, 158, 186, 206, 228], "llm_app": 146, "llm_app_id": [146, 151], "llm_app_nam": [52, 146], "llm_arg": [52, 146], "llm_bot_icon": [84, 85, 146], "llm_code_block": 146, "llm_display_nam": [84, 85, 146], "llm_endpoint": [36, 146], "llm_execution_preview": 146, "llm_execution_result": 146, "llm_for_ner": [27, 28, 146], "llm_generated_cod": 146, "llm_input": 146, "llm_name": [23, 27, 52, 55, 82, 146, 158, 206], "llm_paramet": 146, "llm_respons": 146, "llmapp": [52, 146, 151], "llmappid": [146, 151], "llmboticon": [84, 85, 146], "llmcodeblock": [146, 152, 158], "llmdisplaynam": [84, 85, 146], "llmendpoint": [36, 146], "llmexecutionpreview": [146, 153, 154], "llmexecutionresult": [52, 146, 154], "llmgeneratedcod": [52, 146, 155], "llminput": [52, 146, 156], "llmname": [25, 27, 28, 52, 55, 146, 158], "llmparamet": [146, 157], "llmrespons": [52, 146, 158], "load": [35, 42, 43, 52, 103, 111, 124, 146], "load_as_panda": [52, 103, 111, 124, 146], "load_as_pandas_docu": [111, 124, 146], "load_as_pandas_from_avro_fd": 35, "load_as_pandas_from_avro_fil": 35, "load_results_as_panda": [42, 43, 146], "local": [27, 28, 43, 52, 78, 146, 220, 221], "local_scale_target": [27, 28, 146], "local_scaling_mod": [27, 28, 146], "locat": [7, 18, 22, 27, 28, 33, 42, 43, 52, 78, 82, 84, 85, 113, 114, 115, 117, 124, 146, 161, 162, 165, 175, 206, 221, 238], "location_date_format": [52, 146], "lock": [13, 52, 111, 139, 146, 177, 216], "locked_until": [13, 146], "lockeduntil": [13, 146], "lofo_feature_import": [126, 146], "lofofeatureimport": [126, 146], "log": [25, 27, 28, 43, 44, 52, 71, 80, 81, 82, 84, 120, 124, 125, 137, 146, 175, 196, 197, 199, 200, 210], "log_loss": [25, 27, 146], "log_rms": [25, 27, 146], "log_root_mean_square_error": [25, 27, 146], "logarithm": [25, 27, 28, 146], "logic": [52, 107, 111, 146, 183], "login": [52, 146, 206], "logo": [52, 82, 104, 146, 188], "long": [52, 100, 111, 124, 146, 214], "long_explan": [52, 146, 182], "longer": [27, 28, 146, 182], "longexplan": [146, 182], "look": [52, 78, 89, 90, 111, 146, 202, 204, 206], "lookback": [52, 82, 111, 146, 224], "lookback_count": [52, 111, 146, 202, 204], "lookback_dai": [78, 146], "lookback_tim": [52, 82, 146, 224], "lookback_until_posit": [52, 111, 146, 202, 204], "lookback_window": [52, 111, 146, 204], "lookback_window_lag": [52, 111, 146, 204], "lookback_window_lag_second": [52, 111, 146, 202], "lookback_window_second": [52, 111, 146, 202], "lookbackcount": [52, 111, 146, 202, 204], "lookbackdai": [78, 146], "lookbackstartcount": [52, 111, 146], "lookbacktim": [146, 224], "lookbackuntilposit": [52, 111, 146, 202, 204], "lookbackwindow": [146, 204], "lookbackwindowlag": [146, 204], "lookbackwindowlagsecond": [52, 111, 146, 202], "lookbackwindowsecond": [52, 111, 146, 202], "lookup": [52, 82, 89, 90, 111, 124, 146, 206, 235], "lookup_featur": [52, 146, 206], "lookup_kei": [52, 111, 146, 147, 216], "lookup_match": [52, 146, 206], "lookup_rewrite_instruct": [27, 28, 146], "lookupkei": [111, 146, 147, 216], "loop": [], "loss": [27, 28, 52, 65, 146], "loss_funct": [27, 28, 52, 146], "loss_function_nam": [52, 65, 146], "loss_function_source_cod": [52, 146], "loss_function_typ": [52, 65, 146], "loss_paramet": [27, 28, 146], "lossfunctionnam": [65, 146], "lossfunctiontyp": [65, 146], "low": [27, 28, 146], "low_peak": [25, 27, 146], "lower": [27, 28, 29, 52, 89, 146, 150], "lower_bound": [27, 29, 146, 150], "lower_ex": [52, 146, 206], "lower_in": [52, 146, 206], "lowerbound": [146, 150], "lucki": [52, 146], "m": [25, 27, 30, 52, 146], "machin": [52, 111, 126, 146], "made": [27, 30, 52, 82, 146, 161, 206, 214, 221], "mae": [25, 27, 146], "mai": [43, 52, 78, 88, 111, 146, 206, 258], "make": [2, 9, 16, 27, 28, 36, 42, 43, 52, 146, 161, 206, 210, 211, 212, 214], "makeup": [52, 146, 206], "malform": 52, "manag": [104, 146, 188], "managed_user_servic": [104, 146, 188], "manageduserservic": [104, 146, 188], "manhattan": [52, 146, 206], "mani": [18, 27, 28, 52, 78, 111, 146, 202, 204], "map": [2, 9, 16, 18, 25, 27, 28, 29, 31, 52, 68, 74, 82, 89, 107, 113, 114, 117, 122, 126, 127, 146, 148, 149, 161, 166, 167, 171, 172, 175, 183, 184, 196, 206, 214, 216, 220, 221, 222, 229, 232, 240, 247], "map_10": [25, 27, 146], "map_5": [25, 27, 146], "mape": [25, 27, 146], "mark": [27, 28, 47, 52, 82, 85, 146, 244], "mark_complet": [146, 244], "mark_upload_complet": [52, 146], "markdown": [21, 25, 26, 27, 52, 88, 146, 192], "markdown_featur": 35, "markdownconfig": [26, 27, 146], "markdownoperatorinputtyp": [25, 26, 27, 146], "marker": [13, 146], "mask": [21, 27, 28, 146], "mask_pii": [21, 27, 146], "match": [22, 23, 27, 28, 52, 63, 74, 82, 89, 111, 146, 206, 211, 240], "materi": [14, 52, 61, 111, 124, 146, 161, 211, 214, 216], "materialization_completed_at": [124, 146], "materialization_started_at": [124, 146], "materializationcompletedat": [124, 146], "materializationstartedat": [124, 146], "matrix": [25, 27, 52, 96, 146, 206], "max": [25, 27, 28, 134, 146, 150, 244], "max_catalog_s": [27, 28, 146], "max_count": [73, 146], "max_dat": [27, 28, 146], "max_dimens": [27, 28, 146], "max_height": [52, 146], "max_history_length": [27, 28, 146], "max_page_token": [52, 146], "max_result": [52, 146], "max_scale_context": [27, 28, 146], "max_search_result": [27, 28, 146], "max_snippets_per_docu": [52, 146], "max_text_word": [27, 28, 146], "max_tim": [26, 27, 146], "max_token": [52, 146], "max_tokens_in_sent": [27, 28, 146], "max_user_history_len_percentil": [27, 28, 146], "max_valu": [27, 29, 146], "max_width": [52, 146], "max_word": [52, 89, 146, 206], "max_words_per_chunk": [52, 89, 146, 206], "max_words_per_snippet": [52, 146], "max_work": [35, 103, 124, 146], "maxcount": [73, 146], "maximum": [23, 27, 28, 43, 52, 73, 78, 82, 89, 94, 111, 146, 161, 167, 193, 206, 214, 223], "mb": [146, 244], "md": [25, 27, 146], "md5": [146, 245], "mdoel": [27, 28, 146], "mean": [25, 26, 27, 30, 52, 134, 146, 150, 161, 240], "mean_absolute_error": [25, 27, 146], "mean_absolute_percentage_error": [25, 27, 146], "measur": [52, 92, 110, 146, 171, 181], "mechan": [1, 146], "median": [25, 27, 100, 134, 135, 136, 146, 150], "medium": [25, 27, 146], "meet": [22, 27, 146], "member": [146, 189], "memori": [2, 52, 62, 78, 111, 124, 146, 159, 161, 175, 193, 195, 196, 211, 212, 214, 216], "memory_opt": 146, "memoryopt": [146, 159], "memorys": [25, 27, 52, 111, 146], "merg": [22, 26, 27, 52, 61, 78, 80, 89, 111, 146, 206, 216], "merge_config": [52, 111, 146, 216], "merge_file_schema": [22, 27, 52, 78, 80, 146], "merge_mod": [26, 27, 146], "merge_typ": [52, 61, 111, 146], "mergeconfig": [26, 27, 52, 111, 146, 216], "mergefeaturegroup": [52, 111, 146], "mergefileschema": [78, 80, 146], "mergemod": [25, 26, 27, 146], "mergetyp": [61, 146], "messag": [3, 4, 16, 22, 23, 27, 35, 43, 47, 48, 52, 53, 59, 82, 84, 85, 91, 103, 111, 119, 124, 131, 142, 146, 149, 153, 154, 160, 186, 193, 196, 198, 206, 212, 216, 227, 229], "message_arg": [52, 146], "message_index": [48, 52, 84, 85, 146], "message_list": [146, 232], "messageindex": [85, 146], "messaging_bot_nam": [146, 160], "messaging_connector_respons": 146, "messagingbotnam": [146, 160], "messagingconnectorrespons": [146, 160], "metadata": [10, 11, 24, 27, 28, 35, 52, 80, 84, 88, 89, 111, 122, 146, 206], "metadata_column": [27, 28, 146], "metadata_featur": [11, 146], "metadatafeatur": [11, 146], "method": [0, 16, 27, 28, 42, 52, 78, 111, 126, 146, 161, 175, 206, 214, 235], "methodnotallow": 52, "metric": [18, 22, 27, 28, 30, 42, 52, 66, 67, 70, 80, 82, 92, 124, 128, 142, 146, 161, 166, 167, 171, 172, 175, 240], "metric_chart": [146, 172], "metric_config": [146, 167, 171], "metric_data": [146, 171], "metric_info": [142, 146, 172], "metric_nam": [146, 166, 172], "metric_typ": [52, 146, 167, 171], "metricchart": [146, 172], "metricconfig": [146, 167, 171], "metricinfo": [142, 146, 172], "metricnam": [146, 166, 172], "metrics_column": [146, 240], "metrics_kei": [128, 146], "metricscolumn": [146, 240], "metricskei": [128, 146], "metrictyp": [146, 167, 171], "microsft": [38, 146], "microsoftauth": [25, 27, 146], "mid": [23, 27, 52, 146, 206], "middl": [25, 27, 146], "might": [52, 146, 193, 206], "millisecond": [52, 82, 87, 146], "mime": [5, 19, 27, 88, 146], "mime_typ": [5, 19, 27, 88, 146], "mimetyp": [5, 88, 146], "min": [25, 27, 134, 146, 150], "min_categorical_count": [27, 28, 146], "min_item_histori": [27, 28, 146], "min_max": [25, 27, 146], "min_samples_in_normal_region": [27, 28, 146], "min_scor": [52, 89, 146, 206], "min_std": [25, 27, 146], "min_valu": [27, 29, 146], "minimum": [27, 28, 52, 146, 223], "minimum_bounding_box_overlap_ratio": [27, 28, 146], "minimum_viol": [27, 30, 146], "minmax": [25, 27, 146], "minstd": [25, 27, 146], "minut": [27, 28, 30, 52, 100, 146, 193, 195, 196], "mismatch": [46, 146, 223], "miss": [26, 27, 28, 52, 100, 146, 150, 214, 220, 221], "missing_perc": [134, 146, 150], "missing_value_distribut": [52, 100, 101, 146], "missingparametererror": 52, "missingperc": [146, 150], "missingvaluedistribut": [100, 146], "mix_gaussian": [25, 27, 146], "mixtur": [27, 28, 146], "mle_gaussexp": [25, 27, 146], "mle_gaussfullcov": [25, 27, 146], "mle_gaussian_loc": [25, 27, 146], "mle_gaussmix": [25, 27, 146], "mle_negbinom": [25, 27, 146], "mle_weibul": [25, 27, 146], "mm": [18, 27, 52, 146], "mode": [12, 21, 27, 28, 31, 33, 43, 52, 82, 117, 146], "model": [2, 7, 9, 18, 26, 27, 41, 42, 43, 46, 52, 59, 71, 82, 84, 85, 94, 101, 110, 111, 119, 126, 133, 141, 142, 143, 145, 146, 156, 158, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 180, 181, 187, 194, 198, 206, 207, 208, 211, 212, 214, 223, 225, 226, 235, 242, 244, 250, 252], "model_accuraci": [52, 146, 169], "model_artifacts_export": 146, "model_artifacts_export_id": [52, 146, 162], "model_blueprint_export": 146, "model_blueprint_stag": [146, 163], "model_config": [52, 146, 161, 175], "model_config_typ": [146, 161, 175], "model_deployment_config": [52, 82, 146], "model_drift": [52, 146, 169], "model_feature_group_schema_map": [146, 175], "model_file_upload_id": [146, 174], "model_id": [25, 27, 43, 52, 82, 111, 141, 142, 146, 161, 166, 167, 174, 175, 194, 214, 226, 235, 244], "model_loc": 146, "model_metr": 146, "model_monitor": [25, 27, 146, 172], "model_monitor_id": [42, 52, 146, 167, 171, 179, 194, 214, 226], "model_monitor_org_summari": 146, "model_monitor_summari": 146, "model_monitor_summary_from_org": 146, "model_monitor_vers": [43, 52, 146, 172, 180, 198], "model_monitor_version_metric_data": [52, 146], "model_nam": [141, 146], "model_prediction_config": [146, 161, 175], "model_state_upload_id": [146, 174], "model_training_type_for_deploy": 146, "model_upload": 146, "model_upload_id": [146, 174], "model_vers": [42, 43, 52, 82, 85, 141, 142, 146, 161, 162, 163, 166, 171, 174, 198, 225, 244], "model_version_feature_group_schema": 146, "model_with_embed": [52, 146], "modelaccuraci": [146, 169], "modelartifactsexport": [52, 146, 161, 162, 175], "modelartifactsexportid": [146, 162], "modelblueprintexport": [146, 163], "modelblueprintstag": [146, 163, 164], "modelconfig": [146, 161, 175], "modelconfigtyp": [146, 161, 175], "modeldeploymentconfig": [82, 146], "modeldrift": [146, 169], "modelfeaturegroupschemamap": [146, 175], "modelfileuploadid": [146, 174], "modelid": [43, 82, 141, 142, 146, 161, 166, 167, 174, 175, 194, 226, 244], "modelloc": [146, 161, 165], "modelmetr": [52, 146, 161, 166], "modelmonitor": [52, 146, 167, 172, 214], "modelmonitorid": [42, 146, 167, 171, 179, 194, 226], "modelmonitororgsummari": [52, 146, 168], "modelmonitorsummari": [52, 146, 167, 169], "modelmonitorsummaryfororgan": [52, 146], "modelmonitorsummaryfromorg": [52, 146, 170], "modelmonitorvers": [43, 52, 146, 167, 171, 172, 180, 198], "modelmonitorversionmetricdata": [52, 146, 171, 172], "modelnam": [141, 146], "modelpredictionconfig": [146, 161, 175], "modelstateuploadid": [146, 174], "modeltrainingtypefordeploy": [52, 146, 161, 173], "modelupload": [52, 146, 174], "modeluploadid": [146, 174], "modelvers": [42, 43, 52, 82, 85, 142, 146, 161, 162, 163, 166, 171, 174, 175, 198, 214, 225, 244], "modelversionfeaturegroupschema": [52, 146, 175, 176], "modif": [52, 111, 146, 177], "modifi": [13, 24, 27, 52, 89, 111, 146, 177, 189, 206], "modification_lock": [111, 146, 177, 216], "modification_lock_info": 146, "modificationlock": [111, 146, 177, 216], "modificationlockinfo": [52, 111, 146, 177], "modul": [146, 259], "module_depend": [59, 146], "module_end": [52, 146], "module_nam": [111, 146, 216], "module_start": [52, 146], "moduledepend": [59, 146], "modulenam": [111, 146, 216], "mon": [25, 27, 146], "monitor": [18, 27, 30, 42, 43, 46, 52, 82, 94, 101, 110, 119, 126, 128, 135, 136, 146, 167, 168, 169, 170, 171, 172, 179, 180, 181, 187, 194, 198, 214, 223, 224, 225, 226], "monitor_alert": [27, 146], "monitor_alert_id": [52, 146, 179, 180], "monitor_alert_vers": [52, 146], "monitor_data": [146, 168], "monitor_drift_and_distribut": 146, "monitor_drift_config": [146, 167, 171], "monitor_id": [25, 27, 146], "monitor_typ": [146, 167], "monitor_warn": [43, 146], "monitoralert": [52, 82, 146, 167, 179, 214], "monitoralertid": [146, 179, 180], "monitoralerttyp": [25, 27, 30, 146], "monitoralertvers": [52, 146, 171, 179, 180], "monitordata": [146, 168], "monitordriftanddistribut": [146, 181], "monitordriftconfig": [146, 167, 171], "monitorfilteringconfig": [27, 29, 146], "monitoring_completed_at": [146, 171], "monitoring_started_at": [146, 171], "monitoringcompletedat": [146, 171], "monitoringstartedat": [146, 171], "monitorthresholdconfig": [27, 30, 146], "monitortyp": [146, 167], "monitorwarn": [43, 146], "monitr": [52, 146], "monkeypatch": 221, "monoton": [27, 28, 146], "monotonically_decreasing_featur": [27, 28, 146], "monotonically_increasing_featur": [27, 28, 146], "month": [60, 100, 146], "month_end": [25, 27, 146], "month_start": [25, 27, 146], "monthli": [52, 100, 136, 146, 214], "more": [24, 26, 27, 28, 52, 89, 127, 146, 206, 214, 226, 232], "most": [13, 26, 27, 28, 46, 52, 82, 84, 146, 206], "most_common_valu": [46, 146], "most_recent_per_project": [52, 146], "mostcommonvalu": [46, 146], "mostli": [52, 146], "motion": [146, 251], "motion_thumbnail_url": [146, 251], "motionthumbnailurl": [146, 251], "mov": [25, 27, 146], "move": [52, 146, 214], "movie_nam": [52, 146, 206], "mp3": [25, 27, 146], "mp4": [25, 27, 146], "mpeg": [25, 27, 146], "mpg": [25, 27, 146], "mrr": [25, 27, 146], "mse": [25, 27, 146], "msg": [25, 27, 146], "msle": [25, 27, 146], "much": [27, 28, 146], "multi": [18, 27, 28, 52, 65, 146, 147, 174, 206, 247], "multi_catalog_embeddings_upload_id": [146, 174], "multi_mode_ocr_text": 35, "multicatalogembeddingsuploadid": [146, 174], "multicategorical_list": [146, 232], "multilingu": [27, 28, 146], "multipart": [52, 146, 206, 244], "multipl": [24, 27, 28, 43, 52, 146, 193, 206, 214, 225, 235, 247], "multipli": [52, 146, 206], "must": [16, 21, 27, 28, 30, 35, 52, 82, 84, 89, 111, 146, 204, 206, 220, 244], "must_contain": [16, 27, 146], "n": [26, 27, 52, 146, 206], "n1": [52, 146], "n_sampl": [25, 27, 146], "name": [0, 2, 3, 5, 9, 10, 11, 13, 16, 18, 21, 23, 26, 27, 28, 29, 30, 31, 32, 33, 38, 40, 42, 43, 46, 48, 51, 52, 53, 55, 65, 66, 67, 68, 74, 75, 76, 77, 78, 79, 80, 82, 83, 84, 85, 89, 90, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 104, 107, 109, 110, 111, 117, 118, 122, 124, 126, 127, 133, 134, 137, 138, 140, 141, 142, 144, 146, 151, 158, 160, 161, 163, 164, 165, 166, 167, 171, 172, 175, 176, 178, 179, 180, 181, 183, 184, 187, 189, 193, 195, 196, 197, 199, 202, 203, 204, 205, 206, 211, 213, 214, 216, 220, 221, 222, 223, 224, 226, 228, 229, 231, 232, 233, 235, 236, 241, 242, 243, 246, 247, 248, 258], "name_of_feature_group": [52, 146, 220], "name_prefix": [52, 146], "named_entity_extract": [18, 25, 27, 28, 146], "named_entity_recognit": [52, 146], "namedentityextractionbatchpredictionarg": [18, 27, 146], "namedentityextractiontrainingconfig": [27, 28, 146], "nation": [52, 146, 206], "natur": [27, 28, 52, 111, 146, 182, 214, 216], "natural_language_explan": 146, "natural_language_search": [23, 25, 27, 28, 146], "naturallanguageexplan": [52, 111, 146, 182, 216], "naturallanguagesearchpredictionargu": [23, 27, 146], "naturallanguagesearchtrainingconfig": [27, 28, 146], "ndcg": [25, 27, 146], "ndcg_10": [25, 27, 146], "ndcg_5": [25, 27, 146], "nearest": [25, 27, 52, 146, 206], "need": [1, 14, 16, 22, 27, 28, 35, 52, 89, 111, 146, 161, 171, 206, 211, 214, 239, 242, 257, 258], "needs_refresh": [146, 242], "needsrefresh": [146, 242], "neg": [27, 30, 52, 111, 146, 192, 202, 204, 220], "negative_binomi": [25, 27, 146], "negative_exampl": [52, 146], "negative_prompt": [], "negativeprompt": [], "neighbor": [52, 146, 206], "ner": [27, 28, 146], "nerforllm": [27, 28, 146], "nermodeltyp": [25, 27, 146], "nerobject": [25, 27, 146], "nest": [16, 18, 27, 31, 52, 107, 110, 111, 146, 171, 181, 183, 184, 206, 214, 217, 232], "nested_column_nam": [52, 146, 214], "nested_drift": [146, 181], "nested_featur": [146, 232], "nested_feature_nam": [27, 31, 52, 111, 146, 171], "nested_feature_schema": 146, "nested_schema": [146, 217], "nested_summari": [110, 146], "nesteddrift": [146, 181], "nestedfeatur": [107, 146, 183, 232], "nestedfeatureschema": [146, 184, 232], "nestedschema": [146, 217], "nestedsummari": [110, 146], "network": [27, 28, 146], "neural": [27, 28, 146], "new": [2, 25, 26, 27, 35, 40, 42, 48, 52, 56, 75, 78, 82, 84, 94, 111, 122, 146, 161, 163, 167, 185, 189, 193, 206, 211, 214, 225, 235, 236, 255], "new_feature_nam": [52, 111, 146], "new_nam": [52, 111, 146], "new_nested_feature_nam": [52, 111, 146], "newli": [2, 52, 82, 89, 111, 124, 146, 214], "news_search_result": 146, "newssearchresult": [146, 185], "next": [27, 28, 42, 48, 52, 78, 85, 94, 111, 146, 161, 167, 193, 211, 216, 226, 227], "next_agent_workflow_node_id": [85, 146], "next_ai_building_task": [48, 146], "next_run_tim": [146, 193, 226, 227], "nextagentworkflownodeid": [85, 146], "nextaibuildingtask": [48, 146], "nextruntim": [146, 193, 226, 227], "night": [23, 27, 52, 146, 206], "nlp": [27, 28, 52, 146, 214], "nlp_chat": [52, 146], "nlp_chat_respons": 146, "nlp_classif": [25, 27, 52, 146], "nlp_document_visu": [25, 27, 52, 146], "nlp_ner": [25, 27, 146], "nlp_search": [25, 27, 52, 146], "nlp_sentence_boundary_detect": [25, 27, 52, 146], "nlp_sentiment": [25, 27, 52, 146], "nlp_summar": [25, 27, 52, 146], "nlpchatrespons": [146, 186], "nlpdocumentformat": [25, 27, 28, 146], "nmae": [25, 27, 146], "nn": [27, 28, 146], "node": [3, 16, 27, 34, 35, 52, 85, 116, 146, 206, 239, 257, 258], "node_respons": 35, "nodes_info": 35, "non": [21, 27, 40, 52, 75, 146, 236], "none": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258], "normal": [27, 28, 52, 72, 146], "normalize_typ": [25, 27, 146], "normalized_mean_absolute_error": [25, 27, 146], "normalized_root_mean_square_error": [25, 27, 146], "note": [48, 52, 78, 82, 146, 206, 214, 244], "notebook": [2, 52, 59, 65, 66, 146, 161, 178, 193, 194, 198, 211, 214, 220, 222, 226, 239], "notebook_cod": [146, 239], "notebook_id": [2, 52, 65, 66, 146, 161, 178, 193, 194, 211, 214, 220, 222, 226], "notebook_python_model": [52, 146], "notebook_vers": [146, 198], "notebookcod": [146, 239], "notebookid": [2, 65, 66, 146, 161, 178, 193, 194, 211, 220, 222, 226], "notebookvers": [146, 198], "noth": [52, 146], "notif": [48, 146], "notimpl": [15, 27, 146], "notreadyerror": 52, "now": [52, 82, 146], "nrmse": [25, 27, 146], "nsamplingconfig": [26, 27, 146], "nteger": [25, 27, 146], "nucleu": [52, 146], "null": [25, 26, 27, 42, 43, 100, 110, 126, 146, 187, 227, 232], "null_feature_import": [126, 146], "null_viol": [25, 27, 110, 146], "nullfeatureimport": [126, 146], "nullviol": [110, 146, 187], "num": [27, 28, 52, 146, 206], "num_backtesting_window": [27, 28, 146], "num_clusters_select": [27, 28, 146], "num_col": [70, 146], "num_completion_token": [23, 27, 28, 52, 82, 146, 206], "num_cv_fold": [27, 28, 146], "num_dupl": [69, 146], "num_duplicate_row": [70, 146], "num_item": [52, 146, 206], "num_predict": [23, 27, 52, 146, 206], "num_result": [52, 146], "num_retrieval_margin_word": [52, 89, 146, 206], "num_row": [52, 70, 111, 146], "num_rows_histogram": [52, 100, 101, 146], "num_vers": [26, 27, 146], "number": [2, 5, 12, 14, 16, 18, 23, 25, 26, 27, 28, 30, 42, 43, 52, 54, 69, 70, 73, 78, 80, 82, 84, 85, 87, 88, 89, 91, 97, 100, 103, 104, 111, 113, 119, 121, 124, 146, 158, 168, 178, 192, 193, 202, 204, 206, 214, 220, 222, 237, 244], "number_of_chunk": [91, 146], "number_of_item": [18, 27, 146], "number_of_sampl": [27, 28, 146], "number_of_samples_to_use_for_explain": [18, 27, 146], "numberofchunk": [91, 146], "numcol": [70, 146], "numdupl": [69, 146], "numduplicaterow": [70, 146], "numer": [27, 28, 29, 46, 52, 89, 98, 108, 110, 146, 206, 223, 232], "numeric_clipping_percentil": [27, 28, 146], "numerical_list": [146, 232], "numerical_prediction_distribut": [108, 146], "numerical_training_distribut": [108, 146], "numericalpredictiondistribut": [108, 146], "numericaltrainingdistribut": [108, 146], "numpi": [52, 146, 161, 193, 195, 211, 214], "numrow": [70, 146], "numrowshistogram": [100, 146], "oauth": [2, 52, 146, 161, 214], "obj": 52, "object": [1, 2, 7, 19, 27, 28, 33, 35, 40, 42, 43, 52, 67, 75, 78, 80, 82, 89, 91, 94, 101, 103, 104, 111, 113, 114, 117, 122, 124, 131, 140, 141, 142, 146, 156, 161, 162, 167, 169, 170, 171, 175, 177, 179, 180, 182, 189, 190, 193, 194, 195, 196, 198, 199, 206, 211, 214, 220, 221, 224, 225, 226, 227, 235, 239, 244, 256, 257], "object_detect": [25, 27, 146], "object_nam": [27, 33, 52, 75, 78, 82, 113, 114, 117, 124, 146], "object_refer": [146, 232], "object_typ": [146, 194, 198], "objectnam": [113, 114, 117, 146], "objecttyp": [146, 194, 198], "obscur": [37, 146], "obtain": [88, 146, 192], "occur": [52, 97, 146, 164, 193, 220, 221], "occurr": [27, 28, 146], "ocr": [21, 27, 52, 88, 146, 192], "ocr_mod": [21, 27, 146], "ocrmod": [21, 25, 27, 146], "od": [25, 27, 146], "off": [27, 28, 146], "offlin": [9, 27, 28, 52, 146], "offset": [18, 27, 43, 52, 89, 111, 146, 192, 202, 204, 214], "okta": [38, 146], "oktasaml": [25, 27, 146], "old": [48, 146], "oldest": [52, 78, 111, 146], "onc": [52, 78, 111, 146, 214], "one": [17, 18, 21, 26, 27, 31, 47, 48, 52, 59, 82, 89, 111, 146, 163, 167, 175, 206, 214, 226], "onedr": [22, 25, 27, 146], "onedrivedatasetconfig": [22, 27, 146], "onedriveus": [], "ones": [26, 27, 146], "ongo": [52, 146], "onli": [3, 9, 16, 21, 22, 23, 27, 28, 30, 42, 43, 52, 78, 82, 84, 85, 88, 104, 106, 111, 124, 146, 161, 175, 178, 192, 206, 214, 220, 222, 226, 235], "onlin": [52, 82, 111, 146], "online_feature_group_id": [82, 146], "onlinefeaturegroupid": [82, 146], "only_offline_deploy": [9, 27, 28, 146], "only_star": [52, 146], "onlyofflinedeploy": [9, 146], "open": [43, 52, 146], "openai": [25, 27, 146], "openai_compact": [25, 27, 146], "openai_gpt3_5": [25, 27, 146], "openai_gpt3_5_text": [25, 27, 52, 146], "openai_gpt4": [25, 27, 146], "openai_gpt4_128k": [25, 27, 146], "openai_gpt4_128k_latest": [25, 27, 146], "openai_gpt4_32k": [25, 27, 146], "openai_gpt4o": [25, 27, 146], "openai_gpt4o_mini": [25, 27, 146], "openai_larg": [25, 27, 146], "openai_o1_mini": [25, 27, 146], "oper": [26, 27, 31, 52, 82, 103, 111, 117, 146, 205, 206, 211, 212, 214, 216, 226], "operand": [52, 111, 146], "operations_mainten": [52, 146], "operator_config": [52, 111, 146, 216], "operator_typ": [26, 27, 146], "operatorconfig": [26, 27, 52, 111, 146, 216], "operatorfeaturegroup": [52, 111, 146], "operatortyp": [25, 26, 27, 146], "optim": [23, 25, 27, 28, 52, 146, 206], "optimality_gap_limit": [27, 28, 146], "optimizationpredictionargu": [23, 27, 146], "optimizationtrainingconfig": [27, 28, 146], "optimized_event_typ": [27, 28, 146], "option": [2, 7, 11, 21, 24, 26, 27, 28, 30, 52, 55, 78, 79, 82, 84, 111, 123, 131, 138, 141, 142, 146, 159, 161, 171, 172, 175, 202, 204, 206, 211, 213, 214, 235, 242, 254], "optional_artifact": [52, 146], "optional_feature_group_typ": [146, 213], "optionalfeaturegrouptyp": [146, 213], "orc": [25, 27, 146], "order": [16, 21, 27, 52, 78, 80, 99, 107, 111, 124, 134, 146, 204, 206, 211, 244], "order_claus": [52, 107, 111, 146], "orderclaus": [107, 146], "org": [38, 52, 146, 161, 188, 214], "org_level_connector": [52, 146, 161, 214], "organ": [1, 37, 38, 52, 60, 78, 80, 105, 111, 122, 146, 168, 170, 177, 188, 189, 191, 214, 248], "organization_external_application_set": 146, "organization_group": [146, 177, 248], "organization_group_id": [52, 111, 146, 189], "organization_search_result": 146, "organization_secret": 146, "organizationexternalapplicationset": [146, 188], "organizationgroup": [52, 111, 146, 177, 189, 248], "organizationgroupid": [146, 189], "organizationsearchresult": [52, 146, 190], "organizationsecret": [52, 146, 191], "orient": [52, 146, 192, 206], "origin": [19, 27, 28, 52, 79, 82, 89, 90, 107, 111, 124, 146, 152, 183, 192, 206, 216], "original_nam": [79, 107, 146, 183], "originalnam": [79, 107, 146, 183], "other": [16, 25, 27, 52, 80, 146, 172, 193, 214, 230], "other_metr": [146, 172], "othermetr": [146, 172], "otherwis": [27, 28, 35, 52, 82, 111, 146, 219], "ouput": [52, 146, 193], "our": [52, 146, 206, 244], "out": [2, 7, 21, 22, 27, 28, 42, 43, 52, 78, 80, 82, 84, 85, 89, 91, 101, 103, 111, 113, 119, 124, 126, 137, 142, 146, 161, 162, 171, 175, 180, 193, 199, 206, 214, 225, 244], "outdat": [111, 146, 182, 216], "outlier": [52, 146, 171], "outlin": [117, 146], "output": [16, 18, 21, 26, 27, 32, 42, 43, 52, 82, 85, 146, 158, 171, 193, 195, 196, 198, 214, 258], "output_column": [18, 26, 27, 146], "output_error": [146, 196], "output_feature_group_id": [42, 43, 146], "output_feature_group_table_nam": [42, 43, 146], "output_feature_group_vers": [43, 146], "output_format": [42, 52, 82, 146], "output_includes_metadata": [42, 43, 52, 82, 146], "output_loc": [42, 52, 82, 113, 114, 146, 162, 175], "output_map": [16, 27, 146], "output_online_feature_group_id": [82, 146], "output_schema": [16, 27, 146], "output_token": [146, 158], "output_variable_map": [52, 146, 193, 195, 196, 220], "outputerror": [146, 196], "outputfeaturegroupid": [42, 43, 146], "outputfeaturegrouptablenam": [42, 43, 146], "outputfeaturegroupvers": [43, 146], "outputincludesmetadata": [42, 43, 146], "outputloc": [52, 82, 113, 114, 146, 162], "outputonlinefeaturegroupid": [82, 146], "outputtoken": [146, 158], "outputtyp": [52, 82, 146], "outputvariablemap": [27, 32, 52, 146, 193, 196, 220], "outsid": [46, 146], "over": [27, 30, 52, 82, 89, 111, 146, 206], "overal": [27, 28, 52, 89, 110, 146, 159, 171, 181, 206, 225], "overlap": [24, 27, 28, 52, 89, 146, 206], "overrid": [52, 78, 82, 104, 111, 122, 146, 206, 214], "oversampl": [26, 27, 146], "overwrit": [52, 124, 146], "own": [52, 146, 206], "p10": [100, 134, 135, 136, 146, 150], "p90": [100, 134, 135, 136, 146, 150], "packag": [52, 59, 161, 193, 195, 211, 214, 220, 257, 258], "package_requir": [52, 59, 146, 161, 193, 195, 211, 214, 220, 257, 258], "packagerequir": [59, 146, 220, 257, 258], "pad": [27, 28, 146], "page": [5, 21, 22, 26, 27, 28, 35, 52, 88, 90, 111, 124, 146, 161, 192, 206, 214, 253, 255], "page_count": [5, 88, 146, 192], "page_data": [35, 146], "page_info": [111, 124, 146, 232], "page_label_list": [146, 232], "page_llm_ocr": 35, "page_markdown": [35, 88, 146, 192], "page_table_text": 35, "page_text": [35, 146, 192], "page_text_column": [21, 27, 146], "page_token_start_offset": [146, 192], "pagecount": [5, 88, 146, 192], "pagedata": [52, 146, 192], "pagemarkdown": [88, 146, 192], "pages_docu": [146, 232], "pages_zip_metadata": 35, "pagetext": [146, 192], "pagetokenstartoffset": [146, 192], "paid": 52, "paidplanrequir": 52, "pair": [27, 28, 42, 52, 72, 82, 113, 114, 124, 146, 206, 247], "palm_text": [52, 146], "panda": [27, 34, 42, 43, 52, 103, 111, 124, 146, 161, 175, 193, 195, 211, 214, 220, 221], "param": [22, 27, 28, 30, 34, 146, 164], "paramet": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "paramt": [52, 146, 206], "parent": [52, 111, 146], "parquet": [25, 27, 52, 146], "pars": [21, 27, 52, 78, 106, 146, 152, 158], "parse_typ": 52, "parsing_config": [52, 78, 146], "parsingconfig": [21, 27, 52, 78, 146], "part": [27, 28, 52, 78, 146, 161, 193, 195, 199, 206, 214, 244, 245], "part_data": [52, 146, 244], "part_index": [103, 124, 146], "part_numb": [52, 146, 244], "partial": [27, 28, 37, 146], "partial_autocorrel": [100, 146], "partial_complet": [146, 175], "partial_dependence_analysi": [27, 28, 146], "partialautocorrel": [100, 146], "partialcomplet": [146, 175], "partialdependenceanalysi": [25, 27, 28, 146], "particular": [27, 28, 52, 89, 146, 206], "particularli": [52, 89, 146, 206], "partit": [27, 28, 52, 146], "pass": [19, 27, 28, 42, 43, 52, 59, 130, 131, 132, 146, 189, 199, 206, 214, 220, 221], "password": [146, 188], "passwords_dis": [146, 188], "passwordsdis": [146, 188], "past": [52, 111, 146, 202, 204], "path": [21, 27, 52, 56, 111, 124, 146, 161, 216, 221], "pattern": [52, 146, 220], "paus": [52, 146, 193, 206, 226, 227], "pause_autonomous_ag": [52, 146, 206], "pause_pipeline_refresh_schedul": [52, 146], "pause_refresh_polici": [52, 146], "pause_refresh_schedul": [146, 193], "payload": [52, 146, 256], "payload_templ": [52, 82, 146, 256], "payloadtempl": [146, 256], "payment": 52, "paymentmethodrequir": 52, "pdf": [21, 25, 27, 28, 52, 146, 206], "peak": [27, 28, 146], "peaks_ma": [25, 27, 146], "peaks_mean_absolute_error": [25, 27, 146], "penalti": [26, 27, 31, 146], "pend": [2, 7, 42, 43, 52, 82, 89, 91, 101, 103, 111, 113, 121, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 225, 244], "pending_deployment_id": [7, 146, 171, 175], "pending_model_vers": [82, 146], "pending_prediction_operator_vers": [82, 146], "pending_process": [121, 146], "pendingdeploymentid": [7, 146, 171, 175], "pendingmodelvers": [82, 146], "pendingpredictionoperatorvers": [82, 146], "pendingprocess": [121, 146], "per": [18, 26, 27, 28, 52, 82, 87, 89, 97, 146, 161, 206], "percent": [27, 28, 100, 146], "percent_sampl": [25, 27, 146], "percentag": [25, 26, 27, 28, 146, 150, 168], "percentil": [25, 27, 28, 146, 150], "percentsamplingconfig": [26, 27, 146], "perform": [8, 21, 23, 27, 43, 52, 61, 78, 82, 111, 128, 146, 168, 175, 202, 204, 206, 214], "perform_feature_select": [27, 28, 146], "period": [22, 27, 28, 52, 82, 146, 168], "permiss": [2, 38, 52, 130, 131, 132, 146, 161, 189, 214], "permissiondeniederror": 52, "permit": [52, 78, 89, 111, 146, 206], "permut": [126, 146], "permutation_feature_import": [126, 146], "permutationfeatureimport": [126, 146], "pers_promot": [52, 146], "persist": [52, 146], "person": [18, 21, 25, 27, 28, 42, 52, 146, 206], "persona": [27, 28, 146], "personalizationbatchpredictionarg": [18, 27, 146], "personalizationobject": [25, 27, 28, 146], "personalizationtrainingconfig": [27, 28, 146], "personalizationtrainingmod": [25, 27, 28, 146], "phrase": [52, 89, 146, 206], "pick": [2, 52, 146], "pickl": [52, 146], "pii": [21, 27, 146], "pilot": [8, 17, 27, 48, 52, 146, 214], "pin": [52, 146, 161], "pip": [59, 146, 220], "pipelin": [27, 32, 52, 101, 146, 171, 194, 195, 196, 197, 198, 199, 200, 214, 225, 226, 227], "pipeline_id": [52, 146, 193, 194, 195, 196, 199, 226], "pipeline_nam": [52, 146, 193, 195, 199], "pipeline_refer": [146, 193], "pipeline_reference_id": [146, 194], "pipeline_step": [52, 146], "pipeline_step_id": [52, 146, 195, 196, 197], "pipeline_step_vers": [52, 146, 197, 198], "pipeline_step_version_log": 146, "pipeline_step_version_refer": [146, 196], "pipeline_step_version_reference_id": [146, 198], "pipeline_vari": [27, 32, 146], "pipeline_variable_map": [52, 146, 193, 199], "pipeline_vers": [52, 146, 196], "pipeline_version_log": 146, "pipelineid": [146, 193, 194, 195, 196, 199, 226], "pipelinenam": [146, 193, 195, 199], "pipelinerefer": [146, 193, 194], "pipelinereferenceid": [146, 194], "pipelinestep": [52, 146, 193, 195], "pipelinestepid": [146, 195, 196, 197], "pipelinestepvers": [52, 146, 196, 197, 198, 199], "pipelinestepversionlog": [52, 146, 196, 197, 200], "pipelinestepversionrefer": [146, 196, 198], "pipelinestepversionreferenceid": [146, 198], "pipelinevariablemap": [146, 193, 199], "pipelinevers": [52, 146, 193, 196, 199], "pipelineversionlog": [52, 146, 199, 200], "pit": [52, 111, 138, 146], "pit_operation_config": [146, 205], "pit_operation_typ": [146, 205], "pitoperationconfig": [146, 205], "pitoperationtyp": [146, 205], "pixel": [146, 192], "place": [146, 160, 255], "placehold": [27, 28, 52, 78, 146, 231], "placement": [146, 231], "plai": [146, 165, 206], "plain": [52, 146], "plan": 52, "platform": [24, 27, 52, 146, 214], "playground": [64, 146, 201], "playground_text": 146, "playgroundtext": [146, 201], "pleas": [52, 146], "plot": [27, 28, 52, 98, 101, 140, 146, 172, 214, 220, 222], "plot_nam": [146, 222], "plot_reference_id": [140, 146], "plotly_fig": [25, 27, 52, 146], "plotnam": [146, 222], "plotreferenceid": [140, 146], "plug": [146, 165, 206], "plug_and_plai": [25, 27, 146], "png": [25, 27, 146], "point": [18, 27, 28, 52, 60, 61, 85, 87, 107, 111, 124, 146, 184, 202, 203, 204, 205, 206, 216, 232, 240], "point_in_time_featur": 146, "point_in_time_feature_info": 146, "point_in_time_group": [111, 124, 146, 216], "point_in_time_group_featur": 146, "point_in_time_info": [107, 146, 184, 232], "pointintimefeatur": [107, 146, 202], "pointintimefeatureinfo": [146, 184, 203, 232], "pointintimegroup": [111, 124, 146, 204, 216], "pointintimegroupfeatur": [146, 204, 205], "pointintimeinfo": [107, 146, 184, 232], "pointwise_accuraci": [25, 27, 146], "polici": [22, 27, 42, 52, 78, 80, 82, 104, 131, 146, 161, 193, 214, 225, 226, 227], "poll": [52, 103, 146], "poll_arg": 52, "poor": [52, 82, 146], "pop": [15, 27, 146], "popul": [52, 80, 102, 109, 110, 111, 113, 146, 162, 225], "popular": [27, 28, 52, 146, 206], "port": [27, 28, 146], "posit": [27, 30, 52, 111, 146, 192, 202, 204, 206, 214, 220, 244], "positive_exampl": [52, 146], "possibl": [27, 28, 52, 127, 138, 146, 193, 206, 214, 232], "possibli": [27, 28, 146], "post": [22, 27, 52, 82, 146, 256], "postal": [1, 146], "postal_cod": [1, 146], "postalcod": [1, 146], "power": [23, 27, 52, 82, 146, 206], "ppt": [25, 27, 146], "pptx": [25, 27, 146], "pr": [52, 146, 161, 214], "pre": [16, 27, 28, 52, 111, 146], "precis": [25, 27, 28, 52, 89, 146, 206, 214], "predcit": [43, 146], "predecessor": [146, 163, 164], "predict": [2, 9, 18, 23, 25, 27, 28, 29, 30, 35, 36, 42, 43, 44, 46, 52, 82, 83, 92, 93, 104, 108, 110, 135, 136, 146, 161, 166, 167, 168, 169, 171, 172, 175, 187, 194, 198, 206, 207, 208, 209, 210, 211, 212, 214, 223, 225, 226, 240, 244], "predict_churn": [52, 146, 206], "predict_class": [52, 146, 206], "predict_endpoint": [36, 146], "predict_fraud": [52, 146, 206], "predict_from_dataset": [52, 146, 206], "predict_funct": [52, 146, 214], "predict_function_nam": [2, 9, 52, 146, 161, 211, 214], "predict_history_data": [136, 146], "predict_languag": [52, 146, 206], "predict_lead": [52, 146, 206], "predict_mani": [52, 146], "predict_many_funct": [52, 146, 214], "predict_many_function_nam": [9, 52, 146, 161, 214], "predict_module_nam": [52, 146, 161], "predict_multipl": [52, 146, 206], "predict_raw": [146, 206], "predict_residu": [27, 28, 146], "predict_takeov": [52, 146, 206], "predict_target": [52, 146, 206], "predict_with_binary_data": [52, 146, 206], "predicted_column": [92, 146], "predictedcolumn": [92, 146], "predictendpoint": [36, 146], "predictfunctionnam": [2, 9, 52, 146, 161, 211, 214], "predicthistorydata": [136, 146], "prediction_argu": [52, 82, 146], "prediction_cli": 146, "prediction_config": [52, 146, 161], "prediction_count": [25, 27, 146], "prediction_data_use_map": [146, 167, 171], "prediction_dataset": 146, "prediction_distribut": [108, 146], "prediction_drift": [93, 110, 146], "prediction_endpoint": 52, "prediction_feature_group": [52, 146, 214], "prediction_feature_group_id": [52, 146, 167, 214], "prediction_feature_group_sampl": [146, 167], "prediction_feature_group_vers": [146, 167, 171], "prediction_forecast_config": [52, 146, 167, 171, 214], "prediction_input": 146, "prediction_item_analysi": [135, 146], "prediction_item_id": [136, 146], "prediction_length": [25, 27, 28, 146], "prediction_log_record": 146, "prediction_max": [146, 223], "prediction_min": [146, 223], "prediction_null_freq": [146, 187], "prediction_oper": 146, "prediction_operator_id": [52, 82, 146, 211, 212, 226], "prediction_operator_vers": [52, 82, 146], "prediction_overrid": [104, 146], "prediction_prefix": 35, "prediction_start": [23, 27, 52, 146, 206], "prediction_statist": [108, 146], "prediction_step_s": [27, 28, 146], "prediction_target_across_tim": [136, 146], "prediction_target_col": [136, 146], "prediction_target_featur": [27, 29, 146], "prediction_timestamp_col": [136, 146], "predictionargu": [23, 27, 52, 82, 146], "predictioncli": [146, 206], "predictioncount": [25, 27, 146], "predictioncountconditionconfig": [27, 30, 146], "predictiondataset": [146, 207, 209], "predictiondatausemap": [146, 167, 171], "predictiondistribut": [108, 146], "predictiondrift": [93, 110, 146], "predictionfeaturegroup": [42, 43, 146, 208, 209], "predictionfeaturegroupid": [146, 167], "predictionfeaturegroupsampl": [146, 167], "predictionfeaturegroupvers": [146, 167, 171], "predictionforecastconfig": [146, 167, 171], "predictioninput": [42, 43, 146, 209], "predictionitemanalysi": [135, 146], "predictionitemid": [136, 146], "predictionlogrecord": [52, 82, 146, 210], "predictionmax": [146, 223], "predictionmin": [146, 223], "predictionnullfreq": [146, 187], "predictionoper": [52, 146, 211, 214], "predictionoperatorid": [82, 146, 211, 212, 226], "predictionoperatorvers": [52, 82, 146, 211, 212], "predictionoverrid": [104, 146], "predictions_completed_at": [43, 146], "predictions_histogram": [136, 146], "predictions_start_d": [18, 27, 146], "predictions_started_at": [43, 146], "predictionscompletedat": [43, 146], "predictionshistogram": [136, 146], "predictionsstartedat": [43, 146], "predictionstatist": [108, 146], "predictiontargetacrosstim": [136, 146], "predictiontargetcol": [136, 146], "predictiontimestampcol": [136, 146], "predictive_model": [18, 23, 25, 27, 28, 146], "predictivemodelingbatchpredictionarg": [18, 27, 146], "predictmanyfunctionnam": [9, 146, 161], "predictmodulenam": [52, 146, 161], "prefer": [52, 146, 206], "prefix": [18, 27, 42, 43, 52, 82, 111, 146], "premium": [55, 146], "prepar": [52, 71, 146, 175], "prepend": [42, 43, 52, 82, 146, 221], "preprocessor": [146, 174], "present": [16, 26, 27, 42, 43, 46, 52, 78, 82, 89, 111, 146, 206, 214], "preserv": [52, 146, 206], "preserve_rank": [52, 146, 206], "preserve_unknown_item": [52, 146, 206], "pretrain": [25, 27, 28, 133, 146], "pretrained_bert": [25, 27, 146], "pretrained_image_text_descript": [52, 146], "pretrained_instruct_pix2pix": [52, 146], "pretrained_llm_nam": [27, 28, 146], "pretrained_model": [18, 25, 27, 146], "pretrained_model_nam": [27, 28, 146], "pretrained_multilingu": [25, 27, 146], "pretrained_ocr_document_to_text": [52, 146], "pretrained_roberta_27": [25, 27, 146], "pretrained_roberta_43": [25, 27, 146], "pretrained_speech_recognit": [52, 146], "pretrained_style_transf": [52, 146], "pretrained_text_classif": [52, 146], "pretrained_text_to_image_gener": [52, 146], "pretrainedmodelsbatchpredictionarg": [18, 27, 146], "pretty_nam": [146, 246], "prettynam": [146, 246], "prevent": [52, 111, 146], "preview": [52, 146, 153, 154, 240], "preview_feature_group_template_resolut": [52, 146], "preview_resolut": [122, 146], "previou": [52, 78, 82, 111, 146], "previous": [27, 28, 52, 82, 111, 146], "price": [27, 28, 146], "primari": [12, 13, 16, 27, 52, 69, 82, 97, 100, 111, 118, 119, 120, 146, 147, 214, 216, 248], "primarili": [27, 34, 146], "primary_kei": [52, 97, 100, 111, 118, 146, 147, 214, 216], "primary_key_valu": [52, 82, 119, 120, 146], "primary_start_nod": [16, 27, 35, 146], "primarykei": [52, 97, 100, 111, 118, 146, 147, 216], "primarykeyvalu": [119, 120, 146], "prior": [52, 111, 146], "probability_quantil": [27, 28, 146], "probabl": [52, 146, 206], "problem": [9, 18, 23, 27, 28, 42, 52, 65, 66, 82, 146, 213, 214, 240, 246], "problem_typ": [9, 18, 23, 27, 28, 52, 66, 146, 214, 246], "problemtyp": [9, 18, 23, 25, 27, 28, 52, 66, 146, 213, 214, 246], "process": [7, 21, 22, 26, 27, 28, 52, 62, 70, 78, 82, 85, 88, 101, 112, 119, 120, 121, 124, 146, 164, 171, 175, 180, 211, 244], "process_node_respons": 35, "process_streaming_data": 35, "processing_process": [121, 146], "processingprocess": [121, 146], "prod": [25, 27, 146], "product": [25, 27, 28, 52, 100, 101, 146, 193, 206], "product_matur": [52, 100, 101, 146], "productmatur": [100, 146], "profession": [52, 89, 146, 206], "progress": [48, 146], "project": [2, 27, 48, 52, 82, 94, 104, 111, 113, 116, 127, 140, 146, 151, 161, 167, 171, 179, 206, 211, 215, 216, 217, 219, 226, 232, 242, 246, 247], "project_config": [52, 111, 113, 146, 216, 217], "project_feature_group": 146, "project_feature_group_schema": [146, 216], "project_feature_group_schema_vers": 146, "project_id": [2, 48, 52, 82, 94, 111, 140, 146, 151, 161, 167, 179, 193, 211, 214, 226], "project_nam": [140, 146], "project_valid": 146, "projectconfig": [52, 111, 113, 146, 215, 216, 217], "projectconfigtyp": [25, 27, 31, 146], "projectfeaturegroup": [52, 146, 214, 216], "projectfeaturegroupconfig": [27, 31, 52, 111, 146, 215], "projectfeaturegroupschema": [146, 216, 217], "projectfeaturegroupschemavers": [146, 218], "projectfeaturegrouptypemappingsconfig": [27, 31, 146], "projectid": [2, 48, 82, 94, 140, 146, 151, 161, 167, 179, 211, 214, 226], "projectnam": [140, 146], "projectvalid": [52, 146, 214, 219], "promo": [52, 146, 206], "promot": [52, 82, 146, 206], "prompt": [17, 22, 26, 27, 28, 47, 52, 146, 190, 206, 214, 231], "prompt_col": [26, 27, 146], "prompt_context": [52, 146], "properti": [2, 16, 27, 52, 82, 89, 90, 111, 146, 206], "proport": [146, 187], "provid": [2, 15, 16, 17, 18, 20, 21, 22, 23, 24, 26, 27, 28, 30, 31, 33, 40, 47, 52, 68, 78, 82, 84, 85, 89, 101, 111, 122, 146, 161, 165, 171, 175, 193, 204, 206, 214, 256], "provinc": [1, 146], "proxi": [36, 52, 146], "proxy_cal": [52, 146], "proxy_endpoint": [36, 52, 146], "proxyendpoint": [36, 146], "prune_vector": [24, 27, 146], "prunevector": [], "psi": [25, 27, 102, 109, 110, 136, 146], "public": [38, 63, 146, 206, 233, 235], "public_kei": [63, 146, 233], "public_user_group": [38, 146], "publickei": [146, 233], "publicusergroup": [38, 146], "publish": [2, 7, 52, 146, 161, 185], "publishing_completed_at": [7, 146], "publishing_msg": [59, 146], "publishing_started_at": [7, 146], "publishingcompletedat": [7, 146], "publishingmsg": [59, 146], "publishingstartedat": [7, 146], "pull": [22, 27, 146], "pull_attach": [22, 27, 146], "pull_channel_post": [22, 27, 146], "pull_chat_messag": [22, 27, 146], "pull_transcript": [22, 27, 146], "purg": [52, 78, 111, 146], "purpos": [42, 52, 146, 161, 214, 244], "pyspark": [52, 146], "python": [2, 7, 16, 25, 27, 28, 32, 42, 43, 52, 59, 111, 124, 140, 146, 152, 161, 175, 178, 193, 195, 196, 211, 212, 214, 216, 220, 221, 222, 238], "python_express": 35, "python_funct": [27, 52, 146, 195], "python_function_bind": [52, 111, 124, 146, 216], "python_function_id": [52, 140, 146, 195, 196, 214, 220, 222], "python_function_nam": [52, 111, 140, 146, 216, 221], "python_function_valid": 146, "python_model": [52, 146], "python_plot_funct": 146, "python_root": [52, 146, 161], "python_typ": [25, 27, 146], "pythonfunct": [52, 146, 195, 220], "pythonfunctionargu": [27, 32, 52, 146, 193, 199], "pythonfunctionargumenttyp": [25, 27, 32, 146], "pythonfunctionbind": [111, 124, 146, 216], "pythonfunctionid": [140, 146, 195, 196, 220, 222], "pythonfunctionnam": [111, 140, 146, 216], "pythonfunctionoutputargumenttyp": [25, 27, 32, 146], "pythonfunctiontyp": [25, 27, 52, 146], "pythonplotfunct": [52, 146, 222], "q": [25, 27, 146], "quadrat": [25, 27, 146], "qualifi": [27, 28, 52, 146], "qualiti": [72, 146], "quantil": [25, 27, 28, 146], "quantiles_extension_method": [27, 28, 146], "quarter": [100, 146], "quarter_end": [25, 27, 146], "quarter_start": [25, 27, 146], "quarterli": [52, 100, 136, 146, 214], "querabl": [40, 52, 75, 146], "queri": [22, 23, 24, 27, 28, 52, 75, 78, 80, 82, 89, 90, 103, 122, 146, 153, 154, 155, 160, 161, 206, 210, 229, 240], "query_argu": [52, 78, 146], "query_column": [27, 28, 146], "query_data": [52, 146, 206], "query_database_connector": [52, 146], "query_feature_group_code_gener": [52, 146], "query_param": 52, "query_rewrite_instruct": [27, 28, 146], "query_time_m": [146, 210], "querytimem": [146, 210], "question": [27, 28, 146, 151], "quicker": [52, 82, 146], "qwen_2_5_32b": [25, 27, 146], "qwen_2_5_32b_bas": [25, 27, 146], "qwen_2_5_72b": [25, 27, 146], "qwq_32b": [25, 27, 146], "r": [25, 27, 146], "r_squared_coefficient_of_determin": [25, 27, 146], "radio": [16, 27, 146], "rag": [27, 28, 146], "rais": [52, 63, 146, 168, 220, 221], "raise_except": 35, "random": [25, 26, 27, 146], "randomli": [26, 27, 146], "rang": [18, 26, 27, 28, 46, 52, 82, 93, 102, 108, 109, 110, 111, 146, 206, 223], "range_viol": [25, 27, 110, 146], "rangeviol": [110, 146, 223], "rank": [27, 28, 52, 89, 111, 146, 206], "rapid": [25, 27, 28, 146], "rar": [25, 27, 146], "rare": [27, 28, 146], "rare_class_augmentation_threshold": [27, 28, 146], "rate": [27, 28, 52, 146], "rather": [27, 28, 52, 146, 206], "ratio": [27, 28, 52, 146], "raw": [52, 59, 106, 146, 158, 206], "raw_llm_respons": [106, 146], "rawllmrespons": [106, 146], "re": [2, 27, 28, 52, 78, 146, 167, 206], "reach": [52, 89, 146, 206], "react": [16, 27, 34, 146], "read": [43, 52, 146], "readabl": [52, 111, 146], "readi": [42, 43, 52, 89, 91, 101, 111, 119, 146, 171, 180, 216, 219], "readonlycli": [52, 146], "real": [52, 82, 146, 167, 214, 224], "realtim": [52, 82, 87, 146, 179, 224], "realtime_monitor": 146, "realtime_monitor_id": [52, 82, 146, 167, 179, 214, 224], "realtime_monitor_schedul": [52, 82, 146, 224], "realtimemonitor": [52, 82, 146, 214, 224], "realtimemonitorid": [82, 146, 179, 224], "realtimemonitorschedul": [146, 224], "reason": [146, 158], "rebalance_class": [27, 28, 146], "recal": [25, 27, 28, 52, 146, 214], "recalcul": [22, 27, 146], "receiv": [15, 16, 27, 29, 30, 33, 34, 52, 111, 146, 216], "recent": [13, 26, 27, 28, 52, 82, 84, 111, 146], "recent_days_for_train": [27, 28, 146], "reciproc": [27, 28, 52, 89, 146, 206], "recogn": [52, 146, 206], "recommend": [18, 27, 28, 42, 52, 146, 206, 220], "record": [27, 28, 52, 80, 82, 101, 111, 129, 146, 206, 210, 235], "recordid": [52, 111, 146, 235], "recov": [52, 146, 214], "recover": [52, 82, 146], "recurr": [27, 28, 146], "recurrent_lay": [27, 28, 146], "recurrent_unit": [27, 28, 146], "redict": [52, 146], "reduc": [27, 28, 30, 146], "reduct": [27, 30, 146], "refer": [7, 16, 22, 27, 28, 52, 78, 80, 94, 101, 140, 146, 171, 174, 175, 193, 194, 195, 196, 198, 199, 206, 214, 222, 244], "reference_feature_group_vers": [94, 101, 146], "reference_feature_nam": [52, 98, 101, 146], "reference_only_documentset": [52, 78, 146], "referenced_feature_group": [111, 146, 216], "referencedfeaturegroup": [111, 146, 216], "referencefeaturegroupvers": [94, 101, 146], "referenceonlydocumentset": [78, 146], "referr": [50, 146], "reflect": [52, 111, 146], "refresh": [2, 7, 27, 42, 43, 52, 67, 78, 80, 82, 89, 91, 94, 101, 103, 104, 111, 113, 122, 124, 140, 141, 142, 146, 161, 162, 167, 171, 175, 179, 180, 189, 193, 195, 196, 199, 211, 214, 224, 225, 226, 227, 244, 256], "refresh_pipeline_run": 146, "refresh_pipeline_run_id": [52, 146, 225], "refresh_polici": [146, 225], "refresh_policy_id": [52, 146, 225, 226, 227], "refresh_schedul": [42, 52, 78, 82, 94, 111, 146, 161, 167, 211, 214, 216], "refresh_typ": [52, 146, 225, 226, 227], "refreshpipelinerun": [52, 146, 225, 226], "refreshpipelinerunid": [146, 225], "refreshpolici": [42, 52, 78, 82, 146, 161, 214, 225, 226], "refreshpolicyid": [146, 225, 226, 227], "refreshschedul": [42, 78, 82, 94, 111, 146, 161, 167, 211, 216, 227], "refreshtyp": [146, 225, 226, 227], "regard": [123, 146], "regardless": [146, 161], "regener": [52, 84, 85, 146, 206, 228], "regenerate_attempt": [84, 85, 146], "regenerate_llm_external_appl": 146, "regenerateattempt": [84, 85, 146], "regeneratellmexternalappl": [146, 228], "regex": [22, 27, 146], "region": [21, 27, 82, 146], "regist": [27, 28, 50, 52, 146, 221], "regress": [25, 27, 52, 65, 66, 82, 146, 206], "regression_dl_tf": [52, 146], "regressionaugmentationstrategi": [25, 27, 28, 146], "regressionlossfunct": [25, 27, 28, 146], "regressionobject": [25, 27, 28, 146], "regressionpredictionargu": [23, 27, 146], "regressiontargettransform": [25, 27, 28, 146], "regressiontimesplitmethod": [25, 27, 28, 146], "regressiontrainingconfig": [27, 28, 146], "regressiontreehpomod": [25, 27, 28, 146], "regressiontypeofsplit": [25, 27, 28, 146], "regular": [27, 28, 52, 146], "rel": [18, 27, 28, 52, 146, 206], "relat": [23, 27, 52, 124, 146, 206], "relev": [0, 7, 21, 24, 27, 28, 43, 52, 82, 89, 101, 111, 124, 133, 146, 171, 175, 180, 190, 199, 206], "reli": [27, 28, 146], "reload": [52, 146], "remain": [27, 28, 52, 119, 146, 214], "remot": [52, 111, 124, 146], "remov": [21, 24, 27, 28, 52, 82, 104, 111, 124, 146, 189, 214], "remove_annotation_label": [111, 146], "remove_app_user_group_from_external_appl": [52, 146], "remove_app_user_group_report_permiss": [52, 146], "remove_concatenation_config": [52, 111, 146], "remove_deployment_feature_group_export_output": [52, 146], "remove_feature_group_annotation_label": [52, 146], "remove_feature_group_export_output": [82, 146], "remove_feature_group_from_project": [52, 146], "remove_feature_group_tag": [52, 146], "remove_feature_tag": [52, 111, 146], "remove_from_project": [111, 146], "remove_header_foot": [21, 27, 146], "remove_organization_group_from_feature_group_modifi": [52, 146], "remove_organization_group_from_modifi": [111, 146], "remove_organization_group_permiss": [52, 146], "remove_permiss": [146, 189], "remove_project_tag": [52, 146], "remove_tag": [111, 146, 214], "remove_user_from": [146, 189], "remove_user_from_feature_group_modifi": [52, 146], "remove_user_from_modifi": [111, 146], "remove_user_from_organ": [52, 146], "remove_user_from_organization_group": [52, 146], "remove_users_from_app_user_group": [52, 146], "remove_watermark": [21, 27, 146], "renam": [40, 42, 48, 52, 75, 82, 84, 89, 94, 146, 161, 167, 193, 195, 214, 236], "rename_application_connector": [52, 146], "rename_chat_sess": [52, 146], "rename_database_connector": [52, 146], "rename_deploy": [52, 146], "rename_deployment_convers": [52, 146], "rename_document_retriev": [52, 146], "rename_eda": [52, 146], "rename_model": [52, 146], "rename_model_monitor": [52, 146], "rename_pipelin": [52, 146], "rename_pipeline_step": [52, 146], "rename_project": [52, 146], "rename_streaming_connector": [52, 146], "render": [19, 27, 34, 146, 190, 201], "render_feature_groups_for_llm": [52, 146], "rendering_cod": [146, 201], "renderingcod": [146, 201], "renorm": [27, 28, 146], "replac": [27, 28, 42, 52, 56, 61, 111, 122, 124, 146, 209, 229], "replace_until_timestamp": [52, 61, 111, 146], "replaceuntiltimestamp": [61, 146], "repli": [27, 28, 146], "repons": [27, 28, 52, 146], "report": [22, 27, 38, 43, 52, 113, 146], "repositori": [52, 146, 161], "repr": 35, "repres": [2, 16, 27, 28, 42, 52, 82, 84, 89, 91, 98, 100, 134, 136, 146, 161, 206, 214, 220, 226, 240], "represent": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "reprocess": [52, 82, 146], "reproduc": [27, 28, 146], "republish": [2, 146], "request": [36, 37, 42, 52, 53, 82, 83, 85, 87, 111, 143, 146, 206, 210, 211, 214, 234, 235, 256], "request_id": [52, 146, 210], "request_seri": [87, 146], "requestid": [146, 210], "requestseri": [87, 146], "requesttimeouterror": 52, "requet": [52, 146], "requir": [2, 16, 21, 27, 28, 32, 52, 59, 84, 89, 124, 146, 160, 161, 167, 174, 175, 193, 195, 206, 207, 208, 211, 213, 214, 220, 242, 247, 257, 258], "required_feature_group_typ": [146, 213], "required_phras": [52, 89, 146, 206], "requiredfeaturegrouptyp": [146, 213], "requirements_upload_id": [146, 174], "requirementsuploadid": [146, 174], "rerank": [27, 28, 52, 146, 206], "rerun": [52, 94, 141, 146, 167, 179, 199, 214], "rerun_eda": [52, 146], "rerun_holdout_analysi": [52, 146], "rerun_model_monitor": [52, 146], "resampl": [25, 27, 146], "rescal": [52, 146], "reset": [52, 82, 146, 199], "reset_feature_group_row_process_by_kei": [52, 82, 146], "reset_pipeline_vers": [52, 146], "reset_retention_polici": [52, 104, 146], "residu": [27, 28, 146], "resolut": [146, 229], "resolv": [23, 27, 52, 78, 91, 111, 122, 124, 146, 206, 216, 229], "resolve_matching_docu": [22, 27, 146], "resolved_config": [91, 146], "resolved_feature_group_templ": 146, "resolved_sql": [146, 229], "resolved_vari": [146, 229], "resolvedconfig": [91, 146], "resolvedfeaturegrouptempl": [52, 122, 146, 229], "resolvedsql": [146, 229], "resolvedvari": [146, 229], "resourc": [2, 52, 146, 174, 225], "resources_upload_id": [146, 174], "resourcesuploadid": [146, 174], "respect": [26, 27, 28, 52, 90, 146, 161, 175, 206, 214], "respond": [27, 28, 52, 146], "respons": [3, 6, 15, 16, 22, 23, 26, 27, 28, 29, 30, 33, 34, 47, 48, 50, 52, 53, 54, 56, 57, 58, 63, 64, 80, 82, 84, 85, 105, 106, 124, 146, 152, 156, 158, 160, 186, 206, 210, 214, 253], "response_document_sourc": [52, 146], "response_field": [16, 27, 146], "response_format": [27, 28, 146], "response_instruct": [27, 28, 64, 146], "response_sect": [52, 146], "response_typ": [52, 146], "response_vers": [85, 146], "responseinstruct": [64, 146], "responsesect": [27, 34, 52, 146], "responsesectiontyp": [25, 27, 34, 146], "responsevers": [85, 146], "restart": [52, 82, 89, 91, 146], "restart_document_retriev": [52, 146], "restor": [52, 146], "restrict": [26, 27, 29, 52, 78, 82, 89, 111, 146, 206], "restrict_feature_map": [27, 29, 146], "restrict_item": [52, 146, 206], "restricted_algorithm": [146, 161], "restricted_feature_valu": [27, 29, 146], "restrictedalgorithm": [146, 161], "restrictfeaturemap": [27, 29, 146], "result": [6, 18, 21, 23, 27, 28, 35, 42, 43, 52, 72, 73, 82, 85, 89, 90, 103, 111, 130, 146, 154, 156, 161, 175, 180, 185, 190, 206, 214, 219, 220, 221, 229, 240, 243, 251, 254, 255], "result_column": [52, 89, 146, 206], "result_input_column": [42, 43, 52, 82, 146], "resultinputcolumn": [42, 43, 146], "resum": [52, 146, 193, 226], "resume_pipeline_refresh_schedul": [52, 146], "resume_refresh_polici": [52, 146], "resume_refresh_schedul": [146, 193], "retail": [52, 146], "retain": [52, 78, 104, 146], "retent": [52, 78, 104, 146], "retention_hour": [52, 78, 146], "retention_row_count": [52, 78, 146], "retrain": [52, 82, 146, 161, 214], "retrain_model": [52, 146], "retri": [52, 119, 146], "retries_remain": [119, 146], "retriesremain": [119, 146], "retriev": [2, 7, 23, 24, 27, 28, 42, 43, 52, 63, 78, 80, 82, 88, 89, 90, 91, 94, 101, 111, 124, 146, 161, 167, 171, 175, 190, 206, 214, 225, 226, 244], "retrieval_column": [27, 28, 146], "retriv": [52, 82, 146, 206], "retry_500": 52, "retun": 35, "return": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 19, 23, 24, 25, 26, 27, 28, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "return_class": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "return_extracted_ent": [52, 146, 206], "return_extracted_featur": [52, 146, 206], "return_extracted_page_text": [52, 88, 146], "return_fractional_forecast": [27, 28, 146], "return_graph": [52, 146, 161], "return_typ": 35, "reusabl": [52, 146], "revers": [1, 146], "review": [12, 27, 31, 146], "review_mod": [25, 27, 146], "reviewmodeprojectfeaturegroupconfig": [27, 31, 146], "rewrit": [27, 28, 146], "rewrite_prompt": [], "rewriteprompt": [], "rh": [52, 146, 206], "right": [52, 89, 146, 206], "rjsf": [27, 34, 146], "rmse": [25, 27, 146], "rnn": [27, 28, 146], "robot": [26, 27, 146], "robust": [25, 27, 146], "role": [3, 47, 85, 146], "rolearn": [52, 146], "root": [52, 146, 161], "root_mean_square_error": [25, 27, 146], "rotat": [52, 146, 192, 206], "rotation_angl": [146, 192], "rotationangl": [146, 192], "rout": [146, 231], "routed_llm": [85, 146], "routedllm": [85, 146], "routellm": [85, 146, 228], "routing_act": 146, "routingact": [146, 231], "row": [12, 13, 18, 25, 26, 27, 28, 43, 46, 52, 69, 70, 78, 80, 82, 100, 111, 112, 118, 119, 120, 146, 168, 202, 203, 204, 205, 206, 223, 237, 240], "row_count": [80, 146], "row_indicator_bas": [25, 27, 146], "rowcount": [80, 146], "rowwis": [134, 146], "rule": [26, 27, 52, 111, 146], "run": [2, 9, 18, 27, 28, 35, 42, 52, 59, 75, 82, 85, 101, 103, 146, 161, 167, 171, 179, 180, 193, 194, 199, 206, 211, 214, 220, 221, 225, 226, 227, 254], "run_monitor_alert": [52, 146], "run_pipelin": [52, 146], "run_refresh_polici": [52, 146], "run_workflow_graph": [52, 146], "runtim": [27, 34, 52, 82, 146], "runtime_config": [82, 146], "runtime_schema": [16, 25, 27, 146], "runtimeconfig": [82, 146], "runtimeschemaresponsesect": [27, 34, 146], "s3": [27, 28, 52, 78, 130, 146, 175], "safe": [52, 82, 146, 161, 206, 214], "safeti": [52, 146], "sai": [52, 146, 206], "said": [2, 7, 42, 43, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 225, 244], "sale": [100, 135, 136, 146], "sales_across_tim": [52, 100, 101, 146], "sales_forecast": [52, 146], "sales_scor": [52, 146], "salesacrosstim": [100, 146], "salesforc": [52, 78, 146], "same": [26, 27, 28, 43, 52, 78, 88, 89, 111, 141, 146, 161, 204, 206, 214, 244], "sampl": [18, 25, 26, 27, 28, 52, 69, 111, 126, 146, 167, 216, 238], "sample_count": [26, 27, 146], "sample_field": [27, 28, 146], "sample_perc": [26, 27, 146], "sample_user_input": [35, 52, 146], "sample_weight": [27, 28, 146], "sampling_config": [52, 111, 146, 216], "sampling_method": [26, 27, 146], "sampling_unit_kei": [27, 28, 146], "samplingconfig": [26, 27, 52, 111, 146, 216], "samplingmethodtyp": [25, 26, 27, 146], "sat": [25, 27, 146], "save": [2, 27, 28, 52, 78, 111, 146, 174, 206], "save_convers": [52, 146, 206], "save_extracted_featur": [52, 146, 206], "save_metadata": [52, 111, 146], "save_predicted_pdf": [27, 28, 52, 146, 206], "scalar": [27, 28, 52, 111, 146, 202, 203, 205, 206], "scale": [27, 28, 146], "scaling_factor": [52, 146, 206], "scan": [25, 27, 52, 146], "scanned_text": [25, 27, 146], "scatter": [98, 146], "scenario": [52, 146, 206], "schedul": [42, 51, 52, 78, 82, 94, 111, 146, 161, 167, 193, 211, 214, 216, 224, 226, 227], "schedule_info": [51, 146], "scheduleinfo": [51, 146], "schema": [16, 21, 22, 27, 28, 34, 52, 70, 75, 76, 77, 78, 79, 80, 111, 146, 175, 176, 184, 214, 216, 217, 218], "schema_document_retriever_id": [52, 146], "schema_map": [68, 146], "schema_prop": [16, 27, 34, 146], "schema_sourc": [16, 27, 146], "schema_vers": [146, 218], "schemamap": [68, 146], "schemavers": [146, 218], "scheme": [27, 28, 146], "schmea": [52, 146], "scienc": [8, 17, 27, 48, 52, 146, 214], "scope": [2, 37, 52, 146, 161, 214], "score": [0, 18, 23, 24, 27, 28, 52, 82, 89, 90, 146, 190, 206], "score_field": [18, 27, 52, 146, 206], "score_imag": [52, 146, 206], "score_multiplier_column": [24, 27, 52, 89, 146, 206], "scoremultipliercolumn": [], "scrape": [52, 146, 253], "scraper": [22, 27, 146], "script": [52, 146], "search": [21, 23, 27, 28, 52, 64, 82, 84, 85, 89, 146, 185, 190, 206, 243, 251, 254, 255], "search_chunk_s": [27, 28, 146], "search_feature_group": [52, 146], "search_provid": [52, 146], "search_result": [85, 146, 254], "search_score_cutoff": [23, 27, 28, 52, 82, 146, 206], "search_suggest": [84, 146], "search_web_for_llm": [52, 146], "searchresult": [85, 146, 254], "searchsuggest": [84, 146], "season": [100, 146], "seasonality_day_of_month": [100, 146], "seasonality_day_of_week": [100, 146], "seasonality_day_of_year": [100, 146], "seasonality_hour": [100, 146], "seasonality_minut": [100, 146], "seasonality_month": [100, 146], "seasonality_quart": [100, 146], "seasonality_second": [100, 146], "seasonality_week_of_year": [100, 146], "seasonality_year": [100, 146], "seasonalitydayofmonth": [100, 146], "seasonalitydayofweek": [100, 146], "seasonalitydayofyear": [100, 146], "seasonalityhour": [100, 146], "seasonalityminut": [100, 146], "seasonalitymonth": [100, 146], "seasonalityquart": [100, 146], "seasonalitysecond": [100, 146], "seasonalityweekofyear": [100, 146], "seasonalityyear": [100, 146], "second": [1, 16, 23, 27, 28, 30, 52, 78, 82, 87, 89, 91, 100, 111, 146, 202, 204, 206, 224, 244], "secret": [40, 52, 75, 146, 191, 236], "secret_kei": [52, 146, 191], "secretkei": [146, 191], "section": [3, 27, 34, 52, 85, 146, 161, 193, 195, 214], "section_data_list": [52, 146], "section_kei": [27, 34, 35, 52, 146], "section_output": 35, "secur": [52, 146, 206], "sedan": [52, 146, 206], "see": [52, 111, 127, 146, 160, 206, 214, 232, 236, 247], "seed": [26, 27, 146], "segment": [3, 27, 35, 47, 52, 85, 146, 201], "select": [24, 26, 27, 28, 30, 52, 78, 88, 98, 99, 111, 123, 146, 161, 166, 175, 206, 214, 216], "select_claus": [107, 146, 183], "select_express": [52, 111, 146], "selectclaus": [107, 146, 183], "selected_algorithm": [146, 166], "selected_algorithm_nam": [146, 166], "selected_column": [52, 80, 124, 146], "selected_featur": [99, 146], "selectedalgorithm": [146, 166], "selectedalgorithmnam": [146, 166], "selectedfeatur": [99, 146], "self": [52, 111, 146, 202], "semant": [52, 89, 111, 146, 206], "send": [17, 27, 30, 51, 52, 82, 146, 256], "send_email": [52, 146], "sender": [3, 47, 85, 146], "sent": [27, 28, 47, 52, 78, 85, 146, 206, 256], "sentenc": [18, 27, 28, 146], "sentence_bert": [25, 27, 146], "sentence_boundary_detect": [18, 25, 27, 28, 146], "sentenceboundarydetectionbatchpredictionarg": [18, 27, 146], "sentenceboundarydetectiontrainingconfig": [27, 28, 146], "sentiment": [27, 28, 52, 146, 206], "sentiment_detect": [25, 27, 28, 146], "sentiment_typ": [27, 28, 146], "sentimentdetectiontrainingconfig": [27, 28, 146], "sentimenttyp": [25, 27, 28, 146], "separ": [18, 27, 28, 52, 146, 206, 214, 226], "sequenc": [52, 84, 85, 111, 146, 202, 203, 205, 244], "sequenti": [27, 28, 146], "sequential_train": [27, 28, 146], "seri": [27, 28, 29, 52, 82, 87, 146, 206], "serial": [26, 27, 52, 146, 214], "serializ": 52, "series_id": [52, 146, 206], "serv": [52, 82, 89, 91, 146], "server": [36, 52, 146], "server_overrid": 52, "servic": [27, 28, 38, 40, 52, 75, 78, 104, 130, 146, 188, 206, 236], "service_discovery_url": 52, "service_port": [27, 28, 146], "session": [27, 28, 48, 52, 84, 146, 206, 214], "session_dedupe_min": [27, 28, 146], "session_event_typ": [27, 28, 146], "set": [16, 18, 21, 23, 26, 27, 28, 29, 41, 42, 48, 52, 78, 82, 84, 87, 88, 89, 91, 111, 124, 139, 145, 146, 160, 161, 175, 188, 189, 206, 214, 216, 219, 250], "set_agent_context_chat_histori": [52, 146], "set_agent_context_conversation_id": [52, 146], "set_agent_context_doc_id": [52, 146], "set_agent_context_doc_info": [52, 146], "set_agent_context_external_session_id": [52, 146], "set_agent_response_document_sourc": [52, 146], "set_annotation_status_featur": [52, 111, 146], "set_as_overrid": [52, 82, 146], "set_auto": [82, 146], "set_auto_deploy": [52, 146], "set_azure_blob_connection_str": [52, 146], "set_batch_prediction_database_connector_output": [52, 146], "set_batch_prediction_dataset_remap": [52, 146], "set_batch_prediction_feature_group": [52, 146], "set_batch_prediction_feature_group_output": [52, 146], "set_batch_prediction_file_connector_output": [52, 146], "set_batch_prediction_output_to_consol": [52, 146], "set_cache_scop": [52, 146], "set_column_data_typ": [78, 146], "set_database_connector_config": [78, 146], "set_database_connector_output": [42, 146], "set_dataset_column_data_typ": [52, 146], "set_dataset_database_connector_config": [52, 146], "set_dataset_remap": [42, 146], "set_default": [146, 189], "set_default_algorithm": [146, 161], "set_default_model_algorithm": [52, 146], "set_default_organization_group": [52, 146], "set_default_prediction_argu": [52, 82, 146], "set_deployment_conversation_feedback": [52, 146], "set_deployment_feature_group_export_database_connector_output": [52, 146], "set_deployment_feature_group_export_file_connector_output": [52, 146], "set_deployment_feature_group_vers": [52, 146], "set_deployment_model_vers": [52, 146], "set_deployment_prediction_operator_vers": [52, 146], "set_export_connector_config": [111, 146], "set_export_on_materi": [52, 111, 146], "set_feature_as_annotatable_featur": [52, 111, 146], "set_feature_group": [42, 146], "set_feature_group_export_connector_config": [52, 146], "set_feature_group_export_database_connector_output": [82, 146], "set_feature_group_export_file_connector_output": [82, 146], "set_feature_group_indexing_config": [52, 146], "set_feature_group_merge_config": [52, 146], "set_feature_group_modifier_lock": [52, 146], "set_feature_group_operator_config": [52, 146], "set_feature_group_output": [42, 146], "set_feature_group_sampling_config": [52, 146], "set_feature_group_schema": [52, 146], "set_feature_group_typ": [52, 146], "set_feature_group_vers": [82, 146], "set_feature_map": [52, 146, 214], "set_feature_typ": [52, 111, 146], "set_feedback": [84, 146], "set_file_connector_output": [42, 146], "set_indexing_config": [111, 146], "set_merge_config": [111, 146], "set_model_object": [52, 146, 175], "set_model_prediction_param": [52, 146], "set_model_training_config": [52, 146], "set_model_vers": [82, 146], "set_modifier_lock": [111, 146], "set_natural_language_explan": [52, 146], "set_operator_config": [111, 146], "set_output_to_consol": [42, 146], "set_prediction_operator_vers": [82, 146], "set_prediction_param": [146, 161], "set_project_config": [111, 146], "set_project_feature_group_config": [52, 146], "set_sampling_config": [111, 146], "set_schema": [111, 146], "set_scoped_cache_valu": [52, 146], "set_streaming_retention_polici": [52, 78, 146], "set_training_config": [146, 161], "set_typ": [111, 146], "sever": [52, 146], "severely_drifting_threshold": [27, 30, 146], "sftp": [146, 233], "sftp_kei": 146, "sftpkei": [146, 233], "shall": [52, 146, 214], "shap": [18, 27, 52, 126, 146, 206], "shap_feature_import": [126, 146], "shape": [25, 27, 146], "shapfeatureimport": [126, 146], "share": [43, 146, 161], "shared_at": [146, 161], "sharedat": [146, 161], "sharepoint": [22, 25, 27, 146], "sharepointdatasetconfig": [22, 27, 146], "shift": [27, 28, 146], "shirt": [27, 28, 146], "short": [17, 27, 138, 146], "short_explan": [52, 146, 182], "shortexplan": [146, 182], "shorthand": [146, 166], "shot": [27, 28, 146], "should": [16, 27, 28, 29, 31, 52, 54, 80, 82, 104, 124, 141, 146, 161, 193, 195, 206, 211, 214], "should_attach_feature_group_to_templ": [52, 111, 146], "should_include_all_system_templ": [52, 146, 214], "should_include_system_templ": [52, 146], "should_valid": [52, 122, 146], "should_wait_for_upload": [52, 146], "show": [22, 27, 52, 54, 84, 99, 100, 104, 135, 136, 146, 173, 206, 220], "show_autocomplet": [54, 146], "showautocomplet": [54, 146], "showcas": [146, 161], "shown": [16, 27, 52, 54, 82, 101, 104, 146, 239], "sign": [39, 52, 113, 146], "signatur": 63, "signifi": [22, 27, 52, 78, 146], "significantli": [27, 30, 146], "similar": [52, 146, 206], "simpl": [52, 146, 206], "simple_ag": [25, 27, 146], "simple_text": [25, 27, 146], "simpler": [52, 146, 206], "simul": [25, 27, 28, 146], "sinc": [111, 146, 175], "singl": [3, 47, 52, 85, 108, 146, 147, 171, 185, 206, 214, 225, 226, 243, 251, 255], "size": [5, 19, 24, 26, 27, 28, 52, 62, 80, 89, 91, 111, 124, 146, 159, 161, 175, 193, 195, 196, 206, 211, 214, 216, 244], "skip": [27, 31, 52, 82, 111, 146, 199], "skip_input_transform": [27, 28, 146], "skip_materi": [52, 61, 111, 146], "skip_metrics_check": [52, 82, 146], "skip_miss": [27, 28, 146], "skip_pending_pipeline_version_step": [52, 146], "skip_pending_step": [146, 199], "skip_target_transform": [27, 28, 146], "skip_timeseries_weight_sc": [27, 28, 146], "skip_version_check": [52, 146], "skipmateri": [61, 146], "skipmetricscheck": [82, 146], "slack": [25, 27, 146], "sleep_tim": [16, 27, 146], "sliding_zscor": [25, 27, 146], "slightli": [52, 111, 146, 214], "small": [25, 27, 28, 146], "smaller": [47, 52, 89, 146, 206, 244], "smallest": [52, 146], "smirnov": [102, 109, 110, 146], "smooth": [27, 28, 146], "smooth_histori": [27, 28, 146], "smote": [25, 27, 146], "snake_cas": 15, "snapshot": [27, 28, 52, 78, 111, 124, 146], "snapshot_streaming_data": [52, 78, 146], "snippet": [27, 28, 52, 89, 146, 255], "so": [18, 24, 27, 52, 82, 111, 146, 206], "soft": [27, 31, 146], "solut": [27, 28, 52, 146, 206], "solv": [23, 27, 28, 52, 146, 206], "solve_time_limit": [27, 28, 146], "solve_time_limit_second": [23, 27, 52, 146, 206], "some": [27, 28, 52, 78, 82, 93, 108, 146, 206, 214], "sort": [27, 28, 52, 89, 99, 146, 206], "sort_object": [27, 28, 146], "sorted_column_nam": [99, 146], "sortedcolumnnam": [99, 146], "soruc": [146, 152], "sourc": [2, 7, 9, 16, 26, 27, 28, 35, 52, 59, 61, 65, 67, 78, 80, 85, 90, 107, 111, 124, 146, 152, 161, 175, 178, 183, 184, 193, 195, 196, 199, 204, 206, 211, 212, 214, 216, 220, 222, 257, 258], "source_cod": [2, 16, 27, 52, 59, 146, 161, 193, 195, 211, 212, 258], "source_dataset_vers": [124, 146], "source_feature_group_id": [52, 111, 146], "source_imag": [52, 146, 206], "source_prop": [16, 27, 146], "source_t": [107, 111, 124, 146, 183, 184, 216], "source_typ": [59, 78, 146], "sourcecod": [2, 59, 146, 161, 211, 212, 258], "sourcedatasetvers": [124, 146], "sourcet": [107, 111, 124, 146, 183, 184, 216], "sourcetyp": [59, 78, 146], "space": [22, 27, 146], "space_kei": [22, 27, 146], "span": [146, 225], "spark": [52, 146], "sparksess": [52, 146], "spawn": [47, 146], "spec": [52, 62, 111, 146], "special": [27, 28, 52, 89, 111, 146, 206], "specif": [2, 9, 16, 18, 20, 22, 23, 27, 28, 34, 37, 42, 52, 78, 80, 82, 111, 124, 146, 151, 161, 189, 206, 214, 215, 216, 217, 247], "specifc": [52, 146, 161, 214], "specifi": [2, 7, 18, 21, 23, 24, 26, 27, 28, 30, 35, 37, 42, 43, 46, 52, 61, 75, 78, 80, 82, 89, 93, 94, 101, 102, 108, 109, 110, 111, 122, 124, 126, 141, 146, 160, 161, 167, 171, 175, 189, 193, 195, 196, 199, 202, 204, 206, 211, 212, 214, 216, 223, 228, 235, 237, 242, 244], "specification_typ": [16, 27, 146], "specifii": [52, 82, 146, 206], "speed": [27, 28, 146], "spend": [23, 27, 28, 52, 146, 206], "spin": [146, 220, 222], "split": [25, 27, 28, 52, 89, 146, 161, 166, 175, 206, 214], "sql": [25, 27, 28, 52, 78, 89, 103, 107, 111, 122, 124, 146, 152, 153, 155, 183, 202, 203, 205, 206, 216, 229, 240], "sql_dialect": [52, 146], "sql_error": [111, 146, 216, 229], "sql_queri": [52, 78, 146], "sqlerror": [111, 146, 216, 229], "squar": [25, 27, 102, 109, 110, 146], "src_suffix": 35, "srmse": [25, 27, 146], "ss": [18, 27, 146], "sse_asynchronous_gener": 52, "stabil": [27, 28, 102, 109, 110, 146], "stabl": [82, 146], "stable_map": [25, 27, 146], "stable_standardized_mape_with_cmap": [25, 27, 146], "stable_standardized_mean_absolute_percentage_error": [25, 27, 146], "stack": [27, 28, 146], "stacktrac": [137, 146], "stage": [72, 146, 163, 164, 175, 193, 199], "stage_nam": [146, 164], "stagenam": [146, 164], "standalon": [24, 27, 146], "standalone_deploy": [24, 27, 146], "standard": [15, 16, 18, 20, 22, 23, 26, 27, 28, 29, 30, 31, 33, 34, 137, 146, 150], "standard_devi": [134, 146], "star": [52, 146, 167, 168], "start": [2, 7, 16, 18, 22, 23, 25, 27, 28, 29, 34, 42, 43, 52, 56, 78, 82, 89, 94, 101, 111, 119, 124, 137, 146, 152, 161, 167, 171, 175, 180, 192, 202, 204, 206, 214, 225, 237], "start_after_id": [52, 146, 214], "start_after_vers": [2, 42, 52, 78, 89, 94, 111, 146, 161, 167], "start_autonomous_ag": [52, 146, 206], "start_batch_predict": [52, 146], "start_dat": [18, 27, 52, 82, 146], "start_date_offset": [18, 27, 146], "start_deploy": [52, 146], "start_fram": [], "start_lin": [56, 146], "start_pag": [52, 146], "start_prefix": [52, 146], "start_tim": [27, 29, 146], "start_timestamp": [22, 23, 27, 52, 146, 206], "start_ts_m": [146, 237], "start_word_index": [52, 89, 146], "started_at": [119, 146, 225], "startedat": [119, 146, 225], "startfram": [], "startlin": [56, 146], "starttsm": [146, 237], "stat": [137, 146], "state": [1, 2, 52, 82, 146, 174, 198, 206, 214], "state_or_provinc": [1, 146], "statement": [52, 111, 146], "stateorprovinc": [1, 146], "static": 35, "stationari": [27, 28, 146], "statist": [52, 80, 82, 87, 102, 108, 109, 110, 124, 137, 146, 181], "statu": [2, 7, 11, 13, 14, 40, 42, 43, 48, 52, 59, 75, 78, 80, 82, 87, 89, 91, 101, 103, 104, 111, 112, 113, 119, 124, 133, 142, 146, 151, 154, 161, 162, 171, 174, 175, 180, 193, 196, 198, 199, 212, 225, 236, 244, 248], "status": [52, 82, 146], "status_featur": [11, 146], "status_field": 52, "status_forcelist": 52, "statusfeatur": [11, 146], "std": [27, 29, 146], "stddev": [25, 27, 146, 150], "stddevthreshold": [27, 29, 146], "stddevthresholdtyp": [25, 27, 29, 146], "stderr": [52, 120, 124, 137, 146, 175, 197], "stdout": [52, 120, 124, 137, 146, 175, 197], "step": [27, 28, 52, 120, 146, 193, 195, 196, 197, 198, 199, 200], "step_depend": [52, 146, 193, 195, 196], "step_funct": [25, 27, 146], "step_input_map": [52, 146, 193, 195], "step_log": [146, 200], "step_nam": [52, 146, 193, 195, 196, 197], "step_vers": [146, 199], "stepdepend": [146, 195, 196], "steplog": [146, 200], "stepnam": [146, 195, 196, 197], "stepvers": [146, 199], "stop": [27, 28, 52, 82, 89, 91, 146, 158, 214], "stop_deploy": [52, 146], "stop_reason": [146, 158], "stop_sequ": [52, 146], "stopreason": [146, 158], "storag": [52, 130, 131, 146], "store": [10, 13, 16, 19, 24, 26, 27, 28, 42, 52, 82, 89, 111, 124, 146, 161, 206, 214, 216], "store_id": [52, 146, 206], "str": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 42, 43, 44, 45, 46, 47, 48, 49, 51, 52, 53, 54, 55, 56, 59, 60, 61, 63, 64, 65, 66, 67, 71, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 88, 89, 90, 91, 92, 94, 95, 98, 99, 100, 101, 103, 104, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 117, 118, 119, 120, 122, 123, 124, 125, 127, 130, 133, 134, 136, 137, 138, 140, 141, 142, 143, 144, 146, 147, 149, 151, 152, 153, 154, 155, 156, 158, 160, 161, 162, 163, 164, 165, 166, 167, 171, 172, 173, 174, 175, 176, 178, 179, 180, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 201, 202, 203, 204, 205, 206, 207, 208, 210, 211, 212, 213, 214, 215, 216, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 238, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 251, 252, 253, 255, 256, 257, 258], "strategi": [27, 28, 52, 146, 214], "stratifi": [25, 27, 146], "stratified_random_sampl": [25, 27, 146], "stream": [3, 20, 25, 27, 28, 43, 52, 78, 82, 85, 111, 113, 146, 216, 234, 235, 236, 237, 238], "stream_messag": [52, 146], "stream_response_sect": [52, 146], "stream_section_output": [52, 146], "streamable_respons": 52, "streamed_data": [3, 85, 146], "streamed_section_data": [3, 85, 146], "streameddata": [3, 85, 146], "streamedsectiondata": [3, 85, 146], "streaming_auth_token": 146, "streaming_cli": 146, "streaming_connector": 146, "streaming_connector_id": [52, 146, 236], "streaming_connector_typ": [20, 27, 146], "streaming_embed": [27, 28, 146], "streaming_en": [111, 146, 216], "streaming_evaluate_prompt": [52, 146], "streaming_readi": [111, 146, 216], "streaming_row_count": 146, "streaming_sample_cod": 146, "streaming_statu": [111, 146], "streaming_token": [52, 111, 146, 234, 235], "streamingauthtoken": [52, 146, 234], "streamingcli": [146, 235], "streamingconnector": [52, 146, 236], "streamingconnectordatasetconfig": [20, 27, 52, 146], "streamingconnectorid": [146, 236], "streamingconnectortyp": [20, 25, 27, 146], "streamingen": [111, 146, 216], "streaminghandl": 35, "streamingreadi": [111, 146, 216], "streamingrowcount": [146, 237], "streamingsamplecod": [146, 238], "streamingtoken": [146, 234], "streamtyp": 35, "strict": [27, 28, 35, 146], "strictli": [27, 30, 146], "string": [2, 7, 13, 16, 18, 25, 27, 28, 35, 40, 42, 43, 52, 66, 67, 75, 78, 80, 82, 86, 88, 89, 91, 94, 101, 103, 111, 113, 114, 115, 119, 122, 124, 140, 142, 146, 152, 161, 162, 167, 171, 175, 177, 178, 179, 180, 189, 192, 193, 195, 199, 206, 211, 214, 220, 221, 222, 224, 225, 226, 227, 232, 235, 236, 244, 245, 256], "stringio": [146, 244], "strip": [], "struct": [25, 27, 146, 232], "structur": [13, 27, 28, 146], "style": [42, 52, 78, 82, 146, 161, 193, 206, 214, 226, 227], "style_imag": [52, 146, 206], "sub": [47, 146], "subclass": [52, 146], "subject": [52, 146], "subnetwork": [27, 28, 146], "subset": [26, 27, 28, 146], "subset_s": [26, 27, 146], "successful_invit": [50, 105, 146], "successfulinvit": [50, 105, 146], "successfulli": [50, 52, 105, 146], "successfullt": [50, 146], "succinct": [27, 28, 52, 146, 182], "suggest": [48, 52, 84, 111, 146], "suggest_abacus_api": [52, 146], "suggest_feature_group_template_for_feature_group": [52, 146], "suggest_template_for": [111, 146], "suitabl": [52, 146], "sum": [27, 30, 109, 110, 146], "summar": [27, 28, 146], "summari": [24, 27, 42, 46, 52, 82, 85, 108, 110, 121, 136, 146, 167, 168, 169, 170, 181, 187, 206, 223], "summarized_metr": [146, 240], "summarizedmetr": [146, 240], "summary_feature_group_table_nam": [42, 146], "summary_info": [22, 27, 146], "summary_instruct": [24, 27, 146], "summaryfeaturegrouptablenam": [42, 146], "summaryinstruct": [], "superv": [27, 28, 146], "suppli": [52, 63, 82, 111, 146, 161, 206, 211, 214, 220], "support": [16, 27, 28, 30, 52, 55, 78, 82, 113, 114, 124, 146, 161, 172, 175, 206, 213, 214, 244], "suspend": [52, 82, 146], "suv": [52, 146, 206], "svd": [24, 27, 146], "swap": [42, 52, 146, 209], "switch": [82, 146], "sy": [35, 221], "symmetr": [27, 28, 109, 110, 146], "symmetrize_quantil": [27, 28, 146], "syntact": [146, 152], "synthet": [26, 27, 146], "syspath_prepend": 221, "system": [23, 27, 52, 75, 76, 78, 82, 84, 85, 104, 122, 146, 161, 193, 195, 206, 214, 244], "system_messag": [23, 27, 52, 82, 146, 206], "t": [2, 7, 16, 27, 28, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 160, 161, 162, 171, 175, 180, 193, 199, 206, 225, 244], "tabl": [21, 25, 27, 28, 34, 42, 52, 77, 78, 82, 92, 107, 111, 124, 146, 175, 183, 184, 202, 204, 211, 214, 216], "table_nam": [27, 28, 42, 52, 77, 82, 111, 124, 146, 175, 216], "table_name_or_id": [52, 146], "tablenam": [52, 77, 82, 111, 146, 216], "tables_and_form": [25, 27, 146], "tabular": [52, 146], "tag": [37, 52, 111, 143, 146, 214, 216, 258], "tailor": [52, 146], "take": [21, 26, 27, 28, 52, 78, 146, 206, 220, 221], "taken": [52, 111, 146, 210], "tar": [25, 27, 146], "target": [16, 26, 27, 28, 29, 30, 35, 52, 82, 100, 110, 111, 136, 146, 166, 214, 256], "target_action_typ": [27, 28, 146], "target_action_weight": [27, 28, 146], "target_class": [27, 29, 146], "target_column": [27, 29, 110, 146, 166], "target_drift": [25, 27, 136, 146], "target_encode_categor": [27, 28, 146], "target_transform": [27, 28, 146], "target_valu": [52, 146, 214], "target_value_bia": [52, 146, 214], "target_value_perform": [52, 146, 214], "targetcolumn": [110, 146, 166], "targetdrift": [25, 27, 136, 146], "targetdriftconditionconfig": [27, 30, 146], "tarin": [146, 167], "task": [8, 47, 48, 51, 52, 84, 146, 151], "task_typ": [8, 146], "tasktyp": [8, 146], "team": [22, 25, 27, 146, 160], "teamsscrap": [25, 27, 146], "teamsscraperdatasetconfig": [22, 27, 146], "technic": [52, 89, 146, 206], "techniqu": [], "temperatur": [23, 26, 27, 28, 52, 82, 146, 206], "templat": [16, 26, 27, 52, 82, 111, 122, 123, 124, 146, 214, 216, 229, 239, 256, 258], "template_bind": [52, 111, 122, 124, 146, 216], "template_config": [146, 258], "template_metadata": [16, 27, 146], "template_nam": [16, 27, 146], "template_node_detail": 146, "template_sql": [52, 111, 122, 146, 229], "template_vari": [52, 111, 122, 146], "template_variable_opt": [123, 146], "templatebind": [111, 124, 146, 216], "templateconfig": [146, 258], "templatenodedetail": [146, 239], "templatesql": [122, 146, 229], "templatevari": [122, 146], "templatevariableopt": [123, 146], "tensorflow": [146, 174], "term": [52, 111, 146, 202, 204], "terminologi": [52, 89, 146, 206], "tesseract_fast": [25, 27, 146], "test": [18, 25, 27, 28, 52, 94, 146, 161, 166, 175, 214, 240], "test_by_item": [27, 28, 146], "test_feature_group_vers": [94, 101, 146], "test_feature_nam": [52, 98, 101, 146], "test_last_items_length": [27, 28, 146], "test_on_user_split": [27, 28, 146], "test_point_predict": 146, "test_row_ind": [27, 28, 146], "test_split": [27, 28, 146], "test_split_on_last_k_item": [27, 28, 146], "test_split_percentage_bas": [25, 27, 146], "test_splitting_timestamp": [27, 28, 146], "test_start": [27, 28, 146], "test_start_timestamp_bas": [25, 27, 146], "test_val": [27, 28, 146], "test_window_length_hour": [27, 28, 146], "testfeaturegroupvers": [94, 101, 146], "testpointpredict": [146, 240], "text": [3, 16, 21, 24, 25, 26, 27, 28, 34, 47, 52, 56, 59, 84, 85, 88, 89, 90, 122, 146, 192, 201, 206, 232], "text_encod": [24, 27, 146], "text_snippet": [42, 43, 111, 146], "textarea": [16, 27, 146], "textencod": [], "textiobas": [52, 111, 146, 206, 244], "textresponsesect": [27, 34, 146], "tfrecord": [25, 27, 146], "than": [27, 28, 30, 43, 52, 88, 89, 111, 146, 206], "thei": [27, 28, 50, 52, 82, 89, 104, 105, 111, 146, 160, 161, 206, 214], "them": [22, 27, 28, 52, 146, 225], "theme": [27, 28, 52, 82, 104, 146, 188], "theme_analysi": [18, 25, 27, 52, 146], "themeanalysisbatchpredictionarg": [18, 27, 146], "themeanalysistrainingconfig": [27, 28, 146], "thi": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "thing": [27, 28, 146], "thorough": [25, 27, 28, 146], "those": [52, 89, 111, 122, 146, 161, 202, 204, 206, 214, 216], "thread": [52, 103, 124, 146, 161, 214, 244], "threshold": [27, 28, 29, 30, 52, 96, 146, 150, 206], "threshold_class": [52, 146, 206], "threshold_config": [27, 30, 146], "threshold_scor": [27, 28, 146], "threshold_typ": [27, 29, 146], "thresholdconfig": [27, 30, 146], "throttl": [60, 146], "through": [2, 9, 27, 28, 52, 146, 161, 190, 214], "thumbnail": [146, 243, 251], "thumbnail_height": [146, 185, 243], "thumbnail_url": [146, 185, 243, 251], "thumbnail_width": [146, 185, 243], "thumbnailheight": [146, 185, 243], "thumbnailurl": [146, 185, 243, 251], "thumbnailwidth": [146, 185, 243], "tif": [25, 27, 146], "tiff": [25, 27, 146], "till": [52, 146, 214], "time": [2, 7, 13, 14, 16, 18, 23, 25, 26, 27, 28, 29, 30, 42, 43, 52, 60, 66, 78, 79, 80, 82, 83, 89, 91, 94, 100, 101, 103, 107, 111, 113, 119, 124, 130, 135, 136, 137, 140, 142, 146, 161, 162, 167, 168, 171, 175, 178, 179, 180, 184, 191, 193, 195, 196, 199, 202, 203, 204, 205, 206, 210, 211, 212, 214, 216, 222, 224, 225, 226, 227, 232, 237, 244, 248, 256], "time_format": [79, 146], "time_window": [25, 27, 146], "time_window_size_m": [26, 27, 146], "timefeatur": [52, 111, 146], "timeformat": [79, 146], "timelin": [52, 82, 146], "timeout": [2, 7, 27, 28, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 195, 196, 199, 225, 244], "timeout_at": [119, 146], "timeout_minut": [27, 28, 146], "timeoutat": [119, 146], "timeseri": [27, 28, 52, 146, 206], "timeseries_anomali": [52, 146], "timeseries_frequ": [27, 28, 146], "timeseries_loss_weight_column": [27, 28, 146], "timeseries_weight_column": [27, 28, 146], "timeseriesanomalydatasplittyp": [25, 27, 28, 146], "timeseriesanomalypredictionargu": [23, 27, 146], "timeseriesanomalytrainingconfig": [27, 28, 146], "timeseriesanomalytypeofanomali": [25, 27, 28, 146], "timeseriesanomalyuseheurist": [25, 27, 28, 146], "timestamp": [18, 21, 22, 23, 25, 26, 27, 28, 29, 37, 47, 48, 52, 61, 78, 79, 80, 82, 84, 85, 100, 111, 113, 118, 119, 124, 136, 142, 146, 147, 151, 162, 166, 174, 202, 204, 206, 210, 214, 216, 232, 244], "timestamp_bas": [25, 27, 146], "timestamp_based_splitting_column": [27, 28, 146], "timestamp_based_splitting_method": [27, 28, 146], "timestamp_column": [21, 27, 29, 52, 146], "timestamp_featur": [100, 146], "timestamp_frequ": [79, 146], "timestamp_kei": [52, 111, 146, 202], "timestamp_list": [146, 232], "timestamp_m": [146, 210], "timestampfeatur": [100, 146], "timestampfrequ": [79, 146], "timestampkei": [146, 202], "timestampm": [146, 210], "timestep": [27, 28, 146], "timewindow": [26, 27, 146], "timewindowconfig": [27, 29, 146], "timewindowmergeconfig": [26, 27, 146], "timezon": [27, 28, 146], "titl": [16, 17, 27, 34, 47, 52, 146, 185, 231, 243, 251, 255], "tmp": [43, 146], "tmp_dir": [103, 124, 146], "to_dict": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 27, 29, 30, 33, 34, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "to_fields_list": [16, 27, 146], "to_nx_edg": [16, 27, 146], "todo": [14, 52, 111, 146], "togeth": [52, 146, 214], "token": [21, 23, 25, 26, 27, 28, 35, 39, 49, 52, 78, 82, 83, 88, 111, 143, 146, 158, 192, 206, 214, 234, 235], "token_bounding_area": [27, 28, 146], "token_bounding_box": [27, 28, 146], "token_budget": [26, 27, 52, 146], "token_count": [146, 192], "tokencount": [146, 192], "tokens_docu": [146, 232], "tone": [27, 28, 146, 241], "tone_detail": 146, "tonedetail": [146, 241], "too": [48, 52, 146], "tool": [27, 28, 52, 53, 85, 146], "tool_us": [27, 28, 53, 146], "tool_use_request": [53, 85, 146], "tooluserequest": [53, 85, 146], "toomanyrequestserror": 52, "top": [27, 28, 52, 146, 161], "top_n": [52, 146, 206], "top_p": [52, 146], "topic": [20, 27, 146], "topological_dfs_stack": 35, "torch_model": [52, 146], "torch_model_with_embed": [52, 146], "total": [5, 12, 14, 25, 27, 28, 43, 52, 69, 88, 89, 113, 119, 121, 146, 158, 168, 192, 206, 240], "total_attempts_allow": [119, 146], "total_count": [69, 146], "total_page_count": [88, 146], "total_predict": [43, 146], "total_process": [121, 146], "total_row": [12, 146], "total_starred_monitor": [146, 168], "total_token": [146, 158], "total_viol": [25, 27, 146], "total_writ": [113, 146], "totalattemptsallow": [119, 146], "totalcount": [69, 146], "totalpagecount": [88, 146], "totalpredict": [43, 146], "totalprocess": [121, 146], "totalrow": [12, 146], "totalstarredmonitor": [146, 168], "totaltoken": [146, 158], "totalwrit": [113, 146], "toview": [52, 146], "toward": [52, 146, 206], "traceback": [146, 249], "track": [146, 225], "trailing_auth_token": [143, 146], "trailingauthtoken": [143, 146], "train": [2, 7, 9, 18, 23, 27, 28, 29, 42, 43, 46, 52, 68, 71, 78, 82, 92, 93, 94, 102, 108, 109, 110, 135, 142, 146, 161, 163, 166, 167, 171, 173, 175, 187, 206, 213, 214, 219, 223, 225, 242, 247], "train_column": [92, 146], "train_data_parameter_to_feature_group_id": [68, 146], "train_funct": [52, 146, 214], "train_function_nam": [9, 52, 146, 161, 214], "train_history_data": [136, 146], "train_model": [52, 146, 214], "train_module_nam": [52, 146, 161], "train_target_featur": [27, 29, 146], "train_val_test_split": [146, 166], "trainable_plug_and_plai": [25, 27, 146], "trainableplugandplai": [18, 27, 146], "trainableplugandplaybatchpredictionarg": [18, 27, 146], "traincolumn": [92, 146], "traindataparametertofeaturegroupid": [68, 146], "trained_model_typ": [27, 28, 146, 175], "trainedmodeltyp": [146, 175], "trainfunctionnam": [9, 52, 146, 161, 214], "trainhistorydata": [136, 146], "training_completed_at": [146, 166, 175], "training_config": [52, 68, 146, 161, 214], "training_config_opt": 146, "training_config_parameter_nam": [52, 146], "training_config_parameter_name_overrid": [52, 146], "training_config_upd": [146, 175], "training_data_parameter_name_map": [68, 146], "training_data_parameter_name_overrid": [52, 146, 214], "training_data_parameter_names_map": [52, 146], "training_data_use_map": [146, 167, 171], "training_distribut": [108, 146], "training_document_retriever_vers": [146, 175], "training_fature_group": [52, 146, 214], "training_feature_group": [52, 146, 214], "training_feature_group_id": [52, 146, 161, 167, 175, 214], "training_feature_group_sampl": [146, 167], "training_feature_group_vers": [146, 167, 171], "training_feature_map": [52, 146, 214], "training_forecast_config": [52, 146, 167, 171, 214], "training_input_map": [9, 146], "training_input_t": [52, 146, 161, 214], "training_item_analysi": [135, 146], "training_item_id": [136, 146], "training_max": [146, 223], "training_min": [146, 223], "training_mod": [27, 28, 146], "training_null_freq": [146, 187], "training_point_overlap": [27, 28, 146], "training_requir": [2, 146, 161], "training_rows_downsample_ratio": [27, 28, 146], "training_start_d": [27, 28, 146], "training_started_at": [146, 175], "training_statist": [108, 146], "training_table_nam": [52, 146], "training_target_across_tim": [136, 146], "training_target_col": [136, 146], "training_timestamp_col": [136, 146], "training_vector_store_vers": [146, 161], "trainingcompletedat": [146, 166, 175], "trainingconfig": [27, 28, 52, 68, 146, 161, 175, 214], "trainingconfigopt": [52, 146, 214, 242], "trainingconfigupd": [146, 175], "trainingdataparameternamemap": [68, 146], "trainingdatausemap": [146, 167, 171], "trainingdistribut": [108, 146], "trainingdocumentretrieververs": [146, 175], "trainingfeaturegroupid": [146, 161, 167, 175], "trainingfeaturegroupsampl": [146, 167], "trainingfeaturegroupvers": [146, 167, 171], "trainingforecastconfig": [146, 167, 171], "traininginputmap": [9, 146], "traininginputt": [146, 161], "trainingitemanalysi": [135, 146], "trainingitemid": [136, 146], "trainingmax": [146, 223], "trainingmin": [146, 223], "trainingnullfreq": [146, 187], "trainingrequir": [2, 146, 161], "trainingstartedat": [146, 175], "trainingstatist": [108, 146], "trainingtargetacrosstim": [136, 146], "trainingtargetcol": [136, 146], "trainingtimestampcol": [136, 146], "trainingvectorstorevers": [146, 161], "trainmodulenam": [52, 146, 161], "trainvaltestsplit": [146, 166], "transact": [52, 146, 206], "transcrib": [52, 146, 206], "transcribe_audio": [52, 146, 206], "transcript": [22, 27, 146], "transfer_styl": [52, 146, 206], "transform": [24, 26, 27, 28, 52, 97, 101, 146, 193, 195], "transformation_column_nam": [97, 146], "transformation_featur": [52, 101, 146], "transformationcolumnnam": [97, 146], "transient": [52, 146], "travers": [52, 146], "treat": [18, 27, 28, 52, 146, 206], "tree_explain": [25, 27, 146], "tree_hpo_mod": [27, 28, 146], "trhough": [146, 161], "trigger": [16, 25, 27, 30, 52, 82, 111, 146, 160, 206, 224, 225, 256], "trigger_config": [16, 27, 146], "triggerconfig": [16, 27, 146], "true": [16, 17, 18, 21, 22, 23, 24, 26, 27, 28, 30, 32, 35, 42, 43, 52, 61, 75, 78, 80, 82, 84, 88, 89, 104, 111, 113, 122, 124, 130, 131, 132, 146, 160, 161, 175, 189, 199, 206, 207, 208, 211, 214, 216, 219, 226, 242, 247], "truncat": [27, 28, 146], "truncation_strategi": [27, 28, 146], "trunk": [89, 146], "try": [52, 78, 146], "try_abacus_internal_copi": 35, "ts_anomali": [23, 25, 27, 28, 146], "tsv": [25, 27, 146], "tune": [27, 28, 133, 146], "tupl": [16, 27, 146], "turn": [27, 28, 146], "tweedi": [25, 27, 146], "tweet": [146, 243], "twitter": [146, 243], "twitter_handl": [146, 243], "twitter_nam": [146, 243], "twitter_search_result": 146, "twitterhandl": [146, 243], "twitternam": [146, 243], "twittersearchresult": [146, 243], "two": [27, 28, 52, 97, 98, 101, 146, 206], "txt": [25, 26, 27, 146], "type": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 19, 20, 21, 22, 23, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "type_of_split": [27, 28, 146], "typeerror": [146, 220, 221], "typenam": 15, "typic": [108, 146], "u": [25, 27, 28, 146], "ui": [16, 27, 34, 48, 52, 104, 146, 173, 231], "ui_schema": [16, 27, 34, 146], "uk": [25, 27, 146], "un": [143, 146], "unavail": [22, 27, 146], "unbalanc": [27, 28, 146], "unchang": [52, 146, 206], "under": [7, 12, 42, 52, 111, 141, 146, 171, 175, 206, 214], "underli": [24, 27, 52, 79, 89, 111, 146, 182, 213, 232, 246], "underpredict": [27, 28, 146], "underprediction_weight": [27, 28, 146], "underscor": [52, 111, 124, 146, 178, 214, 220, 222], "understand": [52, 89, 146, 206], "undo": 221, "unexecut": [59, 146], "unexpect": 52, "unfilt": [52, 75, 146], "union": [16, 25, 26, 27, 42, 52, 61, 82, 111, 146], "uniontransformconfig": [26, 27, 146], "uniqu": [2, 6, 7, 9, 16, 27, 29, 31, 37, 38, 40, 42, 43, 48, 52, 53, 65, 66, 67, 75, 76, 77, 78, 79, 80, 82, 83, 84, 86, 88, 89, 91, 94, 101, 104, 107, 111, 112, 113, 114, 117, 122, 124, 127, 133, 140, 141, 142, 143, 146, 151, 161, 162, 167, 171, 174, 175, 177, 178, 179, 180, 183, 184, 186, 189, 192, 193, 199, 206, 207, 208, 210, 211, 212, 214, 216, 218, 220, 222, 224, 225, 226, 227, 228, 229, 232, 234, 235, 236, 244, 245, 256, 258], "unit": [27, 28, 62, 146], "unix": [22, 27, 52, 61, 78, 82, 111, 146], "unknown": [27, 28, 52, 146, 206], "unknown_answer_phras": [27, 28, 146], "unless": [52, 111, 146, 244], "unpickl": [52, 146], "unpivot": [25, 26, 27, 146], "unpivotconfig": [26, 27, 146], "unset": [52, 111, 146], "unset_feature_as_annotatable_featur": [52, 111, 146], "unset_pipeline_refresh_schedul": [52, 146], "unset_refresh_schedul": [146, 193], "unsuccess": 52, "unsuccessfultrigg": 52, "unsupervis": [27, 28, 146], "until": [2, 7, 13, 27, 29, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 225, 244], "until_prefix": [52, 146], "unus": [52, 84, 146], "unused_document_upload_id": [84, 146], "unuseddocumentuploadid": [84, 146], "up": [2, 27, 28, 52, 61, 78, 82, 89, 90, 111, 124, 146, 161, 206, 214, 220, 222, 244], "updat": [9, 13, 14, 35, 42, 52, 60, 78, 82, 89, 104, 111, 118, 119, 122, 133, 140, 146, 151, 161, 175, 179, 193, 195, 196, 199, 211, 212, 220, 224, 226, 235, 256], "update_ag": [52, 146, 161], "update_agent_with_funct": [52, 146], "update_algorithm": [52, 146], "update_algorithm_from_funct": [52, 146], "update_annotation_statu": [52, 111, 146], "update_batch_predict": [52, 146], "update_custom_loss_funct": [52, 146], "update_custom_loss_function_with_source_cod": [52, 146], "update_custom_metr": [52, 146], "update_custom_metric_from_funct": [52, 146], "update_dataset_feature_express": [111, 146], "update_dataset_feature_group_feature_express": [52, 146], "update_dataset_version_limit": [52, 146], "update_deploy": [52, 146], "update_external_appl": [52, 146], "update_featur": [52, 111, 146], "update_feature_group": [52, 146], "update_feature_group_from_pandas_df": [52, 146], "update_feature_group_from_spark_df": [52, 146], "update_feature_group_python_funct": [52, 146], "update_feature_group_python_function_bind": [52, 146], "update_feature_group_sql_definit": [52, 146], "update_feature_group_templ": [52, 146], "update_feature_group_template_bind": [52, 146], "update_feature_group_version_limit": [52, 146], "update_graph_dashboard": [52, 146], "update_graph_to_dashboard": [52, 146], "update_model_from_funct": [52, 146], "update_modul": [52, 146], "update_module_from_notebook": [52, 146], "update_monitor_alert": [52, 146], "update_nested_featur": [52, 111, 146], "update_organization_secret": [52, 146], "update_pipelin": [52, 146], "update_pipeline_step": [52, 146], "update_pipeline_step_from_funct": [52, 146], "update_point_in_time_featur": [52, 111, 146], "update_point_in_time_group": [52, 111, 146], "update_point_in_time_group_featur": [52, 111, 146], "update_prediction_oper": [52, 146], "update_prediction_operator_from_funct": [52, 146], "update_python": [146, 161], "update_python_funct": [52, 111, 146], "update_python_function_bind": [111, 146], "update_python_function_cod": [52, 146], "update_python_git": [146, 161], "update_python_model": [52, 146], "update_python_model_git": [52, 146], "update_python_model_zip": [52, 146], "update_python_zip": [146, 161], "update_realtime_monitor": [52, 146], "update_refresh_polici": [52, 146], "update_sql_definit": [111, 146], "update_template_bind": [111, 146], "update_timestamp_kei": [52, 111, 146, 147, 216], "update_version_limit": [78, 111, 146], "update_webhook": [52, 146], "updated_at": [9, 13, 60, 118, 119, 122, 133, 146, 151, 195, 196, 199, 211, 212], "updatedat": [9, 13, 60, 118, 119, 122, 133, 146, 151, 195, 196, 199, 211, 212], "updatetimestampkei": [52, 111, 146, 147, 216], "upload": [3, 5, 6, 16, 19, 27, 47, 52, 55, 73, 78, 80, 84, 146, 161, 174, 206], "upload_arg": [146, 244], "upload_fil": [146, 244], "upload_id": [52, 80, 146, 244], "upload_part": [52, 146, 244], "uploadid": [80, 146, 244], "uploadpart": [52, 146, 244, 245], "upon": [27, 34, 52, 146, 206, 220, 222], "upper": [27, 29, 146, 150], "upper_bound": [27, 29, 146, 150], "upper_ex": [52, 146, 206], "upper_in": [52, 146, 206], "upper_snake_cas": 15, "upperbound": [146, 150], "uppercas": [52, 146, 178, 220, 222], "upsert": [43, 52, 82, 111, 113, 114, 117, 124, 146, 235], "upsert_data": [52, 111, 146], "upsert_item_embed": [52, 146, 235], "upsert_multiple_item_embed": [52, 146, 235], "uri": [27, 28, 36, 52, 78, 82, 146, 256], "url": [21, 26, 27, 34, 52, 113, 115, 146, 185, 232, 243, 251, 255], "us": [2, 3, 7, 9, 14, 15, 16, 18, 20, 21, 22, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 40, 42, 43, 47, 52, 53, 63, 65, 66, 78, 80, 82, 83, 84, 85, 86, 89, 91, 104, 107, 111, 113, 114, 115, 117, 122, 124, 127, 140, 141, 142, 143, 146, 147, 149, 151, 153, 154, 158, 160, 161, 163, 165, 166, 168, 171, 172, 173, 174, 175, 176, 178, 188, 190, 202, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 216, 220, 222, 232, 234, 239, 241, 242, 244, 246, 247, 252, 258], "usabl": [52, 146], "usag": [22, 27, 52, 60, 82, 146, 220, 258], "use_all_item_tot": [27, 28, 146], "use_cas": [52, 104, 146, 214, 241], "use_case_requir": 146, "use_cases_support_custom_algorithm": [146, 213], "use_cases_url": [52, 146, 214], "use_clip": [27, 28, 146], "use_default_label": [146, 160], "use_document_summari": [24, 27, 146], "use_full_ocr": [21, 27, 146], "use_gpu": [9, 52, 111, 146, 161, 175, 211, 212, 214, 216], "use_item_id": [27, 28, 146], "use_item_weights_in_object": [27, 28, 146], "use_latest_vers": [52, 146], "use_log_transform": [27, 28, 146], "use_original_csv_nam": [52, 111, 124, 146, 216], "use_prediction_offset": [18, 27, 146], "use_timeseries_weights_in_object": [27, 28, 146], "use_user_id_featur": [27, 28, 146], "usecas": [52, 82, 104, 127, 146, 214, 232, 241, 246], "usecaserequir": [52, 146, 247], "usecasessupportcustomalgorithm": [146, 213], "usedefaultlabel": [146, 160], "usedocumentsummari": [], "usegpu": [9, 111, 146, 161, 175, 211, 212, 216], "useoriginalcsvnam": [111, 124, 146, 216], "user": [2, 3, 16, 26, 27, 28, 37, 38, 39, 40, 50, 52, 75, 82, 84, 85, 94, 104, 105, 111, 122, 123, 133, 140, 143, 146, 160, 161, 167, 173, 175, 177, 178, 179, 180, 188, 189, 193, 195, 206, 214, 224, 226, 228, 236, 243, 246, 247], "user_ag": [26, 27, 146], "user_already_exist": [50, 146], "user_already_in_app_group": [105, 146], "user_already_in_org": [105, 146], "user_cr": [52, 146, 214], "user_email": [52, 146, 177], "user_except": 146, "user_exists_as_intern": [105, 146], "user_feedback": [123, 146], "user_group_id": [38, 52, 104, 146], "user_id": [52, 146, 206], "user_information_instruct": [64, 146], "user_input": [16, 25, 27, 52, 146], "user_level_connector": [52, 146, 161, 214], "user_message_indic": [52, 84, 146], "user_nam": [52, 146, 206], "user_rank": [52, 146], "user_recommend": [52, 146], "user_rel": [52, 146], "useralreadyexist": [50, 146], "useralreadyinappgroup": [105, 146], "useralreadyinorg": [105, 146], "usercod": [146, 249], "usercode_tool": [25, 27, 146], "useremail": [146, 177], "userexcept": [137, 146, 249], "userexistsasintern": [105, 146], "userfeedback": [123, 146], "usergroupid": [38, 104, 146], "userinformationinstruct": [64, 146], "using_claus": [52, 107, 111, 146], "usingclaus": [107, 146], "usual": [12, 13, 52, 111, 146], "utc": [52, 82, 146, 193, 214, 226, 227], "util": [35, 52, 146, 206, 235], "v": [98, 110, 146], "val": [27, 28, 139, 146, 166], "valenc": [25, 27, 146], "valid": [15, 16, 22, 27, 28, 29, 30, 33, 34, 52, 59, 78, 79, 111, 122, 146, 152, 161, 193, 195, 206, 211, 214, 219, 220, 221, 229, 242], "valid_data_typ": [79, 146], "validate_class_method_annot": 15, "validate_constructor_arg_typ": [15, 27, 146], "validate_function_loc": 221, "validate_input_dict_param": [16, 27, 146], "validate_loc": [146, 220], "validate_project": [52, 146], "validate_workflow_graph": [52, 146], "validate_workflow_node_input": 35, "validdatatyp": [79, 146], "valu": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 21, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 231, 232, 233, 234, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "valuabl": [52, 89, 146, 206], "value0": [52, 146, 206], "value1": [52, 146, 206], "value3": [52, 146, 206], "value_column": [26, 27, 146], "value_opt": [146, 242], "value_typ": [146, 242], "valueerror": [52, 63, 146], "valueopt": [146, 242], "valuetyp": [146, 242], "vari": [52, 111, 146], "variabl": [16, 27, 28, 32, 34, 35, 52, 111, 122, 123, 124, 146, 193, 196, 199, 206, 216, 220, 229], "variable_bind": [52, 111, 146], "variable_nam": 35, "variable_sourc": [16, 27, 146], "variable_typ": [16, 27, 32, 52, 146, 220], "varieti": [52, 146], "variou": [52, 111, 146, 160, 174, 175], "ve": [52, 111, 146], "vector": [16, 24, 27, 28, 52, 89, 146, 161, 206, 235], "vector_store_id": [52, 146], "vectorstoreconfig": [24, 27, 52, 89, 91, 146, 214], "vectorstoretextencod": [24, 25, 27, 146], "vehicletyp": [52, 146, 206], "verbos": [52, 146, 166, 182, 206], "veri": [27, 28, 146], "verif": [13, 52, 85, 111, 130, 131, 132, 146, 174], "verifi": [26, 27, 40, 52, 63, 75, 130, 131, 132, 146, 236], "verification_info": [13, 146], "verification_summari": [85, 146], "verificationinfo": [13, 146], "verifications_upload_id": [146, 174], "verificationsummari": [85, 146], "verificationsuploadid": [146, 174], "verify_and_describe_annot": [52, 111, 146], "verify_application_connector": [52, 146], "verify_database_connector": [52, 146], "verify_file_connector": [52, 146], "verify_respons": [26, 27, 63, 146], "verify_streaming_connector": [52, 146], "versa": [98, 146], "version": [2, 7, 26, 27, 28, 42, 43, 44, 52, 66, 67, 70, 74, 78, 80, 81, 82, 85, 89, 91, 94, 96, 97, 99, 100, 101, 111, 113, 115, 119, 124, 125, 133, 135, 136, 141, 142, 146, 161, 162, 163, 166, 167, 168, 169, 170, 171, 172, 174, 175, 176, 179, 180, 190, 193, 196, 197, 198, 199, 200, 207, 208, 211, 212, 214, 216, 218, 225, 227, 244, 247], "version_limit": [52, 78, 111, 146, 216], "versionlimit": [78, 111, 146, 216], "versu": [92, 93, 108, 146], "via": [52, 146], "vice": [98, 146], "video": [146, 250, 251], "video_gen_set": 146, "video_search_result": 146, "videogenset": [146, 250], "videosearchresult": [146, 251], "view": [22, 27, 38, 52, 146, 160, 171, 189], "violat": [27, 30, 31, 52, 110, 146, 167, 168, 169, 187, 206], "vision": [52, 146, 214], "vision_classif": [25, 27, 146], "vision_object_detect": [25, 27, 52, 146], "vision_regress": [25, 27, 52, 146], "visual": [52, 82, 104, 146, 206], "vnc": [49, 146], "vnc_endpoint": [49, 146], "vncendpoint": [49, 146], "voic": [144, 146, 241, 252], "voice_gen_detail": 146, "voice_id": [146, 241], "voicegendetail": [146, 252], "voiceid": [146, 241], "volum": [27, 28, 146], "w": [25, 27, 85, 146], "w_c_accuraci": [25, 27, 146], "wa": [2, 9, 13, 14, 18, 27, 35, 37, 40, 42, 47, 48, 52, 60, 65, 66, 67, 75, 78, 80, 82, 83, 84, 85, 89, 90, 91, 94, 111, 113, 118, 119, 120, 122, 124, 133, 140, 142, 143, 146, 149, 151, 161, 162, 166, 167, 174, 175, 178, 179, 180, 185, 189, 191, 193, 195, 196, 199, 211, 212, 214, 216, 220, 222, 224, 225, 226, 234, 236, 244, 256], "wai": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 146], "wait": [2, 7, 16, 27, 42, 43, 52, 78, 80, 82, 89, 91, 101, 103, 111, 113, 119, 124, 142, 146, 161, 162, 171, 175, 180, 193, 199, 225, 244], "wait_for_complet": [146, 225], "wait_for_dataset": [111, 146], "wait_for_deploy": [82, 146], "wait_for_drift_monitor": [42, 43, 146], "wait_for_eda": [101, 146], "wait_for_evalu": [146, 161], "wait_for_execut": [103, 146], "wait_for_export": [113, 146], "wait_for_full_automl": [146, 161, 175], "wait_for_import": [78, 80, 146], "wait_for_inspect": [78, 80, 146], "wait_for_join": [146, 244], "wait_for_materi": [111, 124, 146], "wait_for_monitor": [146, 171], "wait_for_monitor_alert": [146, 180], "wait_for_pending_deployment_upd": [82, 146], "wait_for_pipelin": [146, 193, 199], "wait_for_predict": [42, 43, 146], "wait_for_process": [119, 146], "wait_for_publish": [2, 7, 146, 161], "wait_for_result": [91, 103, 113, 124, 142, 146, 162], "wait_for_streaming_readi": [111, 146], "wait_for_train": [146, 161, 175], "wait_for_upload": [111, 146], "wait_stat": [52, 82, 146], "wait_timeout": [146, 244], "wait_until_deployment_readi": [89, 91, 146], "wait_until_readi": [52, 89, 91, 146], "want": [52, 146, 160, 206, 214], "wape": [25, 27, 146], "warn": [43, 44, 48, 59, 91, 124, 146, 193], "wasserstein": [102, 109, 110, 146], "watcher": [22, 27, 146], "watermark": [21, 27, 146], "wb": [43, 146], "we": [22, 27, 28, 30, 52, 82, 111, 123, 146, 167, 202, 204, 206, 214], "web": [27, 28, 52, 64, 146, 253, 254], "web_page_respons": 146, "web_search": [27, 28, 146], "web_search_respons": 146, "web_search_result": 146, "web_vers": 52, "webhook": [52, 82, 146], "webhook_event_typ": [52, 82, 146, 256], "webhook_id": [52, 146, 256], "webhookeventtyp": [146, 256], "webhookid": [146, 256], "webm": [25, 27, 146], "webp": [25, 27, 146], "webpagerespons": [52, 146, 253], "websearchrespons": [52, 146, 254], "websearchresult": [146, 254, 255], "websit": [52, 82, 146, 206], "week": [100, 146], "weekli": [52, 100, 136, 146, 214], "weekly_monday_start": [25, 27, 146], "weekly_saturday_start": [25, 27, 146], "weekly_sunday_start": [25, 27, 146], "weibul": [25, 27, 146], "weight": [27, 28, 146], "welcome_messag": [146, 160], "welcomemessag": [146, 160], "well": [23, 27, 28, 52, 146, 161, 214], "went": [59, 146], "were": [26, 27, 43, 52, 85, 113, 146, 198], "what": [27, 28, 52, 59, 100, 111, 134, 146, 161, 206, 214, 219], "when": [2, 9, 21, 26, 27, 28, 30, 32, 34, 37, 40, 42, 43, 52, 63, 65, 66, 67, 75, 78, 80, 82, 83, 85, 88, 89, 91, 93, 94, 104, 111, 115, 118, 119, 122, 124, 130, 133, 143, 146, 160, 161, 166, 167, 174, 178, 189, 191, 193, 195, 196, 206, 211, 214, 216, 220, 222, 225, 226, 227, 234, 236, 242, 244, 248], "whenev": [82, 146], "where": [7, 16, 27, 28, 42, 43, 52, 54, 78, 82, 89, 107, 111, 146, 171, 175, 206, 214], "where_claus": [52, 107, 111, 146], "whereclaus": [107, 146], "wherev": [52, 146, 206], "whether": [1, 2, 9, 12, 14, 16, 18, 21, 22, 26, 27, 28, 29, 30, 32, 37, 38, 47, 48, 51, 52, 54, 55, 64, 78, 80, 84, 85, 89, 104, 111, 124, 142, 146, 152, 161, 167, 175, 177, 178, 182, 188, 193, 199, 206, 211, 212, 214, 216], "which": [2, 13, 16, 18, 21, 22, 23, 26, 27, 28, 36, 38, 42, 47, 48, 52, 61, 78, 82, 84, 85, 88, 89, 91, 94, 101, 111, 113, 114, 115, 122, 124, 140, 141, 142, 146, 151, 158, 160, 161, 162, 167, 174, 175, 179, 180, 189, 190, 193, 195, 196, 199, 202, 203, 204, 205, 206, 211, 212, 213, 214, 216, 224, 226, 235, 244], "while": [2, 27, 28, 43, 52, 113, 146, 161, 214, 220, 221, 244], "whisker": [98, 146], "whiteboard": [48, 146], "whitespac": [52, 146, 206], "who": [38, 52, 111, 146, 189, 193], "whom": [52, 146, 206], "whose": [27, 28, 52, 111, 146, 216, 235], "why": [52, 84, 146], "width": [27, 34, 35, 52, 146, 185, 192, 243], "window": [27, 28, 29, 30, 52, 82, 93, 102, 108, 109, 110, 111, 146, 202, 204], "window_config": [27, 29, 146], "window_dur": [27, 29, 146], "window_from_start": [27, 29, 146], "window_funct": [52, 111, 146], "window_kei": [52, 111, 146, 204], "windowkei": [52, 111, 146, 204], "wise": [27, 28, 134, 146], "wish": [52, 146, 214], "within": [26, 27, 48, 52, 69, 97, 98, 101, 111, 146, 206], "without": [27, 28, 52, 111, 146, 168, 214], "wmv": [25, 27, 146], "word": [27, 28, 52, 89, 146, 206], "work": [9, 52, 146], "worker": [146, 244], "workflow": [2, 3, 7, 16, 27, 34, 52, 85, 146, 161, 206, 214, 239, 257, 258], "workflow_ag": [25, 27, 146], "workflow_graph": [2, 7, 52, 146, 161, 214], "workflow_graph_nod": [146, 239, 257], "workflow_graph_node_detail": 146, "workflow_node_templ": 146, "workflow_node_template_id": [146, 258], "workflow_var": 35, "workflow_vari": [16, 25, 27, 146], "workflowgraph": [2, 7, 16, 27, 52, 146, 161, 214], "workflowgraphedg": [16, 27, 146], "workflowgraphnod": [16, 27, 52, 146, 239, 257], "workflowgraphnodedetail": [146, 257], "workflownod": [16, 27, 146], "workflownodeinputmap": [16, 27, 146], "workflownodeinputschema": [16, 27, 146], "workflownodeinputtyp": [16, 25, 27, 146], "workflownodeoutputmap": [16, 27, 146], "workflownodeoutputschema": [16, 27, 146], "workflownodeoutputtyp": [16, 25, 27, 146], "workflownodetempl": [146, 258], "workflownodetemplateconfig": [16, 27, 146, 258], "workflownodetemplateid": [146, 258], "workflownodetemplateinput": [16, 27, 146, 258], "workflownodetemplateoutput": [16, 27, 146, 258], "workflownodetemplatetyp": [25, 27, 146], "worth": [78, 146], "would": [27, 28, 52, 65, 111, 146], "write": [27, 28, 42, 43, 52, 82, 113, 114, 117, 124, 130, 131, 132, 146], "write_mod": [52, 82, 113, 114, 117, 124, 146], "write_permiss": [52, 130, 131, 132, 146], "writemod": [113, 114, 117, 146], "writepermiss": [130, 131, 132, 146], "written": [42, 43, 113, 114, 146, 162], "wrong": [59, 146], "ws_distanc": [102, 109, 110, 136, 146], "wsdistanc": [102, 109, 110, 146], "x": [27, 28, 52, 96, 98, 101, 134, 146], "x_axi": [98, 134, 146], "x_axis_column_valu": [98, 146], "xai_grok": [25, 27, 146], "xaxi": [98, 134, 146], "xaxiscolumnvalu": [98, 146], "xl": [25, 27, 146], "xlarg": [25, 27, 146], "y": [52, 96, 98, 101, 134, 146], "y_axi": [98, 134, 146], "y_axis_column_valu": [98, 146], "y_pred": [52, 146], "y_true": [52, 146], "yaxi": [98, 134, 146], "yaxiscolumnvalu": [98, 146], "ye": [27, 28, 52, 146, 206], "year": [100, 146], "yearli": [25, 27, 52, 100, 136, 146, 214], "yeo": [25, 27, 146], "yeo_johnson": [25, 27, 146], "yet": [38, 52, 146, 206], "you": [52, 89, 146, 160, 199, 206, 214], "your": [27, 28, 52, 130, 146, 206, 214, 244], "yourself": [52, 146], "yyyi": [18, 27, 52, 146], "z0": 35, "za": 35, "zendesk": [22, 25, 27, 146], "zendeskdatasetconfig": [22, 27, 146], "zendesksunshinemessag": [25, 27, 146], "zero": [25, 27, 28, 52, 146, 206], "zero_predictor": [27, 28, 146], "zero_shot_hypothes": [27, 28, 146], "zip": [25, 27, 52, 146, 161, 175], "zipcod": [146, 232], "zscore": [25, 27, 146]}, "titles": ["abacusai.abacus_api", "abacusai.address", "abacusai.agent", "abacusai.agent_chat_message", "abacusai.agent_conversation", "abacusai.agent_data_document_info", "abacusai.agent_data_execution_result", "abacusai.agent_version", "abacusai.ai_building_task", "abacusai.algorithm", "abacusai.annotation", "abacusai.annotation_config", "abacusai.annotation_document", "abacusai.annotation_entry", "abacusai.annotations_status", "abacusai.api_class.abstract", "abacusai.api_class.ai_agents", "abacusai.api_class.ai_chat", "abacusai.api_class.batch_prediction", "abacusai.api_class.blob_input", "abacusai.api_class.connectors", "abacusai.api_class.dataset", "abacusai.api_class.dataset_application_connector", "abacusai.api_class.deployment", "abacusai.api_class.document_retriever", "abacusai.api_class.enums", "abacusai.api_class.feature_group", "abacusai.api_class", "abacusai.api_class.model", "abacusai.api_class.monitor", "abacusai.api_class.monitor_alert", "abacusai.api_class.project", "abacusai.api_class.python_functions", "abacusai.api_class.refresh", "abacusai.api_class.segments", "abacusai.api_client_utils", "abacusai.api_endpoint", "abacusai.api_key", "abacusai.app_user_group", "abacusai.app_user_group_sign_in_token", "abacusai.application_connector", "abacusai.audio_gen_settings", "abacusai.batch_prediction", "abacusai.batch_prediction_version", "abacusai.batch_prediction_version_logs", "abacusai.bot_info", "abacusai.categorical_range_violation", "abacusai.chat_message", "abacusai.chat_session", "abacusai.chatllm_computer", "abacusai.chatllm_referral_invite", "abacusai.chatllm_task", "abacusai.client", "abacusai.code_agent_response", "abacusai.code_autocomplete_response", "abacusai.code_bot", "abacusai.code_edit", "abacusai.code_edit_response", "abacusai.code_edits", "abacusai.code_source", "abacusai.compute_point_info", "abacusai.concatenation_config", "abacusai.cpu_gpu_memory_specs", "abacusai.cryptography", "abacusai.custom_chat_instructions", "abacusai.custom_loss_function", "abacusai.custom_metric", "abacusai.custom_metric_version", "abacusai.custom_train_function_info", "abacusai.data_consistency_duplication", "abacusai.data_metrics", "abacusai.data_prep_logs", "abacusai.data_quality_results", "abacusai.data_upload_result", "abacusai.database_column_feature_mapping", "abacusai.database_connector", "abacusai.database_connector_column", "abacusai.database_connector_schema", "abacusai.dataset", "abacusai.dataset_column", "abacusai.dataset_version", "abacusai.dataset_version_logs", "abacusai.deployment", "abacusai.deployment_auth_token", "abacusai.deployment_conversation", "abacusai.deployment_conversation_event", "abacusai.deployment_conversation_export", "abacusai.deployment_statistics", "abacusai.document_data", "abacusai.document_retriever", "abacusai.document_retriever_lookup_result", "abacusai.document_retriever_version", "abacusai.drift_distribution", "abacusai.drift_distributions", "abacusai.eda", "abacusai.eda_chart_description", "abacusai.eda_collinearity", "abacusai.eda_data_consistency", "abacusai.eda_feature_association", "abacusai.eda_feature_collinearity", "abacusai.eda_forecasting_analysis", "abacusai.eda_version", "abacusai.embedding_feature_drift_distribution", "abacusai.execute_feature_group_operation", "abacusai.external_application", "abacusai.external_invite", "abacusai.extracted_fields", "abacusai.feature", "abacusai.feature_distribution", "abacusai.feature_drift_record", "abacusai.feature_drift_summary", "abacusai.feature_group", "abacusai.feature_group_document", "abacusai.feature_group_export", "abacusai.feature_group_export_config", "abacusai.feature_group_export_download_url", "abacusai.feature_group_lineage", "abacusai.feature_group_refresh_export_config", "abacusai.feature_group_row", "abacusai.feature_group_row_process", "abacusai.feature_group_row_process_logs", "abacusai.feature_group_row_process_summary", "abacusai.feature_group_template", "abacusai.feature_group_template_variable_options", "abacusai.feature_group_version", "abacusai.feature_group_version_logs", "abacusai.feature_importance", "abacusai.feature_mapping", "abacusai.feature_performance_analysis", "abacusai.feature_record", "abacusai.file_connector", "abacusai.file_connector_instructions", "abacusai.file_connector_verification", "abacusai.finetuned_pretrained_model", "abacusai.forecasting_analysis_graph_data", "abacusai.forecasting_monitor_item_analysis", "abacusai.forecasting_monitor_summary", "abacusai.function_logs", "abacusai.generated_pit_feature_config_option", "abacusai.global_context", "abacusai.graph_dashboard", "abacusai.holdout_analysis", "abacusai.holdout_analysis_version", "abacusai.hosted_model_token", "abacusai.hume_voice", "abacusai.image_gen_settings", "abacusai", "abacusai.indexing_config", "abacusai.inferred_database_column_to_feature_mappings", "abacusai.inferred_feature_mappings", "abacusai.item_statistics", "abacusai.llm_app", "abacusai.llm_code_block", "abacusai.llm_execution_preview", "abacusai.llm_execution_result", "abacusai.llm_generated_code", "abacusai.llm_input", "abacusai.llm_parameters", "abacusai.llm_response", "abacusai.memory_options", "abacusai.messaging_connector_response", "abacusai.model", "abacusai.model_artifacts_export", "abacusai.model_blueprint_export", "abacusai.model_blueprint_stage", "abacusai.model_location", "abacusai.model_metrics", "abacusai.model_monitor", "abacusai.model_monitor_org_summary", "abacusai.model_monitor_summary", "abacusai.model_monitor_summary_from_org", "abacusai.model_monitor_version", "abacusai.model_monitor_version_metric_data", "abacusai.model_training_type_for_deployment", "abacusai.model_upload", "abacusai.model_version", "abacusai.model_version_feature_group_schema", "abacusai.modification_lock_info", "abacusai.module", "abacusai.monitor_alert", "abacusai.monitor_alert_version", "abacusai.monitor_drift_and_distributions", "abacusai.natural_language_explanation", "abacusai.nested_feature", "abacusai.nested_feature_schema", "abacusai.news_search_result", "abacusai.nlp_chat_response", "abacusai.null_violation", "abacusai.organization_external_application_settings", "abacusai.organization_group", "abacusai.organization_search_result", "abacusai.organization_secret", "abacusai.page_data", "abacusai.pipeline", "abacusai.pipeline_reference", "abacusai.pipeline_step", "abacusai.pipeline_step_version", "abacusai.pipeline_step_version_logs", "abacusai.pipeline_step_version_reference", "abacusai.pipeline_version", "abacusai.pipeline_version_logs", "abacusai.playground_text", "abacusai.point_in_time_feature", "abacusai.point_in_time_feature_info", "abacusai.point_in_time_group", "abacusai.point_in_time_group_feature", "abacusai.prediction_client", "abacusai.prediction_dataset", "abacusai.prediction_feature_group", "abacusai.prediction_input", "abacusai.prediction_log_record", "abacusai.prediction_operator", "abacusai.prediction_operator_version", "abacusai.problem_type", "abacusai.project", "abacusai.project_config", "abacusai.project_feature_group", "abacusai.project_feature_group_schema", "abacusai.project_feature_group_schema_version", "abacusai.project_validation", "abacusai.python_function", "abacusai.python_function_validator", "abacusai.python_plot_function", "abacusai.range_violation", "abacusai.realtime_monitor", "abacusai.refresh_pipeline_run", "abacusai.refresh_policy", "abacusai.refresh_schedule", "abacusai.regenerate_llm_external_application", "abacusai.resolved_feature_group_template", "abacusai.return_class", "abacusai.routing_action", "abacusai.schema", "abacusai.sftp_key", "abacusai.streaming_auth_token", "abacusai.streaming_client", "abacusai.streaming_connector", "abacusai.streaming_row_count", "abacusai.streaming_sample_code", "abacusai.template_node_details", "abacusai.test_point_predictions", "abacusai.tone_details", "abacusai.training_config_options", "abacusai.twitter_search_result", "abacusai.upload", "abacusai.upload_part", "abacusai.use_case", "abacusai.use_case_requirements", "abacusai.user", "abacusai.user_exception", "abacusai.video_gen_settings", "abacusai.video_search_result", "abacusai.voice_gen_details", "abacusai.web_page_response", "abacusai.web_search_response", "abacusai.web_search_result", "abacusai.webhook", "abacusai.workflow_graph_node_details", "abacusai.workflow_node_template", "Abacus.AI API Client PyDocs"], "titleterms": {"abacu": 259, "abacus_api": 0, "abacusai": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "abstract": 15, "address": 1, "agent": 2, "agent_chat_messag": 3, "agent_convers": 4, "agent_data_document_info": 5, "agent_data_execution_result": 6, "agent_vers": 7, "ai": 259, "ai_ag": 16, "ai_building_task": 8, "ai_chat": 17, "algorithm": 9, "annot": 10, "annotation_config": 11, "annotation_docu": 12, "annotation_entri": 13, "annotations_statu": 14, "api": 259, "api_class": [15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34], "api_client_util": 35, "api_endpoint": 36, "api_kei": 37, "app_user_group": 38, "app_user_group_sign_in_token": 39, "application_connector": 40, "attribut": [15, 24, 27, 34, 35, 52, 139, 146], "audio_gen_set": 41, "batch_predict": [18, 42], "batch_prediction_vers": 43, "batch_prediction_version_log": 44, "blob_input": 19, "bot_info": 45, "categorical_range_viol": 46, "chat_messag": 47, "chat_sess": 48, "chatllm_comput": 49, "chatllm_referral_invit": 50, "chatllm_task": 51, "class": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "client": [52, 259], "code_agent_respons": 53, "code_autocomplete_respons": 54, "code_bot": 55, "code_edit": [56, 58], "code_edit_respons": 57, "code_sourc": 59, "compute_point_info": 60, "concatenation_config": 61, "connector": 20, "content": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "cpu_gpu_memory_spec": 62, "cryptographi": 63, "custom_chat_instruct": 64, "custom_loss_funct": 65, "custom_metr": 66, "custom_metric_vers": 67, "custom_train_function_info": 68, "data_consistency_dupl": 69, "data_metr": 70, "data_prep_log": 71, "data_quality_result": 72, "data_upload_result": 73, "database_column_feature_map": 74, "database_connector": 75, "database_connector_column": 76, "database_connector_schema": 77, "dataset": [21, 78], "dataset_application_connector": 22, "dataset_column": 79, "dataset_vers": 80, "dataset_version_log": 81, "deploy": [23, 82], "deployment_auth_token": 83, "deployment_convers": 84, "deployment_conversation_ev": 85, "deployment_conversation_export": 86, "deployment_statist": 87, "document_data": 88, "document_retriev": [24, 89], "document_retriever_config": [], "document_retriever_lookup_result": 90, "document_retriever_vers": 91, "drift_distribut": [92, 93], "eda": 94, "eda_chart_descript": 95, "eda_collinear": 96, "eda_data_consist": 97, "eda_feature_associ": 98, "eda_feature_collinear": 99, "eda_forecasting_analysi": 100, "eda_vers": 101, "embedding_feature_drift_distribut": 102, "enum": 25, "except": [52, 146], "execute_feature_group_oper": 103, "external_appl": 104, "external_invit": 105, "extracted_field": 106, "featur": 107, "feature_distribut": 108, "feature_drift_record": 109, "feature_drift_summari": 110, "feature_group": [26, 111], "feature_group_docu": 112, "feature_group_export": 113, "feature_group_export_config": 114, "feature_group_export_download_url": 115, "feature_group_lineag": 116, "feature_group_refresh_export_config": 117, "feature_group_row": 118, "feature_group_row_process": 119, "feature_group_row_process_log": 120, "feature_group_row_process_summari": 121, "feature_group_templ": 122, "feature_group_template_variable_opt": 123, "feature_group_vers": 124, "feature_group_version_log": 125, "feature_import": 126, "feature_map": 127, "feature_performance_analysi": 128, "feature_record": 129, "file_connector": 130, "file_connector_instruct": 131, "file_connector_verif": 132, "finetuned_pretrained_model": 133, "forecasting_analysis_graph_data": 134, "forecasting_monitor_item_analysi": 135, "forecasting_monitor_summari": 136, "function": [15, 16, 25, 27, 35, 52, 63, 139, 146, 221], "function_log": 137, "generated_pit_feature_config_opt": 138, "global_context": 139, "graph_dashboard": 140, "holdout_analysi": 141, "holdout_analysis_vers": 142, "hosted_model_token": 143, "hume_voic": 144, "image_gen_set": 145, "indexing_config": 147, "indic": 259, "inferred_database_column_to_feature_map": 148, "inferred_feature_map": 149, "item_statist": 150, "llm_app": 151, "llm_code_block": 152, "llm_execution_preview": 153, "llm_execution_result": 154, "llm_generated_cod": 155, "llm_input": 156, "llm_paramet": 157, "llm_respons": 158, "memory_opt": 159, "messaging_connector_respons": 160, "model": [28, 161], "model_artifacts_export": 162, "model_blueprint_export": 163, "model_blueprint_stag": 164, "model_loc": 165, "model_metr": 166, "model_monitor": 167, "model_monitor_org_summari": 168, "model_monitor_summari": 169, "model_monitor_summary_from_org": 170, "model_monitor_vers": 171, "model_monitor_version_metric_data": 172, "model_training_type_for_deploy": 173, "model_upload": 174, "model_vers": 175, "model_version_feature_group_schema": 176, "modification_lock_info": 177, "modul": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258], "monitor": 29, "monitor_alert": [30, 179], "monitor_alert_vers": 180, "monitor_drift_and_distribut": 181, "natural_language_explan": 182, "nested_featur": 183, "nested_feature_schema": 184, "news_search_result": 185, "nlp_chat_respons": 186, "null_viol": 187, "organization_external_application_set": 188, "organization_group": 189, "organization_search_result": 190, "organization_secret": 191, "packag": [27, 146], "page_data": 192, "pipelin": 193, "pipeline_refer": 194, "pipeline_step": 195, "pipeline_step_vers": 196, "pipeline_step_version_log": 197, "pipeline_step_version_refer": 198, "pipeline_vers": 199, "pipeline_version_log": 200, "playground_text": 201, "point_in_time_featur": 202, "point_in_time_feature_info": 203, "point_in_time_group": 204, "point_in_time_group_featur": 205, "prediction_cli": 206, "prediction_dataset": 207, "prediction_feature_group": 208, "prediction_input": 209, "prediction_log_record": 210, "prediction_oper": 211, "prediction_operator_vers": 212, "problem_typ": 213, "project": [31, 214], "project_config": 215, "project_feature_group": 216, "project_feature_group_schema": 217, "project_feature_group_schema_vers": 218, "project_valid": 219, "pydoc": 259, "python_funct": [32, 220], "python_function_valid": 221, "python_plot_funct": 222, "range_viol": 223, "realtime_monitor": 224, "refresh": 33, "refresh_pipeline_run": 225, "refresh_polici": 226, "refresh_schedul": 227, "regenerate_llm_external_appl": 228, "resolved_feature_group_templ": 229, "return_class": 230, "routing_act": 231, "schema": 232, "segment": 34, "sftp_kei": 233, "streaming_auth_token": 234, "streaming_cli": 235, "streaming_connector": 236, "streaming_row_count": 237, "streaming_sample_cod": 238, "submodul": [27, 146], "template_node_detail": 239, "test_point_predict": 240, "tone_detail": 241, "training_config_opt": 242, "twitter_search_result": 243, "upload": 244, "upload_part": 245, "use_cas": 246, "use_case_requir": 247, "user": 248, "user_except": 249, "video_gen_set": 250, "video_search_result": 251, "voice_gen_detail": 252, "web_page_respons": 253, "web_search_respons": 254, "web_search_result": 255, "webhook": 256, "workflow_graph_nod": [], "workflow_graph_node_detail": 257, "workflow_node_templ": 258}}) \ No newline at end of file +Search.setIndex({"alltitles": {"Abacus.AI API Client PyDocs": [[315, null]], "Attributes": [[15, "attributes"], [16, "attributes"], [24, "attributes"], [27, "attributes"], [34, "attributes"], [35, "attributes"], [58, "attributes"], [160, "attributes"], [176, "attributes"]], "Classes": [[0, "classes"], [1, "classes"], [2, "classes"], [3, "classes"], [4, "classes"], [5, "classes"], [6, "classes"], [7, "classes"], [8, "classes"], [9, "classes"], [10, "classes"], [11, "classes"], [12, "classes"], [13, "classes"], [14, "classes"], [15, "classes"], [16, "classes"], [17, "classes"], [18, "classes"], [19, "classes"], [20, "classes"], [21, "classes"], [22, "classes"], [23, "classes"], [24, "classes"], [25, "classes"], [26, "classes"], [27, "classes"], [28, "classes"], [29, "classes"], [30, "classes"], [31, "classes"], [32, "classes"], [33, "classes"], [34, "classes"], [35, "classes"], [36, "classes"], [37, "classes"], [38, "classes"], [39, "classes"], [40, "classes"], [41, "classes"], [42, "classes"], [43, "classes"], [44, "classes"], [45, "classes"], [46, "classes"], [47, "classes"], [48, "classes"], [49, "classes"], [50, "classes"], [51, "classes"], [52, "classes"], [53, "classes"], [54, "classes"], [55, "classes"], [56, "classes"], [57, "classes"], [58, "classes"], [59, "classes"], [60, "classes"], [61, "classes"], [62, "classes"], [63, "classes"], [64, "classes"], [65, "classes"], [66, "classes"], [67, "classes"], [68, "classes"], [69, "classes"], [70, "classes"], [71, "classes"], [72, "classes"], [73, "classes"], [74, "classes"], [75, "classes"], [77, "classes"], [78, "classes"], [79, "classes"], [80, "classes"], [81, "classes"], [82, "classes"], [83, "classes"], [84, "classes"], [85, "classes"], [86, "classes"], [87, "classes"], [88, "classes"], [89, "classes"], [90, "classes"], [91, "classes"], [92, "classes"], [93, "classes"], [94, "classes"], [95, "classes"], [96, "classes"], [97, "classes"], [98, "classes"], [99, "classes"], [100, "classes"], [101, "classes"], [102, "classes"], [103, "classes"], [104, "classes"], [105, "classes"], [106, "classes"], [107, "classes"], [108, "classes"], [109, "classes"], [110, "classes"], [111, "classes"], [112, "classes"], [113, "classes"], [114, "classes"], [115, "classes"], [116, "classes"], [117, "classes"], [118, "classes"], [119, "classes"], [120, "classes"], [121, "classes"], [122, "classes"], [123, "classes"], [124, "classes"], [125, "classes"], [126, "classes"], [127, "classes"], [128, "classes"], [129, "classes"], [130, "classes"], [131, "classes"], [132, "classes"], [133, "classes"], [134, "classes"], [135, "classes"], [136, "classes"], [137, "classes"], [138, "classes"], [139, "classes"], [140, "classes"], [141, "classes"], [142, "classes"], [143, "classes"], [144, "classes"], [145, "classes"], [146, "classes"], [147, "classes"], [148, "classes"], [149, "classes"], [150, "classes"], [151, "classes"], [152, "classes"], [153, "classes"], [154, "classes"], [155, "classes"], [156, "classes"], [157, "classes"], [158, "classes"], [159, "classes"], [161, "classes"], [162, "classes"], [163, "classes"], [164, "classes"], [165, "classes"], [166, "classes"], [167, "classes"], [168, "classes"], [169, "classes"], [170, "classes"], [171, "classes"], [172, "classes"], [173, "classes"], [174, "classes"], [175, "classes"], [176, "classes"], [177, "classes"], [178, "classes"], [179, "classes"], [180, "classes"], [181, "classes"], [182, "classes"], [183, "classes"], [184, "classes"], [185, "classes"], [186, "classes"], [187, "classes"], [188, "classes"], [189, "classes"], [190, "classes"], [191, "classes"], [192, "classes"], [193, "classes"], [194, "classes"], [195, "classes"], [196, "classes"], [197, "classes"], [198, "classes"], [199, "classes"], [200, "classes"], [201, "classes"], [202, "classes"], [203, "classes"], [204, "classes"], [205, "classes"], [206, "classes"], [207, "classes"], [208, "classes"], [209, "classes"], [210, "classes"], [211, "classes"], [212, "classes"], [213, "classes"], [214, "classes"], [215, "classes"], [216, "classes"], [217, "classes"], [218, "classes"], [219, "classes"], [220, "classes"], [221, "classes"], [222, "classes"], [223, "classes"], [224, "classes"], [225, "classes"], [226, "classes"], [227, "classes"], [228, "classes"], [229, "classes"], [230, "classes"], [231, "classes"], [232, "classes"], [233, "classes"], [234, "classes"], [235, "classes"], [236, "classes"], [237, "classes"], [238, "classes"], [239, "classes"], [240, "classes"], [241, "classes"], [242, "classes"], [243, "classes"], [244, "classes"], [245, "classes"], [246, "classes"], [247, "classes"], [248, "classes"], [249, "classes"], [250, "classes"], [251, "classes"], [252, "classes"], [253, "classes"], [254, "classes"], [255, "classes"], [256, "classes"], [257, "classes"], [258, "classes"], [259, "classes"], [260, "classes"], [261, "classes"], [262, "classes"], [263, "classes"], [264, "classes"], [265, "classes"], [266, "classes"], [267, "classes"], [268, "classes"], [269, "classes"], [270, "classes"], [271, "classes"], [272, "classes"], [273, "classes"], [274, "classes"], [275, "classes"], [276, "classes"], [277, "classes"], [278, "classes"], [279, "classes"], [280, "classes"], [281, "classes"], [282, "classes"], [283, "classes"], [284, "classes"], [285, "classes"], [286, "classes"], [287, "classes"], [288, "classes"], [289, "classes"], [290, "classes"], [291, "classes"], [292, "classes"], [293, "classes"], [294, "classes"], [295, "classes"], [296, "classes"], [297, "classes"], [298, "classes"], [299, "classes"], [300, "classes"], [301, "classes"], [302, "classes"], [303, "classes"], [304, "classes"], [305, "classes"], [306, "classes"], [307, "classes"], [308, "classes"], [309, "classes"], [310, "classes"], [311, "classes"], [312, "classes"], [313, "classes"], [314, "classes"]], "Exceptions": [[58, "exceptions"], [176, "exceptions"]], "Functions": [[15, "functions"], [16, "functions"], [25, "functions"], [27, "functions"], [35, "functions"], [58, "functions"], [76, "functions"], [160, "functions"], [176, "functions"], [259, "functions"]], "Indices": [[315, "indices"]], "Module Contents": [[0, "module-contents"], [1, "module-contents"], [2, "module-contents"], [3, "module-contents"], [4, "module-contents"], [5, "module-contents"], [6, "module-contents"], [7, "module-contents"], [8, "module-contents"], [9, "module-contents"], [10, "module-contents"], [11, "module-contents"], [12, "module-contents"], [13, "module-contents"], [14, "module-contents"], [15, "module-contents"], [16, "module-contents"], [17, "module-contents"], [18, "module-contents"], [19, "module-contents"], [20, "module-contents"], [21, "module-contents"], [22, "module-contents"], [23, "module-contents"], [24, "module-contents"], [25, "module-contents"], [26, "module-contents"], [28, "module-contents"], [29, "module-contents"], [30, "module-contents"], [31, "module-contents"], [32, "module-contents"], [33, "module-contents"], [34, "module-contents"], [35, "module-contents"], [36, "module-contents"], [37, "module-contents"], [38, "module-contents"], [39, "module-contents"], [40, "module-contents"], [41, "module-contents"], [42, "module-contents"], [43, "module-contents"], [44, "module-contents"], [45, "module-contents"], [46, "module-contents"], [47, "module-contents"], [48, "module-contents"], [49, "module-contents"], [50, "module-contents"], [51, "module-contents"], [52, "module-contents"], [53, "module-contents"], [54, "module-contents"], [55, "module-contents"], [56, "module-contents"], [57, "module-contents"], [58, "module-contents"], [59, "module-contents"], [60, "module-contents"], [61, "module-contents"], [62, "module-contents"], [63, "module-contents"], [64, "module-contents"], [65, "module-contents"], [66, "module-contents"], [67, "module-contents"], [68, "module-contents"], [69, "module-contents"], [70, "module-contents"], [71, "module-contents"], [72, "module-contents"], [73, "module-contents"], [74, "module-contents"], [75, "module-contents"], [76, "module-contents"], [77, "module-contents"], [78, "module-contents"], [79, "module-contents"], [80, "module-contents"], [81, "module-contents"], [82, "module-contents"], [83, "module-contents"], [84, "module-contents"], [85, "module-contents"], [86, "module-contents"], [87, "module-contents"], [88, "module-contents"], [89, "module-contents"], [90, "module-contents"], [91, "module-contents"], [92, "module-contents"], [93, "module-contents"], [94, "module-contents"], [95, "module-contents"], [96, "module-contents"], [97, "module-contents"], [98, "module-contents"], [99, "module-contents"], [100, "module-contents"], [101, "module-contents"], [102, "module-contents"], [103, "module-contents"], [104, "module-contents"], [105, "module-contents"], [106, "module-contents"], [107, "module-contents"], [108, "module-contents"], [109, "module-contents"], [110, "module-contents"], [111, "module-contents"], [112, "module-contents"], [113, "module-contents"], [114, "module-contents"], [115, "module-contents"], [116, "module-contents"], [117, "module-contents"], [118, "module-contents"], [119, "module-contents"], [120, "module-contents"], [121, "module-contents"], [122, "module-contents"], [123, "module-contents"], [124, "module-contents"], [125, "module-contents"], [126, "module-contents"], [127, "module-contents"], [128, "module-contents"], [129, "module-contents"], [130, "module-contents"], [131, "module-contents"], [132, "module-contents"], [133, "module-contents"], [134, "module-contents"], [135, "module-contents"], [136, "module-contents"], [137, "module-contents"], [138, "module-contents"], [139, "module-contents"], [140, "module-contents"], [141, "module-contents"], [142, "module-contents"], [143, "module-contents"], [144, "module-contents"], [145, "module-contents"], [146, "module-contents"], [147, "module-contents"], [148, "module-contents"], [149, "module-contents"], [150, "module-contents"], [151, "module-contents"], [152, "module-contents"], [153, "module-contents"], [154, "module-contents"], [155, "module-contents"], [156, "module-contents"], [157, "module-contents"], [158, "module-contents"], [159, "module-contents"], [160, "module-contents"], [161, "module-contents"], [162, "module-contents"], [163, "module-contents"], [164, "module-contents"], [165, "module-contents"], [166, "module-contents"], [167, "module-contents"], [168, "module-contents"], [169, "module-contents"], [170, "module-contents"], [171, "module-contents"], [172, "module-contents"], [173, "module-contents"], [174, "module-contents"], [175, "module-contents"], [177, "module-contents"], [178, "module-contents"], [179, "module-contents"], [180, "module-contents"], [181, "module-contents"], [182, "module-contents"], [183, "module-contents"], [184, "module-contents"], [185, "module-contents"], [186, "module-contents"], [187, "module-contents"], [188, "module-contents"], [189, "module-contents"], [190, "module-contents"], [191, "module-contents"], [192, "module-contents"], [193, "module-contents"], [194, "module-contents"], [195, "module-contents"], [196, "module-contents"], [197, "module-contents"], [198, "module-contents"], [199, "module-contents"], [200, "module-contents"], [201, "module-contents"], [202, "module-contents"], [203, "module-contents"], [204, "module-contents"], [205, "module-contents"], [206, "module-contents"], [207, "module-contents"], [208, "module-contents"], [209, "module-contents"], [210, "module-contents"], [211, "module-contents"], [212, "module-contents"], [213, "module-contents"], [214, "module-contents"], [215, "module-contents"], [216, "module-contents"], [217, "module-contents"], [218, "module-contents"], [219, "module-contents"], [220, "module-contents"], [221, "module-contents"], [222, "module-contents"], [223, "module-contents"], [224, "module-contents"], [225, "module-contents"], [226, "module-contents"], [227, "module-contents"], [228, "module-contents"], [229, "module-contents"], [230, "module-contents"], [231, "module-contents"], [232, "module-contents"], [233, "module-contents"], [234, "module-contents"], [235, "module-contents"], [236, "module-contents"], [237, "module-contents"], [238, "module-contents"], [239, "module-contents"], [240, "module-contents"], [241, "module-contents"], [242, "module-contents"], [243, "module-contents"], [244, "module-contents"], [245, "module-contents"], [246, "module-contents"], [247, "module-contents"], [248, "module-contents"], [249, "module-contents"], [250, "module-contents"], [251, "module-contents"], [252, "module-contents"], [253, "module-contents"], [254, "module-contents"], [255, "module-contents"], [256, "module-contents"], [257, "module-contents"], [258, "module-contents"], [259, "module-contents"], [260, "module-contents"], [261, "module-contents"], [262, "module-contents"], [263, "module-contents"], [264, "module-contents"], [265, "module-contents"], [266, "module-contents"], [267, "module-contents"], [268, "module-contents"], [269, "module-contents"], [270, "module-contents"], [271, "module-contents"], [272, "module-contents"], [273, "module-contents"], [274, "module-contents"], [275, "module-contents"], [276, "module-contents"], [277, "module-contents"], [278, "module-contents"], [279, "module-contents"], [280, "module-contents"], [281, "module-contents"], [282, "module-contents"], [283, "module-contents"], [284, "module-contents"], [285, "module-contents"], [286, "module-contents"], [287, "module-contents"], [288, "module-contents"], [289, "module-contents"], [290, "module-contents"], [291, "module-contents"], [292, "module-contents"], [293, "module-contents"], [294, "module-contents"], [295, "module-contents"], [296, "module-contents"], [297, "module-contents"], [298, "module-contents"], [299, "module-contents"], [300, "module-contents"], [301, "module-contents"], [302, "module-contents"], [303, "module-contents"], [304, "module-contents"], [305, "module-contents"], [306, "module-contents"], [307, "module-contents"], [308, "module-contents"], [309, "module-contents"], [310, "module-contents"], [311, "module-contents"], [312, "module-contents"], [313, "module-contents"], [314, "module-contents"]], "Package Contents": [[27, "package-contents"], [176, "package-contents"]], "Submodules": [[27, "submodules"], [176, "submodules"]], "abacusai": [[176, null]], "abacusai.abacus_api": [[0, null]], "abacusai.address": [[1, null]], "abacusai.agent": [[2, null]], "abacusai.agent_chat_message": [[3, null]], "abacusai.agent_conversation": [[4, null]], "abacusai.agent_data_document_info": [[5, null]], "abacusai.agent_data_execution_result": [[6, null]], "abacusai.agent_version": [[7, null]], "abacusai.ai_building_task": [[8, null]], "abacusai.algorithm": [[9, null]], "abacusai.annotation": [[10, null]], "abacusai.annotation_config": [[11, null]], "abacusai.annotation_document": [[12, null]], "abacusai.annotation_entry": [[13, null]], "abacusai.annotations_status": [[14, null]], "abacusai.api_class": [[27, null]], "abacusai.api_class.abstract": [[15, null]], "abacusai.api_class.ai_agents": [[16, null]], "abacusai.api_class.ai_chat": [[17, null]], "abacusai.api_class.batch_prediction": [[18, null]], "abacusai.api_class.blob_input": [[19, null]], "abacusai.api_class.connectors": [[20, null]], "abacusai.api_class.dataset": [[21, null]], "abacusai.api_class.dataset_application_connector": [[22, null]], "abacusai.api_class.deployment": [[23, null]], "abacusai.api_class.document_retriever": [[24, null]], "abacusai.api_class.enums": [[25, null]], "abacusai.api_class.feature_group": [[26, null]], "abacusai.api_class.model": [[28, null]], "abacusai.api_class.monitor": [[29, null]], "abacusai.api_class.monitor_alert": [[30, null]], "abacusai.api_class.project": [[31, null]], "abacusai.api_class.python_functions": [[32, null]], "abacusai.api_class.refresh": [[33, null]], "abacusai.api_class.segments": [[34, null]], "abacusai.api_client_utils": [[35, null]], "abacusai.api_endpoint": [[36, null]], "abacusai.api_key": [[37, null]], "abacusai.app_user_group": [[38, null]], "abacusai.app_user_group_sign_in_token": [[39, null]], "abacusai.application_connector": [[40, null]], "abacusai.audio_gen_settings": [[41, null]], "abacusai.audio_url_result": [[42, null]], "abacusai.audit_log": [[43, null]], "abacusai.batch_prediction": [[44, null]], "abacusai.batch_prediction_version": [[45, null]], "abacusai.batch_prediction_version_logs": [[46, null]], "abacusai.bot_info": [[47, null]], "abacusai.categorical_range_violation": [[48, null]], "abacusai.chat_message": [[49, null]], "abacusai.chat_session": [[50, null]], "abacusai.chatllm_computer": [[51, null]], "abacusai.chatllm_computer_status": [[52, null]], "abacusai.chatllm_memory": [[53, null]], "abacusai.chatllm_project": [[54, null]], "abacusai.chatllm_project_permissions": [[55, null]], "abacusai.chatllm_referral_invite": [[56, null]], "abacusai.chatllm_task": [[57, null]], "abacusai.client": [[58, null]], "abacusai.code_agent_response": [[59, null]], "abacusai.code_autocomplete_edit_prediction_response": [[60, null]], "abacusai.code_autocomplete_response": [[61, null]], "abacusai.code_bot": [[62, null]], "abacusai.code_edit": [[63, null]], "abacusai.code_edit_response": [[64, null]], "abacusai.code_edits": [[65, null]], "abacusai.code_embeddings": [[66, null]], "abacusai.code_llm_changed_files": [[67, null]], "abacusai.code_source": [[68, null]], "abacusai.code_suggestion_validation_response": [[69, null]], "abacusai.code_summary_response": [[70, null]], "abacusai.codellm_embedding_constants": [[71, null]], "abacusai.compute_point_info": [[72, null]], "abacusai.concatenation_config": [[73, null]], "abacusai.constants_autocomplete_response": [[74, null]], "abacusai.cpu_gpu_memory_specs": [[75, null]], "abacusai.cryptography": [[76, null]], "abacusai.custom_chat_instructions": [[77, null]], "abacusai.custom_domain": [[78, null]], "abacusai.custom_loss_function": [[79, null]], "abacusai.custom_metric": [[80, null]], "abacusai.custom_metric_version": [[81, null]], "abacusai.custom_train_function_info": [[82, null]], "abacusai.daemon_task_conversation": [[83, null]], "abacusai.data_consistency_duplication": [[84, null]], "abacusai.data_metrics": [[85, null]], "abacusai.data_prep_logs": [[86, null]], "abacusai.data_quality_results": [[87, null]], "abacusai.data_upload_result": [[88, null]], "abacusai.database_column_feature_mapping": [[89, null]], "abacusai.database_connector": [[90, null]], "abacusai.database_connector_column": [[91, null]], "abacusai.database_connector_schema": [[92, null]], "abacusai.dataset": [[93, null]], "abacusai.dataset_column": [[94, null]], "abacusai.dataset_version": [[95, null]], "abacusai.dataset_version_logs": [[96, null]], "abacusai.default_llm": [[97, null]], "abacusai.deployment": [[98, null]], "abacusai.deployment_auth_token": [[99, null]], "abacusai.deployment_conversation": [[100, null]], "abacusai.deployment_conversation_event": [[101, null]], "abacusai.deployment_conversation_export": [[102, null]], "abacusai.deployment_statistics": [[103, null]], "abacusai.document_data": [[104, null]], "abacusai.document_retriever": [[105, null]], "abacusai.document_retriever_lookup_result": [[106, null]], "abacusai.document_retriever_version": [[107, null]], "abacusai.document_retriever_version_logs": [[108, null]], "abacusai.domain_purchase_result": [[109, null]], "abacusai.domain_search_result": [[110, null]], "abacusai.drift_distribution": [[111, null]], "abacusai.drift_distributions": [[112, null]], "abacusai.eda": [[113, null]], "abacusai.eda_chart_description": [[114, null]], "abacusai.eda_collinearity": [[115, null]], "abacusai.eda_data_consistency": [[116, null]], "abacusai.eda_feature_association": [[117, null]], "abacusai.eda_feature_collinearity": [[118, null]], "abacusai.eda_forecasting_analysis": [[119, null]], "abacusai.eda_version": [[120, null]], "abacusai.edit_image_models": [[121, null]], "abacusai.embedding_feature_drift_distribution": [[122, null]], "abacusai.entri_auth_token": [[123, null]], "abacusai.execute_feature_group_operation": [[124, null]], "abacusai.external_application": [[125, null]], "abacusai.external_invite": [[126, null]], "abacusai.extracted_fields": [[127, null]], "abacusai.feature": [[128, null]], "abacusai.feature_distribution": [[129, null]], "abacusai.feature_drift_record": [[130, null]], "abacusai.feature_drift_summary": [[131, null]], "abacusai.feature_group": [[132, null]], "abacusai.feature_group_document": [[133, null]], "abacusai.feature_group_export": [[134, null]], "abacusai.feature_group_export_config": [[135, null]], "abacusai.feature_group_export_download_url": [[136, null]], "abacusai.feature_group_lineage": [[137, null]], "abacusai.feature_group_refresh_export_config": [[138, null]], "abacusai.feature_group_row": [[139, null]], "abacusai.feature_group_row_process": [[140, null]], "abacusai.feature_group_row_process_logs": [[141, null]], "abacusai.feature_group_row_process_summary": [[142, null]], "abacusai.feature_group_template": [[143, null]], "abacusai.feature_group_template_variable_options": [[144, null]], "abacusai.feature_group_version": [[145, null]], "abacusai.feature_group_version_logs": [[146, null]], "abacusai.feature_importance": [[147, null]], "abacusai.feature_mapping": [[148, null]], "abacusai.feature_performance_analysis": [[149, null]], "abacusai.file_connector": [[150, null]], "abacusai.file_connector_instructions": [[151, null]], "abacusai.file_connector_verification": [[152, null]], "abacusai.finetuned_pretrained_model": [[153, null]], "abacusai.forecasting_analysis_graph_data": [[154, null]], "abacusai.forecasting_monitor_item_analysis": [[155, null]], "abacusai.forecasting_monitor_summary": [[156, null]], "abacusai.fs_entry": [[157, null]], "abacusai.function_logs": [[158, null]], "abacusai.generated_pit_feature_config_option": [[159, null]], "abacusai.global_context": [[160, null]], "abacusai.graph_dashboard": [[161, null]], "abacusai.holdout_analysis": [[162, null]], "abacusai.holdout_analysis_version": [[163, null]], "abacusai.hosted_app": [[164, null]], "abacusai.hosted_app_container": [[165, null]], "abacusai.hosted_app_file_read": [[166, null]], "abacusai.hosted_artifact": [[167, null]], "abacusai.hosted_database": [[168, null]], "abacusai.hosted_database_snapshot": [[169, null]], "abacusai.hosted_model_token": [[170, null]], "abacusai.hostname_info": [[171, null]], "abacusai.hume_voice": [[172, null]], "abacusai.image_gen_model": [[173, null]], "abacusai.image_gen_model_options": [[174, null]], "abacusai.image_gen_settings": [[175, null]], "abacusai.indexing_config": [[177, null]], "abacusai.inferred_database_column_to_feature_mappings": [[178, null]], "abacusai.inferred_feature_mappings": [[179, null]], "abacusai.item_statistics": [[180, null]], "abacusai.lip_sync_gen_settings": [[181, null]], "abacusai.llm_app": [[182, null]], "abacusai.llm_artifact": [[183, null]], "abacusai.llm_code_block": [[184, null]], "abacusai.llm_execution_preview": [[185, null]], "abacusai.llm_execution_result": [[186, null]], "abacusai.llm_generated_code": [[187, null]], "abacusai.llm_input": [[188, null]], "abacusai.llm_parameters": [[189, null]], "abacusai.llm_response": [[190, null]], "abacusai.mcp_config": [[191, null]], "abacusai.mcp_server": [[192, null]], "abacusai.mcp_server_connection": [[193, null]], "abacusai.mcp_server_query_result": [[194, null]], "abacusai.memory_options": [[195, null]], "abacusai.messaging_connector_response": [[196, null]], "abacusai.model": [[197, null]], "abacusai.model_artifacts_export": [[198, null]], "abacusai.model_blueprint_export": [[199, null]], "abacusai.model_blueprint_stage": [[200, null]], "abacusai.model_location": [[201, null]], "abacusai.model_metrics": [[202, null]], "abacusai.model_monitor": [[203, null]], "abacusai.model_monitor_org_summary": [[204, null]], "abacusai.model_monitor_summary": [[205, null]], "abacusai.model_monitor_summary_from_org": [[206, null]], "abacusai.model_monitor_version": [[207, null]], "abacusai.model_monitor_version_metric_data": [[208, null]], "abacusai.model_training_type_for_deployment": [[209, null]], "abacusai.model_upload": [[210, null]], "abacusai.model_version": [[211, null]], "abacusai.model_version_feature_group_schema": [[212, null]], "abacusai.modification_lock_info": [[213, null]], "abacusai.module": [[214, null]], "abacusai.monitor_alert": [[215, null]], "abacusai.monitor_alert_version": [[216, null]], "abacusai.monitor_drift_and_distributions": [[217, null]], "abacusai.natural_language_explanation": [[218, null]], "abacusai.nested_feature": [[219, null]], "abacusai.nested_feature_schema": [[220, null]], "abacusai.news_search_result": [[221, null]], "abacusai.nlp_chat_response": [[222, null]], "abacusai.null_violation": [[223, null]], "abacusai.organization_external_application_settings": [[224, null]], "abacusai.organization_group": [[225, null]], "abacusai.organization_search_result": [[226, null]], "abacusai.organization_secret": [[227, null]], "abacusai.page_data": [[228, null]], "abacusai.pipeline": [[229, null]], "abacusai.pipeline_reference": [[230, null]], "abacusai.pipeline_step": [[231, null]], "abacusai.pipeline_step_version": [[232, null]], "abacusai.pipeline_step_version_logs": [[233, null]], "abacusai.pipeline_step_version_reference": [[234, null]], "abacusai.pipeline_version": [[235, null]], "abacusai.pipeline_version_logs": [[236, null]], "abacusai.playground_text": [[237, null]], "abacusai.point_in_time_feature": [[238, null]], "abacusai.point_in_time_feature_info": [[239, null]], "abacusai.point_in_time_group": [[240, null]], "abacusai.point_in_time_group_feature": [[241, null]], "abacusai.prediction_client": [[242, null]], "abacusai.prediction_dataset": [[243, null]], "abacusai.prediction_feature_group": [[244, null]], "abacusai.prediction_input": [[245, null]], "abacusai.prediction_log_record": [[246, null]], "abacusai.prediction_operator": [[247, null]], "abacusai.prediction_operator_version": [[248, null]], "abacusai.presentation_export_result": [[249, null]], "abacusai.private_web_app_deployment": [[250, null]], "abacusai.problem_type": [[251, null]], "abacusai.project": [[252, null]], "abacusai.project_config": [[253, null]], "abacusai.project_feature_group": [[254, null]], "abacusai.project_feature_group_schema": [[255, null]], "abacusai.project_feature_group_schema_version": [[256, null]], "abacusai.project_validation": [[257, null]], "abacusai.python_function": [[258, null]], "abacusai.python_function_validator": [[259, null]], "abacusai.python_plot_function": [[260, null]], "abacusai.range_violation": [[261, null]], "abacusai.realtime_monitor": [[262, null]], "abacusai.refresh_pipeline_run": [[263, null]], "abacusai.refresh_policy": [[264, null]], "abacusai.refresh_schedule": [[265, null]], "abacusai.regenerate_llm_external_application": [[266, null]], "abacusai.regenerate_llm_option": [[267, null]], "abacusai.resolved_feature_group_template": [[268, null]], "abacusai.return_class": [[269, null]], "abacusai.routing_action": [[270, null]], "abacusai.schema": [[271, null]], "abacusai.session_summary": [[272, null]], "abacusai.session_transcript": [[273, null]], "abacusai.session_transcripts": [[274, null]], "abacusai.sftp_key": [[275, null]], "abacusai.streaming_auth_token": [[276, null]], "abacusai.streaming_client": [[277, null]], "abacusai.streaming_connector": [[278, null]], "abacusai.streaming_row_count": [[279, null]], "abacusai.streaming_sample_code": [[280, null]], "abacusai.sts_gen_settings": [[281, null]], "abacusai.stt_gen_model": [[282, null]], "abacusai.stt_gen_model_options": [[283, null]], "abacusai.stt_gen_settings": [[284, null]], "abacusai.template_node_details": [[285, null]], "abacusai.test_point_predictions": [[286, null]], "abacusai.tone_details": [[287, null]], "abacusai.training_config_options": [[288, null]], "abacusai.tts_gen_settings": [[289, null]], "abacusai.twitter_search_result": [[290, null]], "abacusai.unified_connector": [[291, null]], "abacusai.upload": [[292, null]], "abacusai.upload_part": [[293, null]], "abacusai.use_case": [[294, null]], "abacusai.use_case_requirements": [[295, null]], "abacusai.user": [[296, null]], "abacusai.user_exception": [[297, null]], "abacusai.user_group_object_permission": [[298, null]], "abacusai.video_gen_costs": [[299, null]], "abacusai.video_gen_model": [[300, null]], "abacusai.video_gen_model_options": [[301, null]], "abacusai.video_gen_settings": [[302, null]], "abacusai.video_search_result": [[303, null]], "abacusai.voice_gen_details": [[304, null]], "abacusai.web_app_conversation": [[305, null]], "abacusai.web_app_deployment_permission_dict": [[306, null]], "abacusai.web_app_domain": [[307, null]], "abacusai.web_page_response": [[308, null]], "abacusai.web_search_response": [[309, null]], "abacusai.web_search_result": [[310, null]], "abacusai.web_service_trigger_run": [[311, null]], "abacusai.webhook": [[312, null]], "abacusai.workflow_graph_node_details": [[313, null]], "abacusai.workflow_node_template": [[314, null]]}, "docnames": ["autoapi/abacusai/abacus_api/index", "autoapi/abacusai/address/index", "autoapi/abacusai/agent/index", "autoapi/abacusai/agent_chat_message/index", "autoapi/abacusai/agent_conversation/index", "autoapi/abacusai/agent_data_document_info/index", "autoapi/abacusai/agent_data_execution_result/index", "autoapi/abacusai/agent_version/index", "autoapi/abacusai/ai_building_task/index", "autoapi/abacusai/algorithm/index", "autoapi/abacusai/annotation/index", "autoapi/abacusai/annotation_config/index", "autoapi/abacusai/annotation_document/index", "autoapi/abacusai/annotation_entry/index", "autoapi/abacusai/annotations_status/index", "autoapi/abacusai/api_class/abstract/index", "autoapi/abacusai/api_class/ai_agents/index", "autoapi/abacusai/api_class/ai_chat/index", "autoapi/abacusai/api_class/batch_prediction/index", "autoapi/abacusai/api_class/blob_input/index", "autoapi/abacusai/api_class/connectors/index", "autoapi/abacusai/api_class/dataset/index", "autoapi/abacusai/api_class/dataset_application_connector/index", "autoapi/abacusai/api_class/deployment/index", "autoapi/abacusai/api_class/document_retriever/index", "autoapi/abacusai/api_class/enums/index", "autoapi/abacusai/api_class/feature_group/index", "autoapi/abacusai/api_class/index", "autoapi/abacusai/api_class/model/index", "autoapi/abacusai/api_class/monitor/index", "autoapi/abacusai/api_class/monitor_alert/index", "autoapi/abacusai/api_class/project/index", "autoapi/abacusai/api_class/python_functions/index", "autoapi/abacusai/api_class/refresh/index", "autoapi/abacusai/api_class/segments/index", "autoapi/abacusai/api_client_utils/index", "autoapi/abacusai/api_endpoint/index", "autoapi/abacusai/api_key/index", "autoapi/abacusai/app_user_group/index", "autoapi/abacusai/app_user_group_sign_in_token/index", "autoapi/abacusai/application_connector/index", "autoapi/abacusai/audio_gen_settings/index", "autoapi/abacusai/audio_url_result/index", "autoapi/abacusai/audit_log/index", "autoapi/abacusai/batch_prediction/index", "autoapi/abacusai/batch_prediction_version/index", "autoapi/abacusai/batch_prediction_version_logs/index", "autoapi/abacusai/bot_info/index", "autoapi/abacusai/categorical_range_violation/index", "autoapi/abacusai/chat_message/index", "autoapi/abacusai/chat_session/index", "autoapi/abacusai/chatllm_computer/index", "autoapi/abacusai/chatllm_computer_status/index", "autoapi/abacusai/chatllm_memory/index", "autoapi/abacusai/chatllm_project/index", "autoapi/abacusai/chatllm_project_permissions/index", "autoapi/abacusai/chatllm_referral_invite/index", "autoapi/abacusai/chatllm_task/index", "autoapi/abacusai/client/index", "autoapi/abacusai/code_agent_response/index", "autoapi/abacusai/code_autocomplete_edit_prediction_response/index", "autoapi/abacusai/code_autocomplete_response/index", "autoapi/abacusai/code_bot/index", "autoapi/abacusai/code_edit/index", "autoapi/abacusai/code_edit_response/index", "autoapi/abacusai/code_edits/index", "autoapi/abacusai/code_embeddings/index", "autoapi/abacusai/code_llm_changed_files/index", "autoapi/abacusai/code_source/index", "autoapi/abacusai/code_suggestion_validation_response/index", "autoapi/abacusai/code_summary_response/index", "autoapi/abacusai/codellm_embedding_constants/index", "autoapi/abacusai/compute_point_info/index", "autoapi/abacusai/concatenation_config/index", "autoapi/abacusai/constants_autocomplete_response/index", "autoapi/abacusai/cpu_gpu_memory_specs/index", "autoapi/abacusai/cryptography/index", "autoapi/abacusai/custom_chat_instructions/index", "autoapi/abacusai/custom_domain/index", "autoapi/abacusai/custom_loss_function/index", "autoapi/abacusai/custom_metric/index", "autoapi/abacusai/custom_metric_version/index", "autoapi/abacusai/custom_train_function_info/index", "autoapi/abacusai/daemon_task_conversation/index", "autoapi/abacusai/data_consistency_duplication/index", "autoapi/abacusai/data_metrics/index", "autoapi/abacusai/data_prep_logs/index", "autoapi/abacusai/data_quality_results/index", "autoapi/abacusai/data_upload_result/index", "autoapi/abacusai/database_column_feature_mapping/index", "autoapi/abacusai/database_connector/index", "autoapi/abacusai/database_connector_column/index", "autoapi/abacusai/database_connector_schema/index", "autoapi/abacusai/dataset/index", "autoapi/abacusai/dataset_column/index", "autoapi/abacusai/dataset_version/index", "autoapi/abacusai/dataset_version_logs/index", "autoapi/abacusai/default_llm/index", "autoapi/abacusai/deployment/index", "autoapi/abacusai/deployment_auth_token/index", "autoapi/abacusai/deployment_conversation/index", "autoapi/abacusai/deployment_conversation_event/index", "autoapi/abacusai/deployment_conversation_export/index", "autoapi/abacusai/deployment_statistics/index", "autoapi/abacusai/document_data/index", "autoapi/abacusai/document_retriever/index", "autoapi/abacusai/document_retriever_lookup_result/index", "autoapi/abacusai/document_retriever_version/index", "autoapi/abacusai/document_retriever_version_logs/index", "autoapi/abacusai/domain_purchase_result/index", "autoapi/abacusai/domain_search_result/index", "autoapi/abacusai/drift_distribution/index", "autoapi/abacusai/drift_distributions/index", "autoapi/abacusai/eda/index", "autoapi/abacusai/eda_chart_description/index", "autoapi/abacusai/eda_collinearity/index", "autoapi/abacusai/eda_data_consistency/index", "autoapi/abacusai/eda_feature_association/index", "autoapi/abacusai/eda_feature_collinearity/index", "autoapi/abacusai/eda_forecasting_analysis/index", "autoapi/abacusai/eda_version/index", "autoapi/abacusai/edit_image_models/index", "autoapi/abacusai/embedding_feature_drift_distribution/index", "autoapi/abacusai/entri_auth_token/index", "autoapi/abacusai/execute_feature_group_operation/index", "autoapi/abacusai/external_application/index", "autoapi/abacusai/external_invite/index", "autoapi/abacusai/extracted_fields/index", "autoapi/abacusai/feature/index", "autoapi/abacusai/feature_distribution/index", "autoapi/abacusai/feature_drift_record/index", "autoapi/abacusai/feature_drift_summary/index", "autoapi/abacusai/feature_group/index", "autoapi/abacusai/feature_group_document/index", "autoapi/abacusai/feature_group_export/index", "autoapi/abacusai/feature_group_export_config/index", "autoapi/abacusai/feature_group_export_download_url/index", "autoapi/abacusai/feature_group_lineage/index", "autoapi/abacusai/feature_group_refresh_export_config/index", "autoapi/abacusai/feature_group_row/index", "autoapi/abacusai/feature_group_row_process/index", "autoapi/abacusai/feature_group_row_process_logs/index", "autoapi/abacusai/feature_group_row_process_summary/index", "autoapi/abacusai/feature_group_template/index", "autoapi/abacusai/feature_group_template_variable_options/index", "autoapi/abacusai/feature_group_version/index", "autoapi/abacusai/feature_group_version_logs/index", "autoapi/abacusai/feature_importance/index", "autoapi/abacusai/feature_mapping/index", "autoapi/abacusai/feature_performance_analysis/index", "autoapi/abacusai/file_connector/index", "autoapi/abacusai/file_connector_instructions/index", "autoapi/abacusai/file_connector_verification/index", "autoapi/abacusai/finetuned_pretrained_model/index", "autoapi/abacusai/forecasting_analysis_graph_data/index", "autoapi/abacusai/forecasting_monitor_item_analysis/index", "autoapi/abacusai/forecasting_monitor_summary/index", "autoapi/abacusai/fs_entry/index", "autoapi/abacusai/function_logs/index", "autoapi/abacusai/generated_pit_feature_config_option/index", "autoapi/abacusai/global_context/index", "autoapi/abacusai/graph_dashboard/index", "autoapi/abacusai/holdout_analysis/index", "autoapi/abacusai/holdout_analysis_version/index", "autoapi/abacusai/hosted_app/index", "autoapi/abacusai/hosted_app_container/index", "autoapi/abacusai/hosted_app_file_read/index", "autoapi/abacusai/hosted_artifact/index", "autoapi/abacusai/hosted_database/index", "autoapi/abacusai/hosted_database_snapshot/index", "autoapi/abacusai/hosted_model_token/index", "autoapi/abacusai/hostname_info/index", "autoapi/abacusai/hume_voice/index", "autoapi/abacusai/image_gen_model/index", "autoapi/abacusai/image_gen_model_options/index", "autoapi/abacusai/image_gen_settings/index", "autoapi/abacusai/index", "autoapi/abacusai/indexing_config/index", "autoapi/abacusai/inferred_database_column_to_feature_mappings/index", "autoapi/abacusai/inferred_feature_mappings/index", "autoapi/abacusai/item_statistics/index", "autoapi/abacusai/lip_sync_gen_settings/index", "autoapi/abacusai/llm_app/index", "autoapi/abacusai/llm_artifact/index", "autoapi/abacusai/llm_code_block/index", "autoapi/abacusai/llm_execution_preview/index", "autoapi/abacusai/llm_execution_result/index", "autoapi/abacusai/llm_generated_code/index", "autoapi/abacusai/llm_input/index", "autoapi/abacusai/llm_parameters/index", "autoapi/abacusai/llm_response/index", "autoapi/abacusai/mcp_config/index", "autoapi/abacusai/mcp_server/index", "autoapi/abacusai/mcp_server_connection/index", "autoapi/abacusai/mcp_server_query_result/index", "autoapi/abacusai/memory_options/index", "autoapi/abacusai/messaging_connector_response/index", "autoapi/abacusai/model/index", "autoapi/abacusai/model_artifacts_export/index", "autoapi/abacusai/model_blueprint_export/index", "autoapi/abacusai/model_blueprint_stage/index", "autoapi/abacusai/model_location/index", "autoapi/abacusai/model_metrics/index", "autoapi/abacusai/model_monitor/index", "autoapi/abacusai/model_monitor_org_summary/index", "autoapi/abacusai/model_monitor_summary/index", "autoapi/abacusai/model_monitor_summary_from_org/index", "autoapi/abacusai/model_monitor_version/index", "autoapi/abacusai/model_monitor_version_metric_data/index", "autoapi/abacusai/model_training_type_for_deployment/index", "autoapi/abacusai/model_upload/index", "autoapi/abacusai/model_version/index", "autoapi/abacusai/model_version_feature_group_schema/index", "autoapi/abacusai/modification_lock_info/index", "autoapi/abacusai/module/index", "autoapi/abacusai/monitor_alert/index", "autoapi/abacusai/monitor_alert_version/index", "autoapi/abacusai/monitor_drift_and_distributions/index", "autoapi/abacusai/natural_language_explanation/index", "autoapi/abacusai/nested_feature/index", "autoapi/abacusai/nested_feature_schema/index", "autoapi/abacusai/news_search_result/index", "autoapi/abacusai/nlp_chat_response/index", "autoapi/abacusai/null_violation/index", "autoapi/abacusai/organization_external_application_settings/index", "autoapi/abacusai/organization_group/index", "autoapi/abacusai/organization_search_result/index", "autoapi/abacusai/organization_secret/index", "autoapi/abacusai/page_data/index", "autoapi/abacusai/pipeline/index", "autoapi/abacusai/pipeline_reference/index", "autoapi/abacusai/pipeline_step/index", "autoapi/abacusai/pipeline_step_version/index", "autoapi/abacusai/pipeline_step_version_logs/index", "autoapi/abacusai/pipeline_step_version_reference/index", "autoapi/abacusai/pipeline_version/index", "autoapi/abacusai/pipeline_version_logs/index", "autoapi/abacusai/playground_text/index", "autoapi/abacusai/point_in_time_feature/index", "autoapi/abacusai/point_in_time_feature_info/index", "autoapi/abacusai/point_in_time_group/index", "autoapi/abacusai/point_in_time_group_feature/index", "autoapi/abacusai/prediction_client/index", "autoapi/abacusai/prediction_dataset/index", "autoapi/abacusai/prediction_feature_group/index", "autoapi/abacusai/prediction_input/index", "autoapi/abacusai/prediction_log_record/index", "autoapi/abacusai/prediction_operator/index", "autoapi/abacusai/prediction_operator_version/index", "autoapi/abacusai/presentation_export_result/index", "autoapi/abacusai/private_web_app_deployment/index", "autoapi/abacusai/problem_type/index", "autoapi/abacusai/project/index", "autoapi/abacusai/project_config/index", "autoapi/abacusai/project_feature_group/index", "autoapi/abacusai/project_feature_group_schema/index", "autoapi/abacusai/project_feature_group_schema_version/index", "autoapi/abacusai/project_validation/index", "autoapi/abacusai/python_function/index", "autoapi/abacusai/python_function_validator/index", "autoapi/abacusai/python_plot_function/index", "autoapi/abacusai/range_violation/index", "autoapi/abacusai/realtime_monitor/index", "autoapi/abacusai/refresh_pipeline_run/index", "autoapi/abacusai/refresh_policy/index", "autoapi/abacusai/refresh_schedule/index", "autoapi/abacusai/regenerate_llm_external_application/index", "autoapi/abacusai/regenerate_llm_option/index", "autoapi/abacusai/resolved_feature_group_template/index", "autoapi/abacusai/return_class/index", "autoapi/abacusai/routing_action/index", "autoapi/abacusai/schema/index", "autoapi/abacusai/session_summary/index", "autoapi/abacusai/session_transcript/index", "autoapi/abacusai/session_transcripts/index", "autoapi/abacusai/sftp_key/index", "autoapi/abacusai/streaming_auth_token/index", "autoapi/abacusai/streaming_client/index", "autoapi/abacusai/streaming_connector/index", "autoapi/abacusai/streaming_row_count/index", "autoapi/abacusai/streaming_sample_code/index", "autoapi/abacusai/sts_gen_settings/index", "autoapi/abacusai/stt_gen_model/index", "autoapi/abacusai/stt_gen_model_options/index", "autoapi/abacusai/stt_gen_settings/index", "autoapi/abacusai/template_node_details/index", "autoapi/abacusai/test_point_predictions/index", "autoapi/abacusai/tone_details/index", "autoapi/abacusai/training_config_options/index", "autoapi/abacusai/tts_gen_settings/index", "autoapi/abacusai/twitter_search_result/index", "autoapi/abacusai/unified_connector/index", "autoapi/abacusai/upload/index", "autoapi/abacusai/upload_part/index", "autoapi/abacusai/use_case/index", "autoapi/abacusai/use_case_requirements/index", "autoapi/abacusai/user/index", "autoapi/abacusai/user_exception/index", "autoapi/abacusai/user_group_object_permission/index", "autoapi/abacusai/video_gen_costs/index", "autoapi/abacusai/video_gen_model/index", "autoapi/abacusai/video_gen_model_options/index", "autoapi/abacusai/video_gen_settings/index", "autoapi/abacusai/video_search_result/index", "autoapi/abacusai/voice_gen_details/index", "autoapi/abacusai/web_app_conversation/index", "autoapi/abacusai/web_app_deployment_permission_dict/index", "autoapi/abacusai/web_app_domain/index", "autoapi/abacusai/web_page_response/index", "autoapi/abacusai/web_search_response/index", "autoapi/abacusai/web_search_result/index", "autoapi/abacusai/web_service_trigger_run/index", "autoapi/abacusai/webhook/index", "autoapi/abacusai/workflow_graph_node_details/index", "autoapi/abacusai/workflow_node_template/index", "index"], "envversion": {"sphinx": 64, "sphinx.domains.c": 3, "sphinx.domains.changeset": 1, "sphinx.domains.citation": 1, "sphinx.domains.cpp": 9, "sphinx.domains.index": 1, "sphinx.domains.javascript": 3, "sphinx.domains.math": 2, "sphinx.domains.python": 4, "sphinx.domains.rst": 2, "sphinx.domains.std": 2, "sphinx.ext.intersphinx": 1}, "filenames": ["autoapi/abacusai/abacus_api/index.rst", "autoapi/abacusai/address/index.rst", "autoapi/abacusai/agent/index.rst", "autoapi/abacusai/agent_chat_message/index.rst", "autoapi/abacusai/agent_conversation/index.rst", "autoapi/abacusai/agent_data_document_info/index.rst", "autoapi/abacusai/agent_data_execution_result/index.rst", "autoapi/abacusai/agent_version/index.rst", "autoapi/abacusai/ai_building_task/index.rst", "autoapi/abacusai/algorithm/index.rst", "autoapi/abacusai/annotation/index.rst", "autoapi/abacusai/annotation_config/index.rst", "autoapi/abacusai/annotation_document/index.rst", "autoapi/abacusai/annotation_entry/index.rst", "autoapi/abacusai/annotations_status/index.rst", "autoapi/abacusai/api_class/abstract/index.rst", "autoapi/abacusai/api_class/ai_agents/index.rst", "autoapi/abacusai/api_class/ai_chat/index.rst", "autoapi/abacusai/api_class/batch_prediction/index.rst", "autoapi/abacusai/api_class/blob_input/index.rst", "autoapi/abacusai/api_class/connectors/index.rst", "autoapi/abacusai/api_class/dataset/index.rst", "autoapi/abacusai/api_class/dataset_application_connector/index.rst", "autoapi/abacusai/api_class/deployment/index.rst", "autoapi/abacusai/api_class/document_retriever/index.rst", "autoapi/abacusai/api_class/enums/index.rst", "autoapi/abacusai/api_class/feature_group/index.rst", "autoapi/abacusai/api_class/index.rst", "autoapi/abacusai/api_class/model/index.rst", "autoapi/abacusai/api_class/monitor/index.rst", "autoapi/abacusai/api_class/monitor_alert/index.rst", "autoapi/abacusai/api_class/project/index.rst", "autoapi/abacusai/api_class/python_functions/index.rst", "autoapi/abacusai/api_class/refresh/index.rst", "autoapi/abacusai/api_class/segments/index.rst", "autoapi/abacusai/api_client_utils/index.rst", "autoapi/abacusai/api_endpoint/index.rst", "autoapi/abacusai/api_key/index.rst", "autoapi/abacusai/app_user_group/index.rst", "autoapi/abacusai/app_user_group_sign_in_token/index.rst", "autoapi/abacusai/application_connector/index.rst", "autoapi/abacusai/audio_gen_settings/index.rst", "autoapi/abacusai/audio_url_result/index.rst", "autoapi/abacusai/audit_log/index.rst", "autoapi/abacusai/batch_prediction/index.rst", "autoapi/abacusai/batch_prediction_version/index.rst", "autoapi/abacusai/batch_prediction_version_logs/index.rst", "autoapi/abacusai/bot_info/index.rst", "autoapi/abacusai/categorical_range_violation/index.rst", "autoapi/abacusai/chat_message/index.rst", "autoapi/abacusai/chat_session/index.rst", "autoapi/abacusai/chatllm_computer/index.rst", "autoapi/abacusai/chatllm_computer_status/index.rst", "autoapi/abacusai/chatllm_memory/index.rst", "autoapi/abacusai/chatllm_project/index.rst", "autoapi/abacusai/chatllm_project_permissions/index.rst", "autoapi/abacusai/chatllm_referral_invite/index.rst", "autoapi/abacusai/chatllm_task/index.rst", "autoapi/abacusai/client/index.rst", "autoapi/abacusai/code_agent_response/index.rst", "autoapi/abacusai/code_autocomplete_edit_prediction_response/index.rst", "autoapi/abacusai/code_autocomplete_response/index.rst", "autoapi/abacusai/code_bot/index.rst", "autoapi/abacusai/code_edit/index.rst", "autoapi/abacusai/code_edit_response/index.rst", "autoapi/abacusai/code_edits/index.rst", "autoapi/abacusai/code_embeddings/index.rst", "autoapi/abacusai/code_llm_changed_files/index.rst", "autoapi/abacusai/code_source/index.rst", "autoapi/abacusai/code_suggestion_validation_response/index.rst", "autoapi/abacusai/code_summary_response/index.rst", "autoapi/abacusai/codellm_embedding_constants/index.rst", "autoapi/abacusai/compute_point_info/index.rst", "autoapi/abacusai/concatenation_config/index.rst", "autoapi/abacusai/constants_autocomplete_response/index.rst", "autoapi/abacusai/cpu_gpu_memory_specs/index.rst", "autoapi/abacusai/cryptography/index.rst", "autoapi/abacusai/custom_chat_instructions/index.rst", "autoapi/abacusai/custom_domain/index.rst", "autoapi/abacusai/custom_loss_function/index.rst", "autoapi/abacusai/custom_metric/index.rst", "autoapi/abacusai/custom_metric_version/index.rst", "autoapi/abacusai/custom_train_function_info/index.rst", "autoapi/abacusai/daemon_task_conversation/index.rst", "autoapi/abacusai/data_consistency_duplication/index.rst", "autoapi/abacusai/data_metrics/index.rst", "autoapi/abacusai/data_prep_logs/index.rst", "autoapi/abacusai/data_quality_results/index.rst", "autoapi/abacusai/data_upload_result/index.rst", "autoapi/abacusai/database_column_feature_mapping/index.rst", "autoapi/abacusai/database_connector/index.rst", "autoapi/abacusai/database_connector_column/index.rst", "autoapi/abacusai/database_connector_schema/index.rst", "autoapi/abacusai/dataset/index.rst", "autoapi/abacusai/dataset_column/index.rst", "autoapi/abacusai/dataset_version/index.rst", "autoapi/abacusai/dataset_version_logs/index.rst", "autoapi/abacusai/default_llm/index.rst", "autoapi/abacusai/deployment/index.rst", "autoapi/abacusai/deployment_auth_token/index.rst", "autoapi/abacusai/deployment_conversation/index.rst", "autoapi/abacusai/deployment_conversation_event/index.rst", "autoapi/abacusai/deployment_conversation_export/index.rst", "autoapi/abacusai/deployment_statistics/index.rst", "autoapi/abacusai/document_data/index.rst", "autoapi/abacusai/document_retriever/index.rst", "autoapi/abacusai/document_retriever_lookup_result/index.rst", "autoapi/abacusai/document_retriever_version/index.rst", "autoapi/abacusai/document_retriever_version_logs/index.rst", "autoapi/abacusai/domain_purchase_result/index.rst", "autoapi/abacusai/domain_search_result/index.rst", "autoapi/abacusai/drift_distribution/index.rst", "autoapi/abacusai/drift_distributions/index.rst", "autoapi/abacusai/eda/index.rst", "autoapi/abacusai/eda_chart_description/index.rst", "autoapi/abacusai/eda_collinearity/index.rst", "autoapi/abacusai/eda_data_consistency/index.rst", "autoapi/abacusai/eda_feature_association/index.rst", "autoapi/abacusai/eda_feature_collinearity/index.rst", "autoapi/abacusai/eda_forecasting_analysis/index.rst", "autoapi/abacusai/eda_version/index.rst", "autoapi/abacusai/edit_image_models/index.rst", "autoapi/abacusai/embedding_feature_drift_distribution/index.rst", "autoapi/abacusai/entri_auth_token/index.rst", "autoapi/abacusai/execute_feature_group_operation/index.rst", "autoapi/abacusai/external_application/index.rst", "autoapi/abacusai/external_invite/index.rst", "autoapi/abacusai/extracted_fields/index.rst", "autoapi/abacusai/feature/index.rst", "autoapi/abacusai/feature_distribution/index.rst", "autoapi/abacusai/feature_drift_record/index.rst", "autoapi/abacusai/feature_drift_summary/index.rst", "autoapi/abacusai/feature_group/index.rst", "autoapi/abacusai/feature_group_document/index.rst", "autoapi/abacusai/feature_group_export/index.rst", "autoapi/abacusai/feature_group_export_config/index.rst", "autoapi/abacusai/feature_group_export_download_url/index.rst", "autoapi/abacusai/feature_group_lineage/index.rst", "autoapi/abacusai/feature_group_refresh_export_config/index.rst", "autoapi/abacusai/feature_group_row/index.rst", "autoapi/abacusai/feature_group_row_process/index.rst", "autoapi/abacusai/feature_group_row_process_logs/index.rst", "autoapi/abacusai/feature_group_row_process_summary/index.rst", "autoapi/abacusai/feature_group_template/index.rst", "autoapi/abacusai/feature_group_template_variable_options/index.rst", "autoapi/abacusai/feature_group_version/index.rst", "autoapi/abacusai/feature_group_version_logs/index.rst", "autoapi/abacusai/feature_importance/index.rst", "autoapi/abacusai/feature_mapping/index.rst", "autoapi/abacusai/feature_performance_analysis/index.rst", "autoapi/abacusai/file_connector/index.rst", "autoapi/abacusai/file_connector_instructions/index.rst", "autoapi/abacusai/file_connector_verification/index.rst", "autoapi/abacusai/finetuned_pretrained_model/index.rst", "autoapi/abacusai/forecasting_analysis_graph_data/index.rst", "autoapi/abacusai/forecasting_monitor_item_analysis/index.rst", "autoapi/abacusai/forecasting_monitor_summary/index.rst", "autoapi/abacusai/fs_entry/index.rst", "autoapi/abacusai/function_logs/index.rst", "autoapi/abacusai/generated_pit_feature_config_option/index.rst", "autoapi/abacusai/global_context/index.rst", "autoapi/abacusai/graph_dashboard/index.rst", "autoapi/abacusai/holdout_analysis/index.rst", "autoapi/abacusai/holdout_analysis_version/index.rst", "autoapi/abacusai/hosted_app/index.rst", "autoapi/abacusai/hosted_app_container/index.rst", "autoapi/abacusai/hosted_app_file_read/index.rst", "autoapi/abacusai/hosted_artifact/index.rst", "autoapi/abacusai/hosted_database/index.rst", "autoapi/abacusai/hosted_database_snapshot/index.rst", "autoapi/abacusai/hosted_model_token/index.rst", "autoapi/abacusai/hostname_info/index.rst", "autoapi/abacusai/hume_voice/index.rst", "autoapi/abacusai/image_gen_model/index.rst", "autoapi/abacusai/image_gen_model_options/index.rst", "autoapi/abacusai/image_gen_settings/index.rst", "autoapi/abacusai/index.rst", "autoapi/abacusai/indexing_config/index.rst", "autoapi/abacusai/inferred_database_column_to_feature_mappings/index.rst", "autoapi/abacusai/inferred_feature_mappings/index.rst", "autoapi/abacusai/item_statistics/index.rst", "autoapi/abacusai/lip_sync_gen_settings/index.rst", "autoapi/abacusai/llm_app/index.rst", "autoapi/abacusai/llm_artifact/index.rst", "autoapi/abacusai/llm_code_block/index.rst", "autoapi/abacusai/llm_execution_preview/index.rst", "autoapi/abacusai/llm_execution_result/index.rst", "autoapi/abacusai/llm_generated_code/index.rst", "autoapi/abacusai/llm_input/index.rst", "autoapi/abacusai/llm_parameters/index.rst", "autoapi/abacusai/llm_response/index.rst", "autoapi/abacusai/mcp_config/index.rst", "autoapi/abacusai/mcp_server/index.rst", "autoapi/abacusai/mcp_server_connection/index.rst", "autoapi/abacusai/mcp_server_query_result/index.rst", "autoapi/abacusai/memory_options/index.rst", "autoapi/abacusai/messaging_connector_response/index.rst", "autoapi/abacusai/model/index.rst", "autoapi/abacusai/model_artifacts_export/index.rst", "autoapi/abacusai/model_blueprint_export/index.rst", "autoapi/abacusai/model_blueprint_stage/index.rst", "autoapi/abacusai/model_location/index.rst", "autoapi/abacusai/model_metrics/index.rst", "autoapi/abacusai/model_monitor/index.rst", "autoapi/abacusai/model_monitor_org_summary/index.rst", "autoapi/abacusai/model_monitor_summary/index.rst", "autoapi/abacusai/model_monitor_summary_from_org/index.rst", "autoapi/abacusai/model_monitor_version/index.rst", "autoapi/abacusai/model_monitor_version_metric_data/index.rst", "autoapi/abacusai/model_training_type_for_deployment/index.rst", "autoapi/abacusai/model_upload/index.rst", "autoapi/abacusai/model_version/index.rst", "autoapi/abacusai/model_version_feature_group_schema/index.rst", "autoapi/abacusai/modification_lock_info/index.rst", "autoapi/abacusai/module/index.rst", "autoapi/abacusai/monitor_alert/index.rst", "autoapi/abacusai/monitor_alert_version/index.rst", "autoapi/abacusai/monitor_drift_and_distributions/index.rst", "autoapi/abacusai/natural_language_explanation/index.rst", "autoapi/abacusai/nested_feature/index.rst", "autoapi/abacusai/nested_feature_schema/index.rst", "autoapi/abacusai/news_search_result/index.rst", "autoapi/abacusai/nlp_chat_response/index.rst", "autoapi/abacusai/null_violation/index.rst", "autoapi/abacusai/organization_external_application_settings/index.rst", "autoapi/abacusai/organization_group/index.rst", "autoapi/abacusai/organization_search_result/index.rst", "autoapi/abacusai/organization_secret/index.rst", "autoapi/abacusai/page_data/index.rst", "autoapi/abacusai/pipeline/index.rst", "autoapi/abacusai/pipeline_reference/index.rst", "autoapi/abacusai/pipeline_step/index.rst", "autoapi/abacusai/pipeline_step_version/index.rst", "autoapi/abacusai/pipeline_step_version_logs/index.rst", "autoapi/abacusai/pipeline_step_version_reference/index.rst", "autoapi/abacusai/pipeline_version/index.rst", "autoapi/abacusai/pipeline_version_logs/index.rst", "autoapi/abacusai/playground_text/index.rst", "autoapi/abacusai/point_in_time_feature/index.rst", "autoapi/abacusai/point_in_time_feature_info/index.rst", "autoapi/abacusai/point_in_time_group/index.rst", "autoapi/abacusai/point_in_time_group_feature/index.rst", "autoapi/abacusai/prediction_client/index.rst", "autoapi/abacusai/prediction_dataset/index.rst", "autoapi/abacusai/prediction_feature_group/index.rst", "autoapi/abacusai/prediction_input/index.rst", "autoapi/abacusai/prediction_log_record/index.rst", "autoapi/abacusai/prediction_operator/index.rst", "autoapi/abacusai/prediction_operator_version/index.rst", "autoapi/abacusai/presentation_export_result/index.rst", "autoapi/abacusai/private_web_app_deployment/index.rst", "autoapi/abacusai/problem_type/index.rst", "autoapi/abacusai/project/index.rst", "autoapi/abacusai/project_config/index.rst", "autoapi/abacusai/project_feature_group/index.rst", "autoapi/abacusai/project_feature_group_schema/index.rst", "autoapi/abacusai/project_feature_group_schema_version/index.rst", "autoapi/abacusai/project_validation/index.rst", "autoapi/abacusai/python_function/index.rst", "autoapi/abacusai/python_function_validator/index.rst", "autoapi/abacusai/python_plot_function/index.rst", "autoapi/abacusai/range_violation/index.rst", "autoapi/abacusai/realtime_monitor/index.rst", "autoapi/abacusai/refresh_pipeline_run/index.rst", "autoapi/abacusai/refresh_policy/index.rst", "autoapi/abacusai/refresh_schedule/index.rst", "autoapi/abacusai/regenerate_llm_external_application/index.rst", "autoapi/abacusai/regenerate_llm_option/index.rst", "autoapi/abacusai/resolved_feature_group_template/index.rst", "autoapi/abacusai/return_class/index.rst", "autoapi/abacusai/routing_action/index.rst", "autoapi/abacusai/schema/index.rst", "autoapi/abacusai/session_summary/index.rst", "autoapi/abacusai/session_transcript/index.rst", "autoapi/abacusai/session_transcripts/index.rst", "autoapi/abacusai/sftp_key/index.rst", "autoapi/abacusai/streaming_auth_token/index.rst", "autoapi/abacusai/streaming_client/index.rst", "autoapi/abacusai/streaming_connector/index.rst", "autoapi/abacusai/streaming_row_count/index.rst", "autoapi/abacusai/streaming_sample_code/index.rst", "autoapi/abacusai/sts_gen_settings/index.rst", "autoapi/abacusai/stt_gen_model/index.rst", "autoapi/abacusai/stt_gen_model_options/index.rst", "autoapi/abacusai/stt_gen_settings/index.rst", "autoapi/abacusai/template_node_details/index.rst", "autoapi/abacusai/test_point_predictions/index.rst", "autoapi/abacusai/tone_details/index.rst", "autoapi/abacusai/training_config_options/index.rst", "autoapi/abacusai/tts_gen_settings/index.rst", "autoapi/abacusai/twitter_search_result/index.rst", "autoapi/abacusai/unified_connector/index.rst", "autoapi/abacusai/upload/index.rst", "autoapi/abacusai/upload_part/index.rst", "autoapi/abacusai/use_case/index.rst", "autoapi/abacusai/use_case_requirements/index.rst", "autoapi/abacusai/user/index.rst", "autoapi/abacusai/user_exception/index.rst", "autoapi/abacusai/user_group_object_permission/index.rst", "autoapi/abacusai/video_gen_costs/index.rst", "autoapi/abacusai/video_gen_model/index.rst", "autoapi/abacusai/video_gen_model_options/index.rst", "autoapi/abacusai/video_gen_settings/index.rst", "autoapi/abacusai/video_search_result/index.rst", "autoapi/abacusai/voice_gen_details/index.rst", "autoapi/abacusai/web_app_conversation/index.rst", "autoapi/abacusai/web_app_deployment_permission_dict/index.rst", "autoapi/abacusai/web_app_domain/index.rst", "autoapi/abacusai/web_page_response/index.rst", "autoapi/abacusai/web_search_response/index.rst", "autoapi/abacusai/web_search_result/index.rst", "autoapi/abacusai/web_service_trigger_run/index.rst", "autoapi/abacusai/webhook/index.rst", "autoapi/abacusai/workflow_graph_node_details/index.rst", "autoapi/abacusai/workflow_node_template/index.rst", "index.rst"], "indexentries": {"__deprecated_values__ (abacusai.api_class.apienum attribute)": [[27, "abacusai.api_class.ApiEnum.__deprecated_values__", false]], "__deprecated_values__ (abacusai.api_class.enums.apienum attribute)": [[25, "abacusai.api_class.enums.ApiEnum.__deprecated_values__", false]], "__deprecated_values__ (abacusai.apienum attribute)": [[176, "abacusai.ApiEnum.__deprecated_values__", false]], "__eq__() (abacusai.api_class.apienum method)": [[27, "abacusai.api_class.ApiEnum.__eq__", false]], "__eq__() (abacusai.api_class.enums.apienum method)": [[25, "abacusai.api_class.enums.ApiEnum.__eq__", false]], "__eq__() (abacusai.apienum method)": [[176, "abacusai.ApiEnum.__eq__", false]], "__eq__() (abacusai.return_class.abstractapiclass method)": [[269, "abacusai.return_class.AbstractApiClass.__eq__", false]], "__getattr__() (abacusai.agentresponse method)": [[176, "abacusai.AgentResponse.__getattr__", false]], "__getattr__() (abacusai.api_class.ai_agents.workflowgraphnode.outputs method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs.__getattr__", false]], "__getattr__() (abacusai.api_class.workflowgraphnode.outputs method)": [[27, "abacusai.api_class.WorkflowGraphNode.Outputs.__getattr__", false]], "__getattr__() (abacusai.client.agentresponse method)": [[58, "abacusai.client.AgentResponse.__getattr__", false]], "__getattr__() (abacusai.workflowgraphnode.outputs method)": [[176, "abacusai.WorkflowGraphNode.Outputs.__getattr__", false]], "__getattribute__() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.__getattribute__", false]], "__getattribute__() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.__getattribute__", false]], "__getattribute__() (abacusai.return_class.abstractapiclass method)": [[269, "abacusai.return_class.AbstractApiClass.__getattribute__", false]], "__getattribute__() (abacusai.workflowgraphnode method)": [[176, "abacusai.WorkflowGraphNode.__getattribute__", false]], "__getitem__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__getitem__", false]], "__getitem__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__getitem__", false], [27, "id100", false], [27, "id144", false], [27, "id177", false], [27, "id196", false], [27, "id21", false], [27, "id214", false], [27, "id233", false], [27, "id252", false], [27, "id266", false], [27, "id285", false], [27, "id35", false], [27, "id54", false], [27, "id7", false], [27, "id81", false]], "__getitem__() (abacusai.apiclass method)": [[176, "abacusai.ApiClass.__getitem__", false]], "__getstate__() (abacusai.agentresponse method)": [[176, "abacusai.AgentResponse.__getstate__", false]], "__getstate__() (abacusai.client.agentresponse method)": [[58, "abacusai.client.AgentResponse.__getstate__", false]], "__hash__() (abacusai.api_class.apienum method)": [[27, "abacusai.api_class.ApiEnum.__hash__", false]], "__hash__() (abacusai.api_class.enums.apienum method)": [[25, "abacusai.api_class.enums.ApiEnum.__hash__", false]], "__hash__() (abacusai.apienum method)": [[176, "abacusai.ApiEnum.__hash__", false]], "__post_init__() (abacusai.abacususagemetricsdatasetconfig method)": [[176, "abacusai.AbacusUsageMetricsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.accuracybelowthresholdconditionconfig method)": [[176, "abacusai.AccuracyBelowThresholdConditionConfig.__post_init__", false]], "__post_init__() (abacusai.aiagentbatchpredictionargs method)": [[176, "abacusai.AIAgentBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.aiagenttrainingconfig method)": [[176, "abacusai.AIAgentTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.abacususagemetricsdatasetconfig method)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__post_init__", false]], "__post_init__() (abacusai.api_class.accuracybelowthresholdconditionconfig method)": [[27, "abacusai.api_class.AccuracyBelowThresholdConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.ai_agents.workflowgraph method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.__post_init__", false]], "__post_init__() (abacusai.api_class.ai_agents.workflownodeinputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.ai_agents.workflownodeoutputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.aiagentbatchpredictionargs method)": [[27, "abacusai.api_class.AIAgentBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.aiagenttrainingconfig method)": [[27, "abacusai.api_class.AIAgentTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__post_init__", false], [27, "id140", false], [27, "id17", false], [27, "id173", false], [27, "id192", false], [27, "id210", false], [27, "id229", false], [27, "id248", false], [27, "id262", false], [27, "id281", false], [27, "id3", false], [27, "id31", false], [27, "id50", false], [27, "id77", false], [27, "id96", false]], "__post_init__() (abacusai.api_class.azurestoragedatasetconfig method)": [[27, "abacusai.api_class.AzureStorageDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.aiagentbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.AIAgentBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.chatllmbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.namedentityextractionbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.sentenceboundarydetectionbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.batch_prediction.trainableplugandplaybatchpredictionargs method)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.biasviolationconditionconfig method)": [[27, "abacusai.api_class.BiasViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.boxdatasetconfig method)": [[27, "abacusai.api_class.BoxDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.chatllmbatchpredictionargs method)": [[27, "abacusai.api_class.ChatLLMBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.chatllmpredictionarguments method)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.chatllmtrainingconfig method)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.clusteringtimeseriestrainingconfig method)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.clusteringtrainingconfig method)": [[27, "abacusai.api_class.ClusteringTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.confluencedatasetconfig method)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.connectors.kafkadatasetconfig method)": [[20, "abacusai.api_class.connectors.KafkaDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.constraintprojectfeaturegroupconfig method)": [[27, "abacusai.api_class.ConstraintProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.crawlertransformconfig method)": [[27, "abacusai.api_class.CrawlerTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.cumulativeforecastingpredictionarguments method)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.cumulativeforecastingtrainingconfig method)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.customalgorithmtrainingconfig method)": [[27, "abacusai.api_class.CustomAlgorithmTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.customtrainedmodeltrainingconfig method)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.databaseconnectorexportconfig method)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.datagenerationconfig method)": [[27, "abacusai.api_class.DataGenerationConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataintegrityviolationconditionconfig method)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset.documentprocessingconfig method)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.azurestoragedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.AzureStorageDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.boxdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.confluencedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.freshservicedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.jiradatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.outlookdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.OutlookDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.sftpdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.SftpDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.dataset_application_connector.zendeskdatasetconfig method)": [[22, "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.chatllmpredictionarguments method)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments method)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.featurestorepredictionarguments method)": [[23, "abacusai.api_class.deployment.FeatureStorePredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.forecastingpredictionarguments method)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments method)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.optimizationpredictionarguments method)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.regressionpredictionarguments method)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.deployment.timeseriesanomalypredictionarguments method)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.documentclassificationtrainingconfig method)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.documentprocessingconfig method)": [[27, "abacusai.api_class.DocumentProcessingConfig.__post_init__", false], [27, "id167", false]], "__post_init__() (abacusai.api_class.documentsummarizationtrainingconfig method)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.documentvisualizationtrainingconfig method)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.emailactionconfig method)": [[27, "abacusai.api_class.EmailActionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.eventanomalytrainingconfig method)": [[27, "abacusai.api_class.EventAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.extractdocumentdataconfig method)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.crawlertransformconfig method)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.datagenerationconfig method)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.extractdocumentdataconfig method)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.lastnmergeconfig method)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.markdownconfig method)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.mergeconfig method)": [[26, "abacusai.api_class.feature_group.MergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.nsamplingconfig method)": [[26, "abacusai.api_class.feature_group.NSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.operatorconfig method)": [[26, "abacusai.api_class.feature_group.OperatorConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.percentsamplingconfig method)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.samplingconfig method)": [[26, "abacusai.api_class.feature_group.SamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.timewindowmergeconfig method)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.uniontransformconfig method)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.feature_group.unpivotconfig method)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.featuredriftconditionconfig method)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.featurestorepredictionarguments method)": [[27, "abacusai.api_class.FeatureStorePredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.fileconnectorexportconfig method)": [[27, "abacusai.api_class.FileConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.forecastingbatchpredictionargs method)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.forecastingpredictionarguments method)": [[27, "abacusai.api_class.ForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.forecastingtrainingconfig method)": [[27, "abacusai.api_class.ForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.freshservicedatasetconfig method)": [[27, "abacusai.api_class.FreshserviceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.googleanalyticsdatasetconfig method)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.googledrivedatasetconfig method)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.historylengthdriftconditionconfig method)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.jiradatasetconfig method)": [[27, "abacusai.api_class.JiraDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.kafkadatasetconfig method)": [[27, "abacusai.api_class.KafkaDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.lastnmergeconfig method)": [[27, "abacusai.api_class.LastNMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.markdownconfig method)": [[27, "abacusai.api_class.MarkdownConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.mergeconfig method)": [[27, "abacusai.api_class.MergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.aiagenttrainingconfig method)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.chatllmtrainingconfig method)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.clusteringtimeseriestrainingconfig method)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.clusteringtrainingconfig method)": [[28, "abacusai.api_class.model.ClusteringTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.cumulativeforecastingtrainingconfig method)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.customalgorithmtrainingconfig method)": [[28, "abacusai.api_class.model.CustomAlgorithmTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.customtrainedmodeltrainingconfig method)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.documentclassificationtrainingconfig method)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.documentsummarizationtrainingconfig method)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.documentvisualizationtrainingconfig method)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.eventanomalytrainingconfig method)": [[28, "abacusai.api_class.model.EventAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.forecastingtrainingconfig method)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.namedentityextractiontrainingconfig method)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.naturallanguagesearchtrainingconfig method)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.optimizationtrainingconfig method)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.personalizationtrainingconfig method)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.regressiontrainingconfig method)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig method)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.sentimentdetectiontrainingconfig method)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.themeanalysistrainingconfig method)": [[28, "abacusai.api_class.model.ThemeAnalysisTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.model.timeseriesanomalytrainingconfig method)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.accuracybelowthresholdconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.biasviolationconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.dataintegrityviolationconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.emailactionconfig method)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.featuredriftconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.historylengthdriftconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.predictioncountconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.monitor_alert.targetdriftconditionconfig method)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.namedentityextractionbatchpredictionargs method)": [[27, "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.namedentityextractiontrainingconfig method)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.naturallanguagesearchpredictionarguments method)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.naturallanguagesearchtrainingconfig method)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.nsamplingconfig method)": [[27, "abacusai.api_class.NSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.onedrivedatasetconfig method)": [[27, "abacusai.api_class.OneDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.operatorconfig method)": [[27, "abacusai.api_class.OperatorConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.optimizationpredictionarguments method)": [[27, "abacusai.api_class.OptimizationPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.optimizationtrainingconfig method)": [[27, "abacusai.api_class.OptimizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.outlookdatasetconfig method)": [[27, "abacusai.api_class.OutlookDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.percentsamplingconfig method)": [[27, "abacusai.api_class.PercentSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.personalizationbatchpredictionargs method)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.personalizationtrainingconfig method)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.predictioncountconditionconfig method)": [[27, "abacusai.api_class.PredictionCountConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.predictivemodelingbatchpredictionargs method)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.pretrainedmodelsbatchpredictionargs method)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.project.constraintprojectfeaturegroupconfig method)": [[31, "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.project.reviewmodeprojectfeaturegroupconfig method)": [[31, "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.refresh.databaseconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.refresh.fileconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.regressionpredictionarguments method)": [[27, "abacusai.api_class.RegressionPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.regressiontrainingconfig method)": [[27, "abacusai.api_class.RegressionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.responsesection method)": [[27, "abacusai.api_class.ResponseSection.__post_init__", false]], "__post_init__() (abacusai.api_class.reviewmodeprojectfeaturegroupconfig method)": [[27, "abacusai.api_class.ReviewModeProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.samplingconfig method)": [[27, "abacusai.api_class.SamplingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.segments.responsesection method)": [[34, "abacusai.api_class.segments.ResponseSection.__post_init__", false]], "__post_init__() (abacusai.api_class.sentenceboundarydetectionbatchpredictionargs method)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.sentenceboundarydetectiontrainingconfig method)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.sentimentdetectiontrainingconfig method)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.sftpdatasetconfig method)": [[27, "abacusai.api_class.SftpDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.sharepointdatasetconfig method)": [[27, "abacusai.api_class.SharepointDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.targetdriftconditionconfig method)": [[27, "abacusai.api_class.TargetDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.teamsscraperdatasetconfig method)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.themeanalysisbatchpredictionargs method)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.themeanalysistrainingconfig method)": [[27, "abacusai.api_class.ThemeAnalysisTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.timeseriesanomalypredictionarguments method)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.api_class.timeseriesanomalytrainingconfig method)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.timewindowmergeconfig method)": [[27, "abacusai.api_class.TimeWindowMergeConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.trainableplugandplaybatchpredictionargs method)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.api_class.uniontransformconfig method)": [[27, "abacusai.api_class.UnionTransformConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.unpivotconfig method)": [[27, "abacusai.api_class.UnpivotConfig.__post_init__", false]], "__post_init__() (abacusai.api_class.workflowgraph method)": [[27, "abacusai.api_class.WorkflowGraph.__post_init__", false]], "__post_init__() (abacusai.api_class.workflownodeinputmapping method)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.workflownodeoutputmapping method)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.__post_init__", false]], "__post_init__() (abacusai.api_class.zendeskdatasetconfig method)": [[27, "abacusai.api_class.ZendeskDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.apiclass method)": [[176, "abacusai.ApiClass.__post_init__", false]], "__post_init__() (abacusai.azurestoragedatasetconfig method)": [[176, "abacusai.AzureStorageDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.biasviolationconditionconfig method)": [[176, "abacusai.BiasViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.boxdatasetconfig method)": [[176, "abacusai.BoxDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.chatllmbatchpredictionargs method)": [[176, "abacusai.ChatLLMBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.chatllmpredictionarguments method)": [[176, "abacusai.ChatLLMPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.chatllmtrainingconfig method)": [[176, "abacusai.ChatLLMTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.clusteringtimeseriestrainingconfig method)": [[176, "abacusai.ClusteringTimeseriesTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.clusteringtrainingconfig method)": [[176, "abacusai.ClusteringTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.confluencedatasetconfig method)": [[176, "abacusai.ConfluenceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.constraintprojectfeaturegroupconfig method)": [[176, "abacusai.ConstraintProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.crawlertransformconfig method)": [[176, "abacusai.CrawlerTransformConfig.__post_init__", false]], "__post_init__() (abacusai.cumulativeforecastingpredictionarguments method)": [[176, "abacusai.CumulativeForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.cumulativeforecastingtrainingconfig method)": [[176, "abacusai.CumulativeForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.customalgorithmtrainingconfig method)": [[176, "abacusai.CustomAlgorithmTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.customtrainedmodeltrainingconfig method)": [[176, "abacusai.CustomTrainedModelTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.databaseconnectorexportconfig method)": [[176, "abacusai.DatabaseConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.datagenerationconfig method)": [[176, "abacusai.DataGenerationConfig.__post_init__", false]], "__post_init__() (abacusai.dataintegrityviolationconditionconfig method)": [[176, "abacusai.DataIntegrityViolationConditionConfig.__post_init__", false]], "__post_init__() (abacusai.documentclassificationtrainingconfig method)": [[176, "abacusai.DocumentClassificationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.documentprocessingconfig method)": [[176, "abacusai.DocumentProcessingConfig.__post_init__", false]], "__post_init__() (abacusai.documentsummarizationtrainingconfig method)": [[176, "abacusai.DocumentSummarizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.documentvisualizationtrainingconfig method)": [[176, "abacusai.DocumentVisualizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.emailactionconfig method)": [[176, "abacusai.EmailActionConfig.__post_init__", false]], "__post_init__() (abacusai.eventanomalytrainingconfig method)": [[176, "abacusai.EventAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.extractdocumentdataconfig method)": [[176, "abacusai.ExtractDocumentDataConfig.__post_init__", false]], "__post_init__() (abacusai.featuredriftconditionconfig method)": [[176, "abacusai.FeatureDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.featurestorepredictionarguments method)": [[176, "abacusai.FeatureStorePredictionArguments.__post_init__", false]], "__post_init__() (abacusai.fileconnectorexportconfig method)": [[176, "abacusai.FileConnectorExportConfig.__post_init__", false]], "__post_init__() (abacusai.forecastingbatchpredictionargs method)": [[176, "abacusai.ForecastingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.forecastingpredictionarguments method)": [[176, "abacusai.ForecastingPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.forecastingtrainingconfig method)": [[176, "abacusai.ForecastingTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.freshservicedatasetconfig method)": [[176, "abacusai.FreshserviceDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.googleanalyticsdatasetconfig method)": [[176, "abacusai.GoogleAnalyticsDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.googledrivedatasetconfig method)": [[176, "abacusai.GoogleDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.historylengthdriftconditionconfig method)": [[176, "abacusai.HistoryLengthDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.jiradatasetconfig method)": [[176, "abacusai.JiraDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.kafkadatasetconfig method)": [[176, "abacusai.KafkaDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.lastnmergeconfig method)": [[176, "abacusai.LastNMergeConfig.__post_init__", false]], "__post_init__() (abacusai.markdownconfig method)": [[176, "abacusai.MarkdownConfig.__post_init__", false]], "__post_init__() (abacusai.mergeconfig method)": [[176, "abacusai.MergeConfig.__post_init__", false]], "__post_init__() (abacusai.namedentityextractionbatchpredictionargs method)": [[176, "abacusai.NamedEntityExtractionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.namedentityextractiontrainingconfig method)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.naturallanguagesearchpredictionarguments method)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.naturallanguagesearchtrainingconfig method)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.nsamplingconfig method)": [[176, "abacusai.NSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.onedrivedatasetconfig method)": [[176, "abacusai.OneDriveDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.operatorconfig method)": [[176, "abacusai.OperatorConfig.__post_init__", false]], "__post_init__() (abacusai.optimizationpredictionarguments method)": [[176, "abacusai.OptimizationPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.optimizationtrainingconfig method)": [[176, "abacusai.OptimizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.outlookdatasetconfig method)": [[176, "abacusai.OutlookDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.percentsamplingconfig method)": [[176, "abacusai.PercentSamplingConfig.__post_init__", false]], "__post_init__() (abacusai.personalizationbatchpredictionargs method)": [[176, "abacusai.PersonalizationBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.personalizationtrainingconfig method)": [[176, "abacusai.PersonalizationTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.predictioncountconditionconfig method)": [[176, "abacusai.PredictionCountConditionConfig.__post_init__", false]], "__post_init__() (abacusai.predictivemodelingbatchpredictionargs method)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.pretrainedmodelsbatchpredictionargs method)": [[176, "abacusai.PretrainedModelsBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.regressionpredictionarguments method)": [[176, "abacusai.RegressionPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.regressiontrainingconfig method)": [[176, "abacusai.RegressionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.responsesection method)": [[176, "abacusai.ResponseSection.__post_init__", false]], "__post_init__() (abacusai.reviewmodeprojectfeaturegroupconfig method)": [[176, "abacusai.ReviewModeProjectFeatureGroupConfig.__post_init__", false]], "__post_init__() (abacusai.samplingconfig method)": [[176, "abacusai.SamplingConfig.__post_init__", false]], "__post_init__() (abacusai.sentenceboundarydetectionbatchpredictionargs method)": [[176, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.sentenceboundarydetectiontrainingconfig method)": [[176, "abacusai.SentenceBoundaryDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.sentimentdetectiontrainingconfig method)": [[176, "abacusai.SentimentDetectionTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.sftpdatasetconfig method)": [[176, "abacusai.SftpDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.sharepointdatasetconfig method)": [[176, "abacusai.SharepointDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.targetdriftconditionconfig method)": [[176, "abacusai.TargetDriftConditionConfig.__post_init__", false]], "__post_init__() (abacusai.teamsscraperdatasetconfig method)": [[176, "abacusai.TeamsScraperDatasetConfig.__post_init__", false]], "__post_init__() (abacusai.themeanalysisbatchpredictionargs method)": [[176, "abacusai.ThemeAnalysisBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.themeanalysistrainingconfig method)": [[176, "abacusai.ThemeAnalysisTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.timeseriesanomalypredictionarguments method)": [[176, "abacusai.TimeseriesAnomalyPredictionArguments.__post_init__", false]], "__post_init__() (abacusai.timeseriesanomalytrainingconfig method)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.__post_init__", false]], "__post_init__() (abacusai.timewindowmergeconfig method)": [[176, "abacusai.TimeWindowMergeConfig.__post_init__", false]], "__post_init__() (abacusai.trainableplugandplaybatchpredictionargs method)": [[176, "abacusai.TrainablePlugAndPlayBatchPredictionArgs.__post_init__", false]], "__post_init__() (abacusai.uniontransformconfig method)": [[176, "abacusai.UnionTransformConfig.__post_init__", false]], "__post_init__() (abacusai.unpivotconfig method)": [[176, "abacusai.UnpivotConfig.__post_init__", false]], "__post_init__() (abacusai.workflowgraph method)": [[176, "abacusai.WorkflowGraph.__post_init__", false]], "__post_init__() (abacusai.workflownodeinputmapping method)": [[176, "abacusai.WorkflowNodeInputMapping.__post_init__", false]], "__post_init__() (abacusai.workflownodeoutputmapping method)": [[176, "abacusai.WorkflowNodeOutputMapping.__post_init__", false]], "__post_init__() (abacusai.zendeskdatasetconfig method)": [[176, "abacusai.ZendeskDatasetConfig.__post_init__", false]], "__repr__() (abacusai.abacus_api.abacusapi method)": [[0, "abacusai.abacus_api.AbacusApi.__repr__", false]], "__repr__() (abacusai.abacusapi method)": [[176, "abacusai.AbacusApi.__repr__", false]], "__repr__() (abacusai.address method)": [[176, "abacusai.Address.__repr__", false]], "__repr__() (abacusai.address.address method)": [[1, "abacusai.address.Address.__repr__", false]], "__repr__() (abacusai.agent method)": [[176, "abacusai.Agent.__repr__", false]], "__repr__() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.__repr__", false]], "__repr__() (abacusai.agent_chat_message.agentchatmessage method)": [[3, "abacusai.agent_chat_message.AgentChatMessage.__repr__", false]], "__repr__() (abacusai.agent_conversation.agentconversation method)": [[4, "abacusai.agent_conversation.AgentConversation.__repr__", false]], "__repr__() (abacusai.agent_data_document_info.agentdatadocumentinfo method)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.__repr__", false]], "__repr__() (abacusai.agent_data_execution_result.agentdataexecutionresult method)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.__repr__", false]], "__repr__() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.__repr__", false]], "__repr__() (abacusai.agentchatmessage method)": [[176, "abacusai.AgentChatMessage.__repr__", false]], "__repr__() (abacusai.agentconversation method)": [[176, "abacusai.AgentConversation.__repr__", false]], "__repr__() (abacusai.agentdatadocumentinfo method)": [[176, "abacusai.AgentDataDocumentInfo.__repr__", false]], "__repr__() (abacusai.agentdataexecutionresult method)": [[176, "abacusai.AgentDataExecutionResult.__repr__", false]], "__repr__() (abacusai.agentversion method)": [[176, "abacusai.AgentVersion.__repr__", false]], "__repr__() (abacusai.ai_building_task.aibuildingtask method)": [[8, "abacusai.ai_building_task.AiBuildingTask.__repr__", false]], "__repr__() (abacusai.aibuildingtask method)": [[176, "abacusai.AiBuildingTask.__repr__", false]], "__repr__() (abacusai.algorithm method)": [[176, "abacusai.Algorithm.__repr__", false]], "__repr__() (abacusai.algorithm.algorithm method)": [[9, "abacusai.algorithm.Algorithm.__repr__", false]], "__repr__() (abacusai.annotation method)": [[176, "abacusai.Annotation.__repr__", false]], "__repr__() (abacusai.annotation.annotation method)": [[10, "abacusai.annotation.Annotation.__repr__", false]], "__repr__() (abacusai.annotation_config.annotationconfig method)": [[11, "abacusai.annotation_config.AnnotationConfig.__repr__", false]], "__repr__() (abacusai.annotation_document.annotationdocument method)": [[12, "abacusai.annotation_document.AnnotationDocument.__repr__", false]], "__repr__() (abacusai.annotation_entry.annotationentry method)": [[13, "abacusai.annotation_entry.AnnotationEntry.__repr__", false]], "__repr__() (abacusai.annotationconfig method)": [[176, "abacusai.AnnotationConfig.__repr__", false]], "__repr__() (abacusai.annotationdocument method)": [[176, "abacusai.AnnotationDocument.__repr__", false]], "__repr__() (abacusai.annotationentry method)": [[176, "abacusai.AnnotationEntry.__repr__", false]], "__repr__() (abacusai.annotations_status.annotationsstatus method)": [[14, "abacusai.annotations_status.AnnotationsStatus.__repr__", false]], "__repr__() (abacusai.annotationsstatus method)": [[176, "abacusai.AnnotationsStatus.__repr__", false]], "__repr__() (abacusai.api_endpoint.apiendpoint method)": [[36, "abacusai.api_endpoint.ApiEndpoint.__repr__", false]], "__repr__() (abacusai.api_key.apikey method)": [[37, "abacusai.api_key.ApiKey.__repr__", false]], "__repr__() (abacusai.apiendpoint method)": [[176, "abacusai.ApiEndpoint.__repr__", false]], "__repr__() (abacusai.apikey method)": [[176, "abacusai.ApiKey.__repr__", false]], "__repr__() (abacusai.app_user_group.appusergroup method)": [[38, "abacusai.app_user_group.AppUserGroup.__repr__", false]], "__repr__() (abacusai.app_user_group_sign_in_token.appusergroupsignintoken method)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.__repr__", false]], "__repr__() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.__repr__", false]], "__repr__() (abacusai.applicationconnector method)": [[176, "abacusai.ApplicationConnector.__repr__", false]], "__repr__() (abacusai.appusergroup method)": [[176, "abacusai.AppUserGroup.__repr__", false]], "__repr__() (abacusai.appusergroupsignintoken method)": [[176, "abacusai.AppUserGroupSignInToken.__repr__", false]], "__repr__() (abacusai.audio_gen_settings.audiogensettings method)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.__repr__", false]], "__repr__() (abacusai.audio_url_result.audiourlresult method)": [[42, "abacusai.audio_url_result.AudioUrlResult.__repr__", false]], "__repr__() (abacusai.audiogensettings method)": [[176, "abacusai.AudioGenSettings.__repr__", false]], "__repr__() (abacusai.audiourlresult method)": [[176, "abacusai.AudioUrlResult.__repr__", false]], "__repr__() (abacusai.audit_log.auditlog method)": [[43, "abacusai.audit_log.AuditLog.__repr__", false]], "__repr__() (abacusai.auditlog method)": [[176, "abacusai.AuditLog.__repr__", false]], "__repr__() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.__repr__", false]], "__repr__() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.__repr__", false]], "__repr__() (abacusai.batch_prediction_version_logs.batchpredictionversionlogs method)": [[46, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.__repr__", false]], "__repr__() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.__repr__", false]], "__repr__() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.__repr__", false]], "__repr__() (abacusai.batchpredictionversionlogs method)": [[176, "abacusai.BatchPredictionVersionLogs.__repr__", false]], "__repr__() (abacusai.bot_info.botinfo method)": [[47, "abacusai.bot_info.BotInfo.__repr__", false]], "__repr__() (abacusai.botinfo method)": [[176, "abacusai.BotInfo.__repr__", false]], "__repr__() (abacusai.categorical_range_violation.categoricalrangeviolation method)": [[48, "abacusai.categorical_range_violation.CategoricalRangeViolation.__repr__", false]], "__repr__() (abacusai.categoricalrangeviolation method)": [[176, "abacusai.CategoricalRangeViolation.__repr__", false]], "__repr__() (abacusai.chat_message.chatmessage method)": [[49, "abacusai.chat_message.ChatMessage.__repr__", false]], "__repr__() (abacusai.chat_session.chatsession method)": [[50, "abacusai.chat_session.ChatSession.__repr__", false]], "__repr__() (abacusai.chatllm_computer.chatllmcomputer method)": [[51, "abacusai.chatllm_computer.ChatllmComputer.__repr__", false]], "__repr__() (abacusai.chatllm_computer_status.chatllmcomputerstatus method)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus.__repr__", false]], "__repr__() (abacusai.chatllm_memory.chatllmmemory method)": [[53, "abacusai.chatllm_memory.ChatllmMemory.__repr__", false]], "__repr__() (abacusai.chatllm_project.chatllmproject method)": [[54, "abacusai.chatllm_project.ChatllmProject.__repr__", false]], "__repr__() (abacusai.chatllm_project_permissions.chatllmprojectpermissions method)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions.__repr__", false]], "__repr__() (abacusai.chatllm_referral_invite.chatllmreferralinvite method)": [[56, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.__repr__", false]], "__repr__() (abacusai.chatllm_task.chatllmtask method)": [[57, "abacusai.chatllm_task.ChatllmTask.__repr__", false]], "__repr__() (abacusai.chatllmcomputer method)": [[176, "abacusai.ChatllmComputer.__repr__", false]], "__repr__() (abacusai.chatllmcomputerstatus method)": [[176, "abacusai.ChatllmComputerStatus.__repr__", false]], "__repr__() (abacusai.chatllmmemory method)": [[176, "abacusai.ChatllmMemory.__repr__", false]], "__repr__() (abacusai.chatllmproject method)": [[176, "abacusai.ChatllmProject.__repr__", false]], "__repr__() (abacusai.chatllmprojectpermissions method)": [[176, "abacusai.ChatllmProjectPermissions.__repr__", false]], "__repr__() (abacusai.chatllmreferralinvite method)": [[176, "abacusai.ChatllmReferralInvite.__repr__", false]], "__repr__() (abacusai.chatllmtask method)": [[176, "abacusai.ChatllmTask.__repr__", false]], "__repr__() (abacusai.chatmessage method)": [[176, "abacusai.ChatMessage.__repr__", false]], "__repr__() (abacusai.chatsession method)": [[176, "abacusai.ChatSession.__repr__", false]], "__repr__() (abacusai.code_agent_response.codeagentresponse method)": [[59, "abacusai.code_agent_response.CodeAgentResponse.__repr__", false]], "__repr__() (abacusai.code_autocomplete_edit_prediction_response.codeautocompleteeditpredictionresponse method)": [[60, "abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse.__repr__", false]], "__repr__() (abacusai.code_autocomplete_response.codeautocompleteresponse method)": [[61, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.__repr__", false]], "__repr__() (abacusai.code_bot.codebot method)": [[62, "abacusai.code_bot.CodeBot.__repr__", false]], "__repr__() (abacusai.code_edit.codeedit method)": [[63, "abacusai.code_edit.CodeEdit.__repr__", false]], "__repr__() (abacusai.code_edit_response.codeeditresponse method)": [[64, "abacusai.code_edit_response.CodeEditResponse.__repr__", false]], "__repr__() (abacusai.code_edits.codeedits method)": [[65, "abacusai.code_edits.CodeEdits.__repr__", false]], "__repr__() (abacusai.code_embeddings.codeembeddings method)": [[66, "abacusai.code_embeddings.CodeEmbeddings.__repr__", false]], "__repr__() (abacusai.code_llm_changed_files.codellmchangedfiles method)": [[67, "abacusai.code_llm_changed_files.CodeLlmChangedFiles.__repr__", false]], "__repr__() (abacusai.code_source.codesource method)": [[68, "abacusai.code_source.CodeSource.__repr__", false]], "__repr__() (abacusai.code_suggestion_validation_response.codesuggestionvalidationresponse method)": [[69, "abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse.__repr__", false]], "__repr__() (abacusai.code_summary_response.codesummaryresponse method)": [[70, "abacusai.code_summary_response.CodeSummaryResponse.__repr__", false]], "__repr__() (abacusai.codeagentresponse method)": [[176, "abacusai.CodeAgentResponse.__repr__", false]], "__repr__() (abacusai.codeautocompleteeditpredictionresponse method)": [[176, "abacusai.CodeAutocompleteEditPredictionResponse.__repr__", false]], "__repr__() (abacusai.codeautocompleteresponse method)": [[176, "abacusai.CodeAutocompleteResponse.__repr__", false]], "__repr__() (abacusai.codebot method)": [[176, "abacusai.CodeBot.__repr__", false]], "__repr__() (abacusai.codeedit method)": [[176, "abacusai.CodeEdit.__repr__", false]], "__repr__() (abacusai.codeeditresponse method)": [[176, "abacusai.CodeEditResponse.__repr__", false]], "__repr__() (abacusai.codeedits method)": [[176, "abacusai.CodeEdits.__repr__", false]], "__repr__() (abacusai.codeembeddings method)": [[176, "abacusai.CodeEmbeddings.__repr__", false]], "__repr__() (abacusai.codellm_embedding_constants.codellmembeddingconstants method)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.__repr__", false]], "__repr__() (abacusai.codellmchangedfiles method)": [[176, "abacusai.CodeLlmChangedFiles.__repr__", false]], "__repr__() (abacusai.codellmembeddingconstants method)": [[176, "abacusai.CodellmEmbeddingConstants.__repr__", false]], "__repr__() (abacusai.codesource method)": [[176, "abacusai.CodeSource.__repr__", false]], "__repr__() (abacusai.codesuggestionvalidationresponse method)": [[176, "abacusai.CodeSuggestionValidationResponse.__repr__", false]], "__repr__() (abacusai.codesummaryresponse method)": [[176, "abacusai.CodeSummaryResponse.__repr__", false]], "__repr__() (abacusai.compute_point_info.computepointinfo method)": [[72, "abacusai.compute_point_info.ComputePointInfo.__repr__", false]], "__repr__() (abacusai.computepointinfo method)": [[176, "abacusai.ComputePointInfo.__repr__", false]], "__repr__() (abacusai.concatenation_config.concatenationconfig method)": [[73, "abacusai.concatenation_config.ConcatenationConfig.__repr__", false]], "__repr__() (abacusai.concatenationconfig method)": [[176, "abacusai.ConcatenationConfig.__repr__", false]], "__repr__() (abacusai.constants_autocomplete_response.constantsautocompleteresponse method)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.__repr__", false]], "__repr__() (abacusai.constantsautocompleteresponse method)": [[176, "abacusai.ConstantsAutocompleteResponse.__repr__", false]], "__repr__() (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs method)": [[75, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.__repr__", false]], "__repr__() (abacusai.cpugpumemoryspecs method)": [[176, "abacusai.CpuGpuMemorySpecs.__repr__", false]], "__repr__() (abacusai.custom_chat_instructions.customchatinstructions method)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.__repr__", false]], "__repr__() (abacusai.custom_domain.customdomain method)": [[78, "abacusai.custom_domain.CustomDomain.__repr__", false]], "__repr__() (abacusai.custom_loss_function.customlossfunction method)": [[79, "abacusai.custom_loss_function.CustomLossFunction.__repr__", false]], "__repr__() (abacusai.custom_metric.custommetric method)": [[80, "abacusai.custom_metric.CustomMetric.__repr__", false]], "__repr__() (abacusai.custom_metric_version.custommetricversion method)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.__repr__", false]], "__repr__() (abacusai.custom_train_function_info.customtrainfunctioninfo method)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.__repr__", false]], "__repr__() (abacusai.customchatinstructions method)": [[176, "abacusai.CustomChatInstructions.__repr__", false]], "__repr__() (abacusai.customdomain method)": [[176, "abacusai.CustomDomain.__repr__", false]], "__repr__() (abacusai.customlossfunction method)": [[176, "abacusai.CustomLossFunction.__repr__", false]], "__repr__() (abacusai.custommetric method)": [[176, "abacusai.CustomMetric.__repr__", false]], "__repr__() (abacusai.custommetricversion method)": [[176, "abacusai.CustomMetricVersion.__repr__", false]], "__repr__() (abacusai.customtrainfunctioninfo method)": [[176, "abacusai.CustomTrainFunctionInfo.__repr__", false]], "__repr__() (abacusai.daemon_task_conversation.daemontaskconversation method)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.__repr__", false]], "__repr__() (abacusai.daemontaskconversation method)": [[176, "abacusai.DaemonTaskConversation.__repr__", false]], "__repr__() (abacusai.data_consistency_duplication.dataconsistencyduplication method)": [[84, "abacusai.data_consistency_duplication.DataConsistencyDuplication.__repr__", false]], "__repr__() (abacusai.data_metrics.datametrics method)": [[85, "abacusai.data_metrics.DataMetrics.__repr__", false]], "__repr__() (abacusai.data_prep_logs.datapreplogs method)": [[86, "abacusai.data_prep_logs.DataPrepLogs.__repr__", false]], "__repr__() (abacusai.data_quality_results.dataqualityresults method)": [[87, "abacusai.data_quality_results.DataQualityResults.__repr__", false]], "__repr__() (abacusai.data_upload_result.datauploadresult method)": [[88, "abacusai.data_upload_result.DataUploadResult.__repr__", false]], "__repr__() (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping method)": [[89, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.__repr__", false]], "__repr__() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.__repr__", false]], "__repr__() (abacusai.database_connector_column.databaseconnectorcolumn method)": [[91, "abacusai.database_connector_column.DatabaseConnectorColumn.__repr__", false]], "__repr__() (abacusai.database_connector_schema.databaseconnectorschema method)": [[92, "abacusai.database_connector_schema.DatabaseConnectorSchema.__repr__", false]], "__repr__() (abacusai.databasecolumnfeaturemapping method)": [[176, "abacusai.DatabaseColumnFeatureMapping.__repr__", false]], "__repr__() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.__repr__", false]], "__repr__() (abacusai.databaseconnectorcolumn method)": [[176, "abacusai.DatabaseConnectorColumn.__repr__", false]], "__repr__() (abacusai.databaseconnectorschema method)": [[176, "abacusai.DatabaseConnectorSchema.__repr__", false]], "__repr__() (abacusai.dataconsistencyduplication method)": [[176, "abacusai.DataConsistencyDuplication.__repr__", false]], "__repr__() (abacusai.datametrics method)": [[176, "abacusai.DataMetrics.__repr__", false]], "__repr__() (abacusai.datapreplogs method)": [[176, "abacusai.DataPrepLogs.__repr__", false]], "__repr__() (abacusai.dataqualityresults method)": [[176, "abacusai.DataQualityResults.__repr__", false]], "__repr__() (abacusai.dataset method)": [[176, "abacusai.Dataset.__repr__", false]], "__repr__() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.__repr__", false]], "__repr__() (abacusai.dataset_column.datasetcolumn method)": [[94, "abacusai.dataset_column.DatasetColumn.__repr__", false]], "__repr__() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.__repr__", false]], "__repr__() (abacusai.dataset_version_logs.datasetversionlogs method)": [[96, "abacusai.dataset_version_logs.DatasetVersionLogs.__repr__", false]], "__repr__() (abacusai.datasetcolumn method)": [[176, "abacusai.DatasetColumn.__repr__", false]], "__repr__() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.__repr__", false]], "__repr__() (abacusai.datasetversionlogs method)": [[176, "abacusai.DatasetVersionLogs.__repr__", false]], "__repr__() (abacusai.datauploadresult method)": [[176, "abacusai.DataUploadResult.__repr__", false]], "__repr__() (abacusai.default_llm.defaultllm method)": [[97, "abacusai.default_llm.DefaultLlm.__repr__", false]], "__repr__() (abacusai.defaultllm method)": [[176, "abacusai.DefaultLlm.__repr__", false]], "__repr__() (abacusai.deployment method)": [[176, "abacusai.Deployment.__repr__", false]], "__repr__() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.__repr__", false]], "__repr__() (abacusai.deployment_auth_token.deploymentauthtoken method)": [[99, "abacusai.deployment_auth_token.DeploymentAuthToken.__repr__", false]], "__repr__() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.__repr__", false]], "__repr__() (abacusai.deployment_conversation_event.deploymentconversationevent method)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.__repr__", false]], "__repr__() (abacusai.deployment_conversation_export.deploymentconversationexport method)": [[102, "abacusai.deployment_conversation_export.DeploymentConversationExport.__repr__", false]], "__repr__() (abacusai.deployment_statistics.deploymentstatistics method)": [[103, "abacusai.deployment_statistics.DeploymentStatistics.__repr__", false]], "__repr__() (abacusai.deploymentauthtoken method)": [[176, "abacusai.DeploymentAuthToken.__repr__", false]], "__repr__() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.__repr__", false]], "__repr__() (abacusai.deploymentconversationevent method)": [[176, "abacusai.DeploymentConversationEvent.__repr__", false]], "__repr__() (abacusai.deploymentconversationexport method)": [[176, "abacusai.DeploymentConversationExport.__repr__", false]], "__repr__() (abacusai.deploymentstatistics method)": [[176, "abacusai.DeploymentStatistics.__repr__", false]], "__repr__() (abacusai.document_data.documentdata method)": [[104, "abacusai.document_data.DocumentData.__repr__", false]], "__repr__() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.__repr__", false]], "__repr__() (abacusai.document_retriever_lookup_result.documentretrieverlookupresult method)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.__repr__", false]], "__repr__() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.__repr__", false]], "__repr__() (abacusai.document_retriever_version_logs.documentretrieverversionlogs method)": [[108, "abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs.__repr__", false]], "__repr__() (abacusai.documentdata method)": [[176, "abacusai.DocumentData.__repr__", false]], "__repr__() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.__repr__", false]], "__repr__() (abacusai.documentretrieverlookupresult method)": [[176, "abacusai.DocumentRetrieverLookupResult.__repr__", false]], "__repr__() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.__repr__", false]], "__repr__() (abacusai.documentretrieverversionlogs method)": [[176, "abacusai.DocumentRetrieverVersionLogs.__repr__", false]], "__repr__() (abacusai.domain_purchase_result.domainpurchaseresult method)": [[109, "abacusai.domain_purchase_result.DomainPurchaseResult.__repr__", false]], "__repr__() (abacusai.domain_search_result.domainsearchresult method)": [[110, "abacusai.domain_search_result.DomainSearchResult.__repr__", false]], "__repr__() (abacusai.domainpurchaseresult method)": [[176, "abacusai.DomainPurchaseResult.__repr__", false]], "__repr__() (abacusai.domainsearchresult method)": [[176, "abacusai.DomainSearchResult.__repr__", false]], "__repr__() (abacusai.drift_distribution.driftdistribution method)": [[111, "abacusai.drift_distribution.DriftDistribution.__repr__", false]], "__repr__() (abacusai.drift_distributions.driftdistributions method)": [[112, "abacusai.drift_distributions.DriftDistributions.__repr__", false]], "__repr__() (abacusai.driftdistribution method)": [[176, "abacusai.DriftDistribution.__repr__", false]], "__repr__() (abacusai.driftdistributions method)": [[176, "abacusai.DriftDistributions.__repr__", false]], "__repr__() (abacusai.eda method)": [[176, "abacusai.Eda.__repr__", false]], "__repr__() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.__repr__", false]], "__repr__() (abacusai.eda_chart_description.edachartdescription method)": [[114, "abacusai.eda_chart_description.EdaChartDescription.__repr__", false]], "__repr__() (abacusai.eda_collinearity.edacollinearity method)": [[115, "abacusai.eda_collinearity.EdaCollinearity.__repr__", false]], "__repr__() (abacusai.eda_data_consistency.edadataconsistency method)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.__repr__", false]], "__repr__() (abacusai.eda_feature_association.edafeatureassociation method)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.__repr__", false]], "__repr__() (abacusai.eda_feature_collinearity.edafeaturecollinearity method)": [[118, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.__repr__", false]], "__repr__() (abacusai.eda_forecasting_analysis.edaforecastinganalysis method)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.__repr__", false]], "__repr__() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.__repr__", false]], "__repr__() (abacusai.edachartdescription method)": [[176, "abacusai.EdaChartDescription.__repr__", false]], "__repr__() (abacusai.edacollinearity method)": [[176, "abacusai.EdaCollinearity.__repr__", false]], "__repr__() (abacusai.edadataconsistency method)": [[176, "abacusai.EdaDataConsistency.__repr__", false]], "__repr__() (abacusai.edafeatureassociation method)": [[176, "abacusai.EdaFeatureAssociation.__repr__", false]], "__repr__() (abacusai.edafeaturecollinearity method)": [[176, "abacusai.EdaFeatureCollinearity.__repr__", false]], "__repr__() (abacusai.edaforecastinganalysis method)": [[176, "abacusai.EdaForecastingAnalysis.__repr__", false]], "__repr__() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.__repr__", false]], "__repr__() (abacusai.edit_image_models.editimagemodels method)": [[121, "abacusai.edit_image_models.EditImageModels.__repr__", false]], "__repr__() (abacusai.editimagemodels method)": [[176, "abacusai.EditImageModels.__repr__", false]], "__repr__() (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution method)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.__repr__", false]], "__repr__() (abacusai.embeddingfeaturedriftdistribution method)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.__repr__", false]], "__repr__() (abacusai.entri_auth_token.entriauthtoken method)": [[123, "abacusai.entri_auth_token.EntriAuthToken.__repr__", false]], "__repr__() (abacusai.entriauthtoken method)": [[176, "abacusai.EntriAuthToken.__repr__", false]], "__repr__() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.__repr__", false]], "__repr__() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.__repr__", false]], "__repr__() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.__repr__", false]], "__repr__() (abacusai.external_invite.externalinvite method)": [[126, "abacusai.external_invite.ExternalInvite.__repr__", false]], "__repr__() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.__repr__", false]], "__repr__() (abacusai.externalinvite method)": [[176, "abacusai.ExternalInvite.__repr__", false]], "__repr__() (abacusai.extracted_fields.extractedfields method)": [[127, "abacusai.extracted_fields.ExtractedFields.__repr__", false]], "__repr__() (abacusai.extractedfields method)": [[176, "abacusai.ExtractedFields.__repr__", false]], "__repr__() (abacusai.feature method)": [[176, "abacusai.Feature.__repr__", false]], "__repr__() (abacusai.feature.feature method)": [[128, "abacusai.feature.Feature.__repr__", false]], "__repr__() (abacusai.feature_distribution.featuredistribution method)": [[129, "abacusai.feature_distribution.FeatureDistribution.__repr__", false]], "__repr__() (abacusai.feature_drift_record.featuredriftrecord method)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.__repr__", false]], "__repr__() (abacusai.feature_drift_summary.featuredriftsummary method)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.__repr__", false]], "__repr__() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.__repr__", false]], "__repr__() (abacusai.feature_group_document.featuregroupdocument method)": [[133, "abacusai.feature_group_document.FeatureGroupDocument.__repr__", false]], "__repr__() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.__repr__", false]], "__repr__() (abacusai.feature_group_export_config.featuregroupexportconfig method)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.__repr__", false]], "__repr__() (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl method)": [[136, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.__repr__", false]], "__repr__() (abacusai.feature_group_lineage.featuregrouplineage method)": [[137, "abacusai.feature_group_lineage.FeatureGroupLineage.__repr__", false]], "__repr__() (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig method)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.__repr__", false]], "__repr__() (abacusai.feature_group_row.featuregrouprow method)": [[139, "abacusai.feature_group_row.FeatureGroupRow.__repr__", false]], "__repr__() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.__repr__", false]], "__repr__() (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs method)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.__repr__", false]], "__repr__() (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary method)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.__repr__", false]], "__repr__() (abacusai.feature_group_template.featuregrouptemplate method)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions method)": [[144, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.__repr__", false]], "__repr__() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.__repr__", false]], "__repr__() (abacusai.feature_group_version_logs.featuregroupversionlogs method)": [[146, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.__repr__", false]], "__repr__() (abacusai.feature_importance.featureimportance method)": [[147, "abacusai.feature_importance.FeatureImportance.__repr__", false]], "__repr__() (abacusai.feature_mapping.featuremapping method)": [[148, "abacusai.feature_mapping.FeatureMapping.__repr__", false]], "__repr__() (abacusai.feature_performance_analysis.featureperformanceanalysis method)": [[149, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.__repr__", false]], "__repr__() (abacusai.featuredistribution method)": [[176, "abacusai.FeatureDistribution.__repr__", false]], "__repr__() (abacusai.featuredriftrecord method)": [[176, "abacusai.FeatureDriftRecord.__repr__", false]], "__repr__() (abacusai.featuredriftsummary method)": [[176, "abacusai.FeatureDriftSummary.__repr__", false]], "__repr__() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.__repr__", false]], "__repr__() (abacusai.featuregroupdocument method)": [[176, "abacusai.FeatureGroupDocument.__repr__", false]], "__repr__() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.__repr__", false]], "__repr__() (abacusai.featuregroupexportconfig method)": [[176, "abacusai.FeatureGroupExportConfig.__repr__", false]], "__repr__() (abacusai.featuregroupexportdownloadurl method)": [[176, "abacusai.FeatureGroupExportDownloadUrl.__repr__", false]], "__repr__() (abacusai.featuregrouplineage method)": [[176, "abacusai.FeatureGroupLineage.__repr__", false]], "__repr__() (abacusai.featuregrouprefreshexportconfig method)": [[176, "abacusai.FeatureGroupRefreshExportConfig.__repr__", false]], "__repr__() (abacusai.featuregrouprow method)": [[176, "abacusai.FeatureGroupRow.__repr__", false]], "__repr__() (abacusai.featuregrouprowprocess method)": [[176, "abacusai.FeatureGroupRowProcess.__repr__", false]], "__repr__() (abacusai.featuregrouprowprocesslogs method)": [[176, "abacusai.FeatureGroupRowProcessLogs.__repr__", false]], "__repr__() (abacusai.featuregrouprowprocesssummary method)": [[176, "abacusai.FeatureGroupRowProcessSummary.__repr__", false]], "__repr__() (abacusai.featuregrouptemplate method)": [[176, "abacusai.FeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.featuregrouptemplatevariableoptions method)": [[176, "abacusai.FeatureGroupTemplateVariableOptions.__repr__", false]], "__repr__() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.__repr__", false]], "__repr__() (abacusai.featuregroupversionlogs method)": [[176, "abacusai.FeatureGroupVersionLogs.__repr__", false]], "__repr__() (abacusai.featureimportance method)": [[176, "abacusai.FeatureImportance.__repr__", false]], "__repr__() (abacusai.featuremapping method)": [[176, "abacusai.FeatureMapping.__repr__", false]], "__repr__() (abacusai.featureperformanceanalysis method)": [[176, "abacusai.FeaturePerformanceAnalysis.__repr__", false]], "__repr__() (abacusai.file_connector.fileconnector method)": [[150, "abacusai.file_connector.FileConnector.__repr__", false]], "__repr__() (abacusai.file_connector_instructions.fileconnectorinstructions method)": [[151, "abacusai.file_connector_instructions.FileConnectorInstructions.__repr__", false]], "__repr__() (abacusai.file_connector_verification.fileconnectorverification method)": [[152, "abacusai.file_connector_verification.FileConnectorVerification.__repr__", false]], "__repr__() (abacusai.fileconnector method)": [[176, "abacusai.FileConnector.__repr__", false]], "__repr__() (abacusai.fileconnectorinstructions method)": [[176, "abacusai.FileConnectorInstructions.__repr__", false]], "__repr__() (abacusai.fileconnectorverification method)": [[176, "abacusai.FileConnectorVerification.__repr__", false]], "__repr__() (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel method)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.__repr__", false]], "__repr__() (abacusai.finetunedpretrainedmodel method)": [[176, "abacusai.FinetunedPretrainedModel.__repr__", false]], "__repr__() (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata method)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.__repr__", false]], "__repr__() (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis method)": [[155, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.__repr__", false]], "__repr__() (abacusai.forecasting_monitor_summary.forecastingmonitorsummary method)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.__repr__", false]], "__repr__() (abacusai.forecastinganalysisgraphdata method)": [[176, "abacusai.ForecastingAnalysisGraphData.__repr__", false]], "__repr__() (abacusai.forecastingmonitoritemanalysis method)": [[176, "abacusai.ForecastingMonitorItemAnalysis.__repr__", false]], "__repr__() (abacusai.forecastingmonitorsummary method)": [[176, "abacusai.ForecastingMonitorSummary.__repr__", false]], "__repr__() (abacusai.fs_entry.fsentry method)": [[157, "abacusai.fs_entry.FsEntry.__repr__", false]], "__repr__() (abacusai.fsentry method)": [[176, "abacusai.FsEntry.__repr__", false]], "__repr__() (abacusai.function_logs.functionlogs method)": [[158, "abacusai.function_logs.FunctionLogs.__repr__", false]], "__repr__() (abacusai.functionlogs method)": [[176, "abacusai.FunctionLogs.__repr__", false]], "__repr__() (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption method)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.__repr__", false]], "__repr__() (abacusai.generatedpitfeatureconfigoption method)": [[176, "abacusai.GeneratedPitFeatureConfigOption.__repr__", false]], "__repr__() (abacusai.graph_dashboard.graphdashboard method)": [[161, "abacusai.graph_dashboard.GraphDashboard.__repr__", false]], "__repr__() (abacusai.graphdashboard method)": [[176, "abacusai.GraphDashboard.__repr__", false]], "__repr__() (abacusai.holdout_analysis.holdoutanalysis method)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.__repr__", false]], "__repr__() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.__repr__", false]], "__repr__() (abacusai.holdoutanalysis method)": [[176, "abacusai.HoldoutAnalysis.__repr__", false]], "__repr__() (abacusai.holdoutanalysisversion method)": [[176, "abacusai.HoldoutAnalysisVersion.__repr__", false]], "__repr__() (abacusai.hosted_app.hostedapp method)": [[164, "abacusai.hosted_app.HostedApp.__repr__", false]], "__repr__() (abacusai.hosted_app_container.hostedappcontainer method)": [[165, "abacusai.hosted_app_container.HostedAppContainer.__repr__", false]], "__repr__() (abacusai.hosted_app_file_read.hostedappfileread method)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead.__repr__", false]], "__repr__() (abacusai.hosted_artifact.hostedartifact method)": [[167, "abacusai.hosted_artifact.HostedArtifact.__repr__", false]], "__repr__() (abacusai.hosted_database.hosteddatabase method)": [[168, "abacusai.hosted_database.HostedDatabase.__repr__", false]], "__repr__() (abacusai.hosted_database_snapshot.hosteddatabasesnapshot method)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.__repr__", false]], "__repr__() (abacusai.hosted_model_token.hostedmodeltoken method)": [[170, "abacusai.hosted_model_token.HostedModelToken.__repr__", false]], "__repr__() (abacusai.hostedapp method)": [[176, "abacusai.HostedApp.__repr__", false]], "__repr__() (abacusai.hostedappcontainer method)": [[176, "abacusai.HostedAppContainer.__repr__", false]], "__repr__() (abacusai.hostedappfileread method)": [[176, "abacusai.HostedAppFileRead.__repr__", false]], "__repr__() (abacusai.hostedartifact method)": [[176, "abacusai.HostedArtifact.__repr__", false]], "__repr__() (abacusai.hosteddatabase method)": [[176, "abacusai.HostedDatabase.__repr__", false]], "__repr__() (abacusai.hosteddatabasesnapshot method)": [[176, "abacusai.HostedDatabaseSnapshot.__repr__", false]], "__repr__() (abacusai.hostedmodeltoken method)": [[176, "abacusai.HostedModelToken.__repr__", false]], "__repr__() (abacusai.hostname_info.hostnameinfo method)": [[171, "abacusai.hostname_info.HostnameInfo.__repr__", false]], "__repr__() (abacusai.hostnameinfo method)": [[176, "abacusai.HostnameInfo.__repr__", false]], "__repr__() (abacusai.hume_voice.humevoice method)": [[172, "abacusai.hume_voice.HumeVoice.__repr__", false]], "__repr__() (abacusai.humevoice method)": [[176, "abacusai.HumeVoice.__repr__", false]], "__repr__() (abacusai.image_gen_model.imagegenmodel method)": [[173, "abacusai.image_gen_model.ImageGenModel.__repr__", false]], "__repr__() (abacusai.image_gen_model_options.imagegenmodeloptions method)": [[174, "abacusai.image_gen_model_options.ImageGenModelOptions.__repr__", false]], "__repr__() (abacusai.image_gen_settings.imagegensettings method)": [[175, "abacusai.image_gen_settings.ImageGenSettings.__repr__", false]], "__repr__() (abacusai.imagegenmodel method)": [[176, "abacusai.ImageGenModel.__repr__", false]], "__repr__() (abacusai.imagegenmodeloptions method)": [[176, "abacusai.ImageGenModelOptions.__repr__", false]], "__repr__() (abacusai.imagegensettings method)": [[176, "abacusai.ImageGenSettings.__repr__", false]], "__repr__() (abacusai.indexing_config.indexingconfig method)": [[177, "abacusai.indexing_config.IndexingConfig.__repr__", false]], "__repr__() (abacusai.indexingconfig method)": [[176, "abacusai.IndexingConfig.__repr__", false]], "__repr__() (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings method)": [[178, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.__repr__", false]], "__repr__() (abacusai.inferred_feature_mappings.inferredfeaturemappings method)": [[179, "abacusai.inferred_feature_mappings.InferredFeatureMappings.__repr__", false]], "__repr__() (abacusai.inferreddatabasecolumntofeaturemappings method)": [[176, "abacusai.InferredDatabaseColumnToFeatureMappings.__repr__", false]], "__repr__() (abacusai.inferredfeaturemappings method)": [[176, "abacusai.InferredFeatureMappings.__repr__", false]], "__repr__() (abacusai.item_statistics.itemstatistics method)": [[180, "abacusai.item_statistics.ItemStatistics.__repr__", false]], "__repr__() (abacusai.itemstatistics method)": [[176, "abacusai.ItemStatistics.__repr__", false]], "__repr__() (abacusai.lip_sync_gen_settings.lipsyncgensettings method)": [[181, "abacusai.lip_sync_gen_settings.LipSyncGenSettings.__repr__", false]], "__repr__() (abacusai.lipsyncgensettings method)": [[176, "abacusai.LipSyncGenSettings.__repr__", false]], "__repr__() (abacusai.llm_app.llmapp method)": [[182, "abacusai.llm_app.LlmApp.__repr__", false]], "__repr__() (abacusai.llm_artifact.llmartifact method)": [[183, "abacusai.llm_artifact.LlmArtifact.__repr__", false]], "__repr__() (abacusai.llm_code_block.llmcodeblock method)": [[184, "abacusai.llm_code_block.LlmCodeBlock.__repr__", false]], "__repr__() (abacusai.llm_execution_preview.llmexecutionpreview method)": [[185, "abacusai.llm_execution_preview.LlmExecutionPreview.__repr__", false]], "__repr__() (abacusai.llm_execution_result.llmexecutionresult method)": [[186, "abacusai.llm_execution_result.LlmExecutionResult.__repr__", false]], "__repr__() (abacusai.llm_generated_code.llmgeneratedcode method)": [[187, "abacusai.llm_generated_code.LlmGeneratedCode.__repr__", false]], "__repr__() (abacusai.llm_input.llminput method)": [[188, "abacusai.llm_input.LlmInput.__repr__", false]], "__repr__() (abacusai.llm_parameters.llmparameters method)": [[189, "abacusai.llm_parameters.LlmParameters.__repr__", false]], "__repr__() (abacusai.llm_response.llmresponse method)": [[190, "abacusai.llm_response.LlmResponse.__repr__", false]], "__repr__() (abacusai.llmapp method)": [[176, "abacusai.LlmApp.__repr__", false]], "__repr__() (abacusai.llmartifact method)": [[176, "abacusai.LlmArtifact.__repr__", false]], "__repr__() (abacusai.llmcodeblock method)": [[176, "abacusai.LlmCodeBlock.__repr__", false]], "__repr__() (abacusai.llmexecutionpreview method)": [[176, "abacusai.LlmExecutionPreview.__repr__", false]], "__repr__() (abacusai.llmexecutionresult method)": [[176, "abacusai.LlmExecutionResult.__repr__", false]], "__repr__() (abacusai.llmgeneratedcode method)": [[176, "abacusai.LlmGeneratedCode.__repr__", false]], "__repr__() (abacusai.llminput method)": [[176, "abacusai.LlmInput.__repr__", false]], "__repr__() (abacusai.llmparameters method)": [[176, "abacusai.LlmParameters.__repr__", false]], "__repr__() (abacusai.llmresponse method)": [[176, "abacusai.LlmResponse.__repr__", false]], "__repr__() (abacusai.mcp_config.mcpconfig method)": [[191, "abacusai.mcp_config.McpConfig.__repr__", false]], "__repr__() (abacusai.mcp_server.mcpserver method)": [[192, "abacusai.mcp_server.McpServer.__repr__", false]], "__repr__() (abacusai.mcp_server_connection.mcpserverconnection method)": [[193, "abacusai.mcp_server_connection.McpServerConnection.__repr__", false]], "__repr__() (abacusai.mcp_server_query_result.mcpserverqueryresult method)": [[194, "abacusai.mcp_server_query_result.McpServerQueryResult.__repr__", false]], "__repr__() (abacusai.mcpconfig method)": [[176, "abacusai.McpConfig.__repr__", false]], "__repr__() (abacusai.mcpserver method)": [[176, "abacusai.McpServer.__repr__", false]], "__repr__() (abacusai.mcpserverconnection method)": [[176, "abacusai.McpServerConnection.__repr__", false]], "__repr__() (abacusai.mcpserverqueryresult method)": [[176, "abacusai.McpServerQueryResult.__repr__", false]], "__repr__() (abacusai.memory_options.memoryoptions method)": [[195, "abacusai.memory_options.MemoryOptions.__repr__", false]], "__repr__() (abacusai.memoryoptions method)": [[176, "abacusai.MemoryOptions.__repr__", false]], "__repr__() (abacusai.messaging_connector_response.messagingconnectorresponse method)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.__repr__", false]], "__repr__() (abacusai.messagingconnectorresponse method)": [[176, "abacusai.MessagingConnectorResponse.__repr__", false]], "__repr__() (abacusai.model method)": [[176, "abacusai.Model.__repr__", false]], "__repr__() (abacusai.model.model method)": [[197, "abacusai.model.Model.__repr__", false]], "__repr__() (abacusai.model_artifacts_export.modelartifactsexport method)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.__repr__", false]], "__repr__() (abacusai.model_blueprint_export.modelblueprintexport method)": [[199, "abacusai.model_blueprint_export.ModelBlueprintExport.__repr__", false]], "__repr__() (abacusai.model_blueprint_stage.modelblueprintstage method)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.__repr__", false]], "__repr__() (abacusai.model_location.modellocation method)": [[201, "abacusai.model_location.ModelLocation.__repr__", false]], "__repr__() (abacusai.model_metrics.modelmetrics method)": [[202, "abacusai.model_metrics.ModelMetrics.__repr__", false]], "__repr__() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.__repr__", false]], "__repr__() (abacusai.model_monitor_org_summary.modelmonitororgsummary method)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.__repr__", false]], "__repr__() (abacusai.model_monitor_summary.modelmonitorsummary method)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.__repr__", false]], "__repr__() (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg method)": [[206, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.__repr__", false]], "__repr__() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.__repr__", false]], "__repr__() (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata method)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.__repr__", false]], "__repr__() (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment method)": [[209, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.__repr__", false]], "__repr__() (abacusai.model_upload.modelupload method)": [[210, "abacusai.model_upload.ModelUpload.__repr__", false]], "__repr__() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.__repr__", false]], "__repr__() (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema method)": [[212, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.modelartifactsexport method)": [[176, "abacusai.ModelArtifactsExport.__repr__", false]], "__repr__() (abacusai.modelblueprintexport method)": [[176, "abacusai.ModelBlueprintExport.__repr__", false]], "__repr__() (abacusai.modelblueprintstage method)": [[176, "abacusai.ModelBlueprintStage.__repr__", false]], "__repr__() (abacusai.modellocation method)": [[176, "abacusai.ModelLocation.__repr__", false]], "__repr__() (abacusai.modelmetrics method)": [[176, "abacusai.ModelMetrics.__repr__", false]], "__repr__() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.__repr__", false]], "__repr__() (abacusai.modelmonitororgsummary method)": [[176, "abacusai.ModelMonitorOrgSummary.__repr__", false]], "__repr__() (abacusai.modelmonitorsummary method)": [[176, "abacusai.ModelMonitorSummary.__repr__", false]], "__repr__() (abacusai.modelmonitorsummaryfromorg method)": [[176, "abacusai.ModelMonitorSummaryFromOrg.__repr__", false]], "__repr__() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.__repr__", false]], "__repr__() (abacusai.modelmonitorversionmetricdata method)": [[176, "abacusai.ModelMonitorVersionMetricData.__repr__", false]], "__repr__() (abacusai.modeltrainingtypefordeployment method)": [[176, "abacusai.ModelTrainingTypeForDeployment.__repr__", false]], "__repr__() (abacusai.modelupload method)": [[176, "abacusai.ModelUpload.__repr__", false]], "__repr__() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.__repr__", false]], "__repr__() (abacusai.modelversionfeaturegroupschema method)": [[176, "abacusai.ModelVersionFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.modification_lock_info.modificationlockinfo method)": [[213, "abacusai.modification_lock_info.ModificationLockInfo.__repr__", false]], "__repr__() (abacusai.modificationlockinfo method)": [[176, "abacusai.ModificationLockInfo.__repr__", false]], "__repr__() (abacusai.module method)": [[176, "abacusai.Module.__repr__", false]], "__repr__() (abacusai.module.module method)": [[214, "abacusai.module.Module.__repr__", false]], "__repr__() (abacusai.monitor_alert.monitoralert method)": [[215, "abacusai.monitor_alert.MonitorAlert.__repr__", false]], "__repr__() (abacusai.monitor_alert_version.monitoralertversion method)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.__repr__", false]], "__repr__() (abacusai.monitor_drift_and_distributions.monitordriftanddistributions method)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.__repr__", false]], "__repr__() (abacusai.monitoralert method)": [[176, "abacusai.MonitorAlert.__repr__", false]], "__repr__() (abacusai.monitoralertversion method)": [[176, "abacusai.MonitorAlertVersion.__repr__", false]], "__repr__() (abacusai.monitordriftanddistributions method)": [[176, "abacusai.MonitorDriftAndDistributions.__repr__", false]], "__repr__() (abacusai.natural_language_explanation.naturallanguageexplanation method)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation.__repr__", false]], "__repr__() (abacusai.naturallanguageexplanation method)": [[176, "abacusai.NaturalLanguageExplanation.__repr__", false]], "__repr__() (abacusai.nested_feature.nestedfeature method)": [[219, "abacusai.nested_feature.NestedFeature.__repr__", false]], "__repr__() (abacusai.nested_feature_schema.nestedfeatureschema method)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.__repr__", false]], "__repr__() (abacusai.nestedfeature method)": [[176, "abacusai.NestedFeature.__repr__", false]], "__repr__() (abacusai.nestedfeatureschema method)": [[176, "abacusai.NestedFeatureSchema.__repr__", false]], "__repr__() (abacusai.news_search_result.newssearchresult method)": [[221, "abacusai.news_search_result.NewsSearchResult.__repr__", false]], "__repr__() (abacusai.newssearchresult method)": [[176, "abacusai.NewsSearchResult.__repr__", false]], "__repr__() (abacusai.nlp_chat_response.nlpchatresponse method)": [[222, "abacusai.nlp_chat_response.NlpChatResponse.__repr__", false]], "__repr__() (abacusai.nlpchatresponse method)": [[176, "abacusai.NlpChatResponse.__repr__", false]], "__repr__() (abacusai.null_violation.nullviolation method)": [[223, "abacusai.null_violation.NullViolation.__repr__", false]], "__repr__() (abacusai.nullviolation method)": [[176, "abacusai.NullViolation.__repr__", false]], "__repr__() (abacusai.organization_external_application_settings.organizationexternalapplicationsettings method)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.__repr__", false]], "__repr__() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.__repr__", false]], "__repr__() (abacusai.organization_search_result.organizationsearchresult method)": [[226, "abacusai.organization_search_result.OrganizationSearchResult.__repr__", false]], "__repr__() (abacusai.organization_secret.organizationsecret method)": [[227, "abacusai.organization_secret.OrganizationSecret.__repr__", false]], "__repr__() (abacusai.organizationexternalapplicationsettings method)": [[176, "abacusai.OrganizationExternalApplicationSettings.__repr__", false]], "__repr__() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.__repr__", false]], "__repr__() (abacusai.organizationsearchresult method)": [[176, "abacusai.OrganizationSearchResult.__repr__", false]], "__repr__() (abacusai.organizationsecret method)": [[176, "abacusai.OrganizationSecret.__repr__", false]], "__repr__() (abacusai.page_data.pagedata method)": [[228, "abacusai.page_data.PageData.__repr__", false]], "__repr__() (abacusai.pagedata method)": [[176, "abacusai.PageData.__repr__", false]], "__repr__() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.__repr__", false]], "__repr__() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.__repr__", false]], "__repr__() (abacusai.pipeline_reference.pipelinereference method)": [[230, "abacusai.pipeline_reference.PipelineReference.__repr__", false]], "__repr__() (abacusai.pipeline_step.pipelinestep method)": [[231, "abacusai.pipeline_step.PipelineStep.__repr__", false]], "__repr__() (abacusai.pipeline_step_version.pipelinestepversion method)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.__repr__", false]], "__repr__() (abacusai.pipeline_step_version_logs.pipelinestepversionlogs method)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.__repr__", false]], "__repr__() (abacusai.pipeline_step_version_reference.pipelinestepversionreference method)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.__repr__", false]], "__repr__() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.__repr__", false]], "__repr__() (abacusai.pipeline_version_logs.pipelineversionlogs method)": [[236, "abacusai.pipeline_version_logs.PipelineVersionLogs.__repr__", false]], "__repr__() (abacusai.pipelinereference method)": [[176, "abacusai.PipelineReference.__repr__", false]], "__repr__() (abacusai.pipelinestep method)": [[176, "abacusai.PipelineStep.__repr__", false]], "__repr__() (abacusai.pipelinestepversion method)": [[176, "abacusai.PipelineStepVersion.__repr__", false]], "__repr__() (abacusai.pipelinestepversionlogs method)": [[176, "abacusai.PipelineStepVersionLogs.__repr__", false]], "__repr__() (abacusai.pipelinestepversionreference method)": [[176, "abacusai.PipelineStepVersionReference.__repr__", false]], "__repr__() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.__repr__", false]], "__repr__() (abacusai.pipelineversionlogs method)": [[176, "abacusai.PipelineVersionLogs.__repr__", false]], "__repr__() (abacusai.playground_text.playgroundtext method)": [[237, "abacusai.playground_text.PlaygroundText.__repr__", false]], "__repr__() (abacusai.playgroundtext method)": [[176, "abacusai.PlaygroundText.__repr__", false]], "__repr__() (abacusai.point_in_time_feature.pointintimefeature method)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.__repr__", false]], "__repr__() (abacusai.point_in_time_feature_info.pointintimefeatureinfo method)": [[239, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.__repr__", false]], "__repr__() (abacusai.point_in_time_group.pointintimegroup method)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.__repr__", false]], "__repr__() (abacusai.point_in_time_group_feature.pointintimegroupfeature method)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.__repr__", false]], "__repr__() (abacusai.pointintimefeature method)": [[176, "abacusai.PointInTimeFeature.__repr__", false]], "__repr__() (abacusai.pointintimefeatureinfo method)": [[176, "abacusai.PointInTimeFeatureInfo.__repr__", false]], "__repr__() (abacusai.pointintimegroup method)": [[176, "abacusai.PointInTimeGroup.__repr__", false]], "__repr__() (abacusai.pointintimegroupfeature method)": [[176, "abacusai.PointInTimeGroupFeature.__repr__", false]], "__repr__() (abacusai.prediction_dataset.predictiondataset method)": [[243, "abacusai.prediction_dataset.PredictionDataset.__repr__", false]], "__repr__() (abacusai.prediction_feature_group.predictionfeaturegroup method)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.__repr__", false]], "__repr__() (abacusai.prediction_input.predictioninput method)": [[245, "abacusai.prediction_input.PredictionInput.__repr__", false]], "__repr__() (abacusai.prediction_log_record.predictionlogrecord method)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.__repr__", false]], "__repr__() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.__repr__", false]], "__repr__() (abacusai.prediction_operator_version.predictionoperatorversion method)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.__repr__", false]], "__repr__() (abacusai.predictiondataset method)": [[176, "abacusai.PredictionDataset.__repr__", false]], "__repr__() (abacusai.predictionfeaturegroup method)": [[176, "abacusai.PredictionFeatureGroup.__repr__", false]], "__repr__() (abacusai.predictioninput method)": [[176, "abacusai.PredictionInput.__repr__", false]], "__repr__() (abacusai.predictionlogrecord method)": [[176, "abacusai.PredictionLogRecord.__repr__", false]], "__repr__() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.__repr__", false]], "__repr__() (abacusai.predictionoperatorversion method)": [[176, "abacusai.PredictionOperatorVersion.__repr__", false]], "__repr__() (abacusai.presentation_export_result.presentationexportresult method)": [[249, "abacusai.presentation_export_result.PresentationExportResult.__repr__", false]], "__repr__() (abacusai.presentationexportresult method)": [[176, "abacusai.PresentationExportResult.__repr__", false]], "__repr__() (abacusai.private_web_app_deployment.privatewebappdeployment method)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.__repr__", false]], "__repr__() (abacusai.privatewebappdeployment method)": [[176, "abacusai.PrivateWebAppDeployment.__repr__", false]], "__repr__() (abacusai.problem_type.problemtype method)": [[251, "abacusai.problem_type.ProblemType.__repr__", false]], "__repr__() (abacusai.problemtype method)": [[176, "abacusai.ProblemType.__repr__", false]], "__repr__() (abacusai.project method)": [[176, "abacusai.Project.__repr__", false]], "__repr__() (abacusai.project.project method)": [[252, "abacusai.project.Project.__repr__", false]], "__repr__() (abacusai.project_config.projectconfig method)": [[253, "abacusai.project_config.ProjectConfig.__repr__", false]], "__repr__() (abacusai.project_feature_group.projectfeaturegroup method)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.__repr__", false]], "__repr__() (abacusai.project_feature_group_schema.projectfeaturegroupschema method)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion method)": [[256, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.__repr__", false]], "__repr__() (abacusai.project_validation.projectvalidation method)": [[257, "abacusai.project_validation.ProjectValidation.__repr__", false]], "__repr__() (abacusai.projectconfig method)": [[176, "abacusai.ProjectConfig.__repr__", false]], "__repr__() (abacusai.projectfeaturegroup method)": [[176, "abacusai.ProjectFeatureGroup.__repr__", false]], "__repr__() (abacusai.projectfeaturegroupschema method)": [[176, "abacusai.ProjectFeatureGroupSchema.__repr__", false]], "__repr__() (abacusai.projectfeaturegroupschemaversion method)": [[176, "abacusai.ProjectFeatureGroupSchemaVersion.__repr__", false]], "__repr__() (abacusai.projectvalidation method)": [[176, "abacusai.ProjectValidation.__repr__", false]], "__repr__() (abacusai.python_function.pythonfunction method)": [[258, "abacusai.python_function.PythonFunction.__repr__", false]], "__repr__() (abacusai.python_plot_function.pythonplotfunction method)": [[260, "abacusai.python_plot_function.PythonPlotFunction.__repr__", false]], "__repr__() (abacusai.pythonfunction method)": [[176, "abacusai.PythonFunction.__repr__", false]], "__repr__() (abacusai.pythonplotfunction method)": [[176, "abacusai.PythonPlotFunction.__repr__", false]], "__repr__() (abacusai.range_violation.rangeviolation method)": [[261, "abacusai.range_violation.RangeViolation.__repr__", false]], "__repr__() (abacusai.rangeviolation method)": [[176, "abacusai.RangeViolation.__repr__", false]], "__repr__() (abacusai.realtime_monitor.realtimemonitor method)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.__repr__", false]], "__repr__() (abacusai.realtimemonitor method)": [[176, "abacusai.RealtimeMonitor.__repr__", false]], "__repr__() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.__repr__", false]], "__repr__() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.__repr__", false]], "__repr__() (abacusai.refresh_schedule.refreshschedule method)": [[265, "abacusai.refresh_schedule.RefreshSchedule.__repr__", false]], "__repr__() (abacusai.refreshpipelinerun method)": [[176, "abacusai.RefreshPipelineRun.__repr__", false]], "__repr__() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.__repr__", false]], "__repr__() (abacusai.refreshschedule method)": [[176, "abacusai.RefreshSchedule.__repr__", false]], "__repr__() (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication method)": [[266, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.__repr__", false]], "__repr__() (abacusai.regenerate_llm_option.regeneratellmoption method)": [[267, "abacusai.regenerate_llm_option.RegenerateLlmOption.__repr__", false]], "__repr__() (abacusai.regeneratellmexternalapplication method)": [[176, "abacusai.RegenerateLlmExternalApplication.__repr__", false]], "__repr__() (abacusai.regeneratellmoption method)": [[176, "abacusai.RegenerateLlmOption.__repr__", false]], "__repr__() (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate method)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.resolvedfeaturegrouptemplate method)": [[176, "abacusai.ResolvedFeatureGroupTemplate.__repr__", false]], "__repr__() (abacusai.routing_action.routingaction method)": [[270, "abacusai.routing_action.RoutingAction.__repr__", false]], "__repr__() (abacusai.routingaction method)": [[176, "abacusai.RoutingAction.__repr__", false]], "__repr__() (abacusai.schema method)": [[176, "abacusai.Schema.__repr__", false]], "__repr__() (abacusai.schema.schema method)": [[271, "abacusai.schema.Schema.__repr__", false]], "__repr__() (abacusai.session_summary.sessionsummary method)": [[272, "abacusai.session_summary.SessionSummary.__repr__", false]], "__repr__() (abacusai.session_transcript.sessiontranscript method)": [[273, "abacusai.session_transcript.SessionTranscript.__repr__", false]], "__repr__() (abacusai.session_transcripts.sessiontranscripts method)": [[274, "abacusai.session_transcripts.SessionTranscripts.__repr__", false]], "__repr__() (abacusai.sessionsummary method)": [[176, "abacusai.SessionSummary.__repr__", false]], "__repr__() (abacusai.sessiontranscript method)": [[176, "abacusai.SessionTranscript.__repr__", false]], "__repr__() (abacusai.sessiontranscripts method)": [[176, "abacusai.SessionTranscripts.__repr__", false]], "__repr__() (abacusai.sftp_key.sftpkey method)": [[275, "abacusai.sftp_key.SftpKey.__repr__", false]], "__repr__() (abacusai.sftpkey method)": [[176, "abacusai.SftpKey.__repr__", false]], "__repr__() (abacusai.streaming_auth_token.streamingauthtoken method)": [[276, "abacusai.streaming_auth_token.StreamingAuthToken.__repr__", false]], "__repr__() (abacusai.streaming_connector.streamingconnector method)": [[278, "abacusai.streaming_connector.StreamingConnector.__repr__", false]], "__repr__() (abacusai.streaming_row_count.streamingrowcount method)": [[279, "abacusai.streaming_row_count.StreamingRowCount.__repr__", false]], "__repr__() (abacusai.streaming_sample_code.streamingsamplecode method)": [[280, "abacusai.streaming_sample_code.StreamingSampleCode.__repr__", false]], "__repr__() (abacusai.streamingauthtoken method)": [[176, "abacusai.StreamingAuthToken.__repr__", false]], "__repr__() (abacusai.streamingconnector method)": [[176, "abacusai.StreamingConnector.__repr__", false]], "__repr__() (abacusai.streamingrowcount method)": [[176, "abacusai.StreamingRowCount.__repr__", false]], "__repr__() (abacusai.streamingsamplecode method)": [[176, "abacusai.StreamingSampleCode.__repr__", false]], "__repr__() (abacusai.sts_gen_settings.stsgensettings method)": [[281, "abacusai.sts_gen_settings.StsGenSettings.__repr__", false]], "__repr__() (abacusai.stsgensettings method)": [[176, "abacusai.StsGenSettings.__repr__", false]], "__repr__() (abacusai.stt_gen_model.sttgenmodel method)": [[282, "abacusai.stt_gen_model.SttGenModel.__repr__", false]], "__repr__() (abacusai.stt_gen_model_options.sttgenmodeloptions method)": [[283, "abacusai.stt_gen_model_options.SttGenModelOptions.__repr__", false]], "__repr__() (abacusai.stt_gen_settings.sttgensettings method)": [[284, "abacusai.stt_gen_settings.SttGenSettings.__repr__", false]], "__repr__() (abacusai.sttgenmodel method)": [[176, "abacusai.SttGenModel.__repr__", false]], "__repr__() (abacusai.sttgenmodeloptions method)": [[176, "abacusai.SttGenModelOptions.__repr__", false]], "__repr__() (abacusai.sttgensettings method)": [[176, "abacusai.SttGenSettings.__repr__", false]], "__repr__() (abacusai.template_node_details.templatenodedetails method)": [[285, "abacusai.template_node_details.TemplateNodeDetails.__repr__", false]], "__repr__() (abacusai.templatenodedetails method)": [[176, "abacusai.TemplateNodeDetails.__repr__", false]], "__repr__() (abacusai.test_point_predictions.testpointpredictions method)": [[286, "abacusai.test_point_predictions.TestPointPredictions.__repr__", false]], "__repr__() (abacusai.testpointpredictions method)": [[176, "abacusai.TestPointPredictions.__repr__", false]], "__repr__() (abacusai.tone_details.tonedetails method)": [[287, "abacusai.tone_details.ToneDetails.__repr__", false]], "__repr__() (abacusai.tonedetails method)": [[176, "abacusai.ToneDetails.__repr__", false]], "__repr__() (abacusai.training_config_options.trainingconfigoptions method)": [[288, "abacusai.training_config_options.TrainingConfigOptions.__repr__", false]], "__repr__() (abacusai.trainingconfigoptions method)": [[176, "abacusai.TrainingConfigOptions.__repr__", false]], "__repr__() (abacusai.tts_gen_settings.ttsgensettings method)": [[289, "abacusai.tts_gen_settings.TtsGenSettings.__repr__", false]], "__repr__() (abacusai.ttsgensettings method)": [[176, "abacusai.TtsGenSettings.__repr__", false]], "__repr__() (abacusai.twitter_search_result.twittersearchresult method)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.__repr__", false]], "__repr__() (abacusai.twittersearchresult method)": [[176, "abacusai.TwitterSearchResult.__repr__", false]], "__repr__() (abacusai.unified_connector.unifiedconnector method)": [[291, "abacusai.unified_connector.UnifiedConnector.__repr__", false]], "__repr__() (abacusai.unifiedconnector method)": [[176, "abacusai.UnifiedConnector.__repr__", false]], "__repr__() (abacusai.upload method)": [[176, "abacusai.Upload.__repr__", false]], "__repr__() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.__repr__", false]], "__repr__() (abacusai.upload_part.uploadpart method)": [[293, "abacusai.upload_part.UploadPart.__repr__", false]], "__repr__() (abacusai.uploadpart method)": [[176, "abacusai.UploadPart.__repr__", false]], "__repr__() (abacusai.use_case.usecase method)": [[294, "abacusai.use_case.UseCase.__repr__", false]], "__repr__() (abacusai.use_case_requirements.usecaserequirements method)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.__repr__", false]], "__repr__() (abacusai.usecase method)": [[176, "abacusai.UseCase.__repr__", false]], "__repr__() (abacusai.usecaserequirements method)": [[176, "abacusai.UseCaseRequirements.__repr__", false]], "__repr__() (abacusai.user method)": [[176, "abacusai.User.__repr__", false]], "__repr__() (abacusai.user.user method)": [[296, "abacusai.user.User.__repr__", false]], "__repr__() (abacusai.user_exception.userexception method)": [[297, "abacusai.user_exception.UserException.__repr__", false]], "__repr__() (abacusai.user_group_object_permission.usergroupobjectpermission method)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission.__repr__", false]], "__repr__() (abacusai.userexception method)": [[176, "abacusai.UserException.__repr__", false]], "__repr__() (abacusai.usergroupobjectpermission method)": [[176, "abacusai.UserGroupObjectPermission.__repr__", false]], "__repr__() (abacusai.video_gen_costs.videogencosts method)": [[299, "abacusai.video_gen_costs.VideoGenCosts.__repr__", false]], "__repr__() (abacusai.video_gen_model.videogenmodel method)": [[300, "abacusai.video_gen_model.VideoGenModel.__repr__", false]], "__repr__() (abacusai.video_gen_model_options.videogenmodeloptions method)": [[301, "abacusai.video_gen_model_options.VideoGenModelOptions.__repr__", false]], "__repr__() (abacusai.video_gen_settings.videogensettings method)": [[302, "abacusai.video_gen_settings.VideoGenSettings.__repr__", false]], "__repr__() (abacusai.video_search_result.videosearchresult method)": [[303, "abacusai.video_search_result.VideoSearchResult.__repr__", false]], "__repr__() (abacusai.videogencosts method)": [[176, "abacusai.VideoGenCosts.__repr__", false]], "__repr__() (abacusai.videogenmodel method)": [[176, "abacusai.VideoGenModel.__repr__", false]], "__repr__() (abacusai.videogenmodeloptions method)": [[176, "abacusai.VideoGenModelOptions.__repr__", false]], "__repr__() (abacusai.videogensettings method)": [[176, "abacusai.VideoGenSettings.__repr__", false]], "__repr__() (abacusai.videosearchresult method)": [[176, "abacusai.VideoSearchResult.__repr__", false]], "__repr__() (abacusai.voice_gen_details.voicegendetails method)": [[304, "abacusai.voice_gen_details.VoiceGenDetails.__repr__", false]], "__repr__() (abacusai.voicegendetails method)": [[176, "abacusai.VoiceGenDetails.__repr__", false]], "__repr__() (abacusai.web_app_conversation.webappconversation method)": [[305, "abacusai.web_app_conversation.WebAppConversation.__repr__", false]], "__repr__() (abacusai.web_app_deployment_permission_dict.webappdeploymentpermissiondict method)": [[306, "abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict.__repr__", false]], "__repr__() (abacusai.web_app_domain.webappdomain method)": [[307, "abacusai.web_app_domain.WebAppDomain.__repr__", false]], "__repr__() (abacusai.web_page_response.webpageresponse method)": [[308, "abacusai.web_page_response.WebPageResponse.__repr__", false]], "__repr__() (abacusai.web_search_response.websearchresponse method)": [[309, "abacusai.web_search_response.WebSearchResponse.__repr__", false]], "__repr__() (abacusai.web_search_result.websearchresult method)": [[310, "abacusai.web_search_result.WebSearchResult.__repr__", false]], "__repr__() (abacusai.web_service_trigger_run.webservicetriggerrun method)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.__repr__", false]], "__repr__() (abacusai.webappconversation method)": [[176, "abacusai.WebAppConversation.__repr__", false]], "__repr__() (abacusai.webappdeploymentpermissiondict method)": [[176, "abacusai.WebAppDeploymentPermissionDict.__repr__", false]], "__repr__() (abacusai.webappdomain method)": [[176, "abacusai.WebAppDomain.__repr__", false]], "__repr__() (abacusai.webhook method)": [[176, "abacusai.Webhook.__repr__", false]], "__repr__() (abacusai.webhook.webhook method)": [[312, "abacusai.webhook.Webhook.__repr__", false]], "__repr__() (abacusai.webpageresponse method)": [[176, "abacusai.WebPageResponse.__repr__", false]], "__repr__() (abacusai.websearchresponse method)": [[176, "abacusai.WebSearchResponse.__repr__", false]], "__repr__() (abacusai.websearchresult method)": [[176, "abacusai.WebSearchResult.__repr__", false]], "__repr__() (abacusai.webservicetriggerrun method)": [[176, "abacusai.WebServiceTriggerRun.__repr__", false]], "__repr__() (abacusai.workflow_graph_node_details.workflowgraphnodedetails method)": [[313, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.__repr__", false]], "__repr__() (abacusai.workflow_node_template.workflownodetemplate method)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.__repr__", false]], "__repr__() (abacusai.workflowgraphnodedetails method)": [[176, "abacusai.WorkflowGraphNodeDetails.__repr__", false]], "__repr__() (abacusai.workflownodetemplate method)": [[176, "abacusai.WorkflowNodeTemplate.__repr__", false]], "__setattr__() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.__setattr__", false]], "__setattr__() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.__setattr__", false]], "__setattr__() (abacusai.workflowgraphnode method)": [[176, "abacusai.WorkflowGraphNode.__setattr__", false]], "__setitem__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__setitem__", false]], "__setitem__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__setitem__", false], [27, "id101", false], [27, "id145", false], [27, "id178", false], [27, "id197", false], [27, "id215", false], [27, "id22", false], [27, "id234", false], [27, "id253", false], [27, "id267", false], [27, "id286", false], [27, "id36", false], [27, "id55", false], [27, "id8", false], [27, "id82", false]], "__setitem__() (abacusai.apiclass method)": [[176, "abacusai.ApiClass.__setitem__", false]], "__setstate__() (abacusai.agentresponse method)": [[176, "abacusai.AgentResponse.__setstate__", false]], "__setstate__() (abacusai.client.agentresponse method)": [[58, "abacusai.client.AgentResponse.__setstate__", false]], "__str__() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.__str__", false]], "__str__() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.__str__", false], [27, "id142", false], [27, "id175", false], [27, "id19", false], [27, "id194", false], [27, "id212", false], [27, "id231", false], [27, "id250", false], [27, "id264", false], [27, "id283", false], [27, "id33", false], [27, "id5", false], [27, "id52", false], [27, "id79", false], [27, "id98", false]], "__str__() (abacusai.apiclass method)": [[176, "abacusai.ApiClass.__str__", false]], "__str__() (abacusai.apiexception method)": [[176, "abacusai.ApiException.__str__", false]], "__str__() (abacusai.client.apiexception method)": [[58, "abacusai.client.ApiException.__str__", false]], "__version__ (in module abacusai)": [[176, "abacusai.__version__", false]], "_alertactionconfigfactory (class in abacusai)": [[176, "abacusai._AlertActionConfigFactory", false]], "_alertactionconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._AlertActionConfigFactory", false]], "_alertactionconfigfactory (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory", false]], "_alertconditionconfigfactory (class in abacusai)": [[176, "abacusai._AlertConditionConfigFactory", false]], "_alertconditionconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._AlertConditionConfigFactory", false]], "_alertconditionconfigfactory (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory", false]], "_apiclassfactory (class in abacusai)": [[176, "abacusai._ApiClassFactory", false]], "_apiclassfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._ApiClassFactory", false], [27, "id151", false], [27, "id184", false], [27, "id221", false], [27, "id240", false], [27, "id273", false], [27, "id42", false], [27, "id63", false], [27, "id88", false]], "_apiclassfactory (class in abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract._ApiClassFactory", false]], "_apiexceptionfactory (class in abacusai.client)": [[58, "abacusai.client._ApiExceptionFactory", false]], "_applicationconnectordatasetconfigfactory (class in abacusai)": [[176, "abacusai._ApplicationConnectorDatasetConfigFactory", false]], "_applicationconnectordatasetconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory", false]], "_applicationconnectordatasetconfigfactory (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory", false]], "_attempt_deployment_sql_execution() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._attempt_deployment_sql_execution", false]], "_attempt_deployment_sql_execution() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._attempt_deployment_sql_execution", false]], "_batchpredictionargsfactory (class in abacusai)": [[176, "abacusai._BatchPredictionArgsFactory", false]], "_batchpredictionargsfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._BatchPredictionArgsFactory", false]], "_batchpredictionargsfactory (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory", false]], "_build_class() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._build_class", false]], "_cache (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient._cache", false]], "_cached_endpoints (in module abacusai.client)": [[58, "abacusai.client._cached_endpoints", false]], "_calculate_chunk_size() (abacusai.upload method)": [[176, "abacusai.Upload._calculate_chunk_size", false]], "_calculate_chunk_size() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload._calculate_chunk_size", false]], "_call_aiagent_app_send_message() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._call_aiagent_app_send_message", false]], "_call_aiagent_app_send_message() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._call_aiagent_app_send_message", false]], "_call_api() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._call_api", false]], "_clean_api_objects() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._clean_api_objects", false]], "_context (in module abacusai.global_context)": [[160, "abacusai.global_context._context", false]], "_detect_ocr_mode() (abacusai.api_class.dataset.documentprocessingconfig method)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig._detect_ocr_mode", false]], "_detect_ocr_mode() (abacusai.api_class.documentprocessingconfig method)": [[27, "abacusai.api_class.DocumentProcessingConfig._detect_ocr_mode", false], [27, "id168", false]], "_detect_ocr_mode() (abacusai.documentprocessingconfig method)": [[176, "abacusai.DocumentProcessingConfig._detect_ocr_mode", false]], "_discover_service_url() (in module abacusai.client)": [[58, "abacusai.client._discover_service_url", false]], "_download_avro_file() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation._download_avro_file", false]], "_download_avro_file() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation._download_avro_file", false]], "_download_avro_file() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion._download_avro_file", false]], "_download_avro_file() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion._download_avro_file", false]], "_featuregroupexportconfigfactory (class in abacusai)": [[176, "abacusai._FeatureGroupExportConfigFactory", false]], "_featuregroupexportconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory", false]], "_featuregroupexportconfigfactory (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory", false]], "_get_agent_app_request_id() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._get_agent_app_request_id", false]], "_get_agent_app_request_id() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._get_agent_app_request_id", false]], "_get_agent_caller() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._get_agent_caller", false]], "_get_agent_caller() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._get_agent_caller", false]], "_get_agent_client_type() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._get_agent_client_type", false]], "_get_agent_client_type() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._get_agent_client_type", false]], "_get_attribute_as_dict() (abacusai.return_class.abstractapiclass method)": [[269, "abacusai.return_class.AbstractApiClass._get_attribute_as_dict", false]], "_get_builder() (abacusai.alertactionconfig class method)": [[176, "abacusai.AlertActionConfig._get_builder", false]], "_get_builder() (abacusai.alertconditionconfig class method)": [[176, "abacusai.AlertConditionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.abstract.apiclass class method)": [[15, "abacusai.api_class.abstract.ApiClass._get_builder", false]], "_get_builder() (abacusai.api_class.alertactionconfig class method)": [[27, "abacusai.api_class.AlertActionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.alertconditionconfig class method)": [[27, "abacusai.api_class.AlertConditionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.apiclass class method)": [[27, "abacusai.api_class.ApiClass._get_builder", false], [27, "id141", false], [27, "id174", false], [27, "id18", false], [27, "id193", false], [27, "id211", false], [27, "id230", false], [27, "id249", false], [27, "id263", false], [27, "id282", false], [27, "id32", false], [27, "id4", false], [27, "id51", false], [27, "id78", false], [27, "id97", false]], "_get_builder() (abacusai.api_class.applicationconnectordatasetconfig class method)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.batch_prediction.batchpredictionargs class method)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs._get_builder", false]], "_get_builder() (abacusai.api_class.batchpredictionargs class method)": [[27, "abacusai.api_class.BatchPredictionArgs._get_builder", false]], "_get_builder() (abacusai.api_class.connectors.streamingconnectordatasetconfig class method)": [[20, "abacusai.api_class.connectors.StreamingConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig class method)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.deployment.predictionarguments class method)": [[23, "abacusai.api_class.deployment.PredictionArguments._get_builder", false]], "_get_builder() (abacusai.api_class.feature_group.mergeconfig class method)": [[26, "abacusai.api_class.feature_group.MergeConfig._get_builder", false]], "_get_builder() (abacusai.api_class.feature_group.operatorconfig class method)": [[26, "abacusai.api_class.feature_group.OperatorConfig._get_builder", false]], "_get_builder() (abacusai.api_class.feature_group.samplingconfig class method)": [[26, "abacusai.api_class.feature_group.SamplingConfig._get_builder", false]], "_get_builder() (abacusai.api_class.featuregroupexportconfig class method)": [[27, "abacusai.api_class.FeatureGroupExportConfig._get_builder", false]], "_get_builder() (abacusai.api_class.mergeconfig class method)": [[27, "abacusai.api_class.MergeConfig._get_builder", false]], "_get_builder() (abacusai.api_class.model.trainingconfig class method)": [[28, "abacusai.api_class.model.TrainingConfig._get_builder", false]], "_get_builder() (abacusai.api_class.monitor_alert.alertactionconfig class method)": [[30, "abacusai.api_class.monitor_alert.AlertActionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.monitor_alert.alertconditionconfig class method)": [[30, "abacusai.api_class.monitor_alert.AlertConditionConfig._get_builder", false]], "_get_builder() (abacusai.api_class.operatorconfig class method)": [[27, "abacusai.api_class.OperatorConfig._get_builder", false]], "_get_builder() (abacusai.api_class.predictionarguments class method)": [[27, "abacusai.api_class.PredictionArguments._get_builder", false]], "_get_builder() (abacusai.api_class.project.projectfeaturegroupconfig class method)": [[31, "abacusai.api_class.project.ProjectFeatureGroupConfig._get_builder", false]], "_get_builder() (abacusai.api_class.projectfeaturegroupconfig class method)": [[27, "abacusai.api_class.ProjectFeatureGroupConfig._get_builder", false]], "_get_builder() (abacusai.api_class.refresh.featuregroupexportconfig class method)": [[33, "abacusai.api_class.refresh.FeatureGroupExportConfig._get_builder", false]], "_get_builder() (abacusai.api_class.samplingconfig class method)": [[27, "abacusai.api_class.SamplingConfig._get_builder", false]], "_get_builder() (abacusai.api_class.streamingconnectordatasetconfig class method)": [[27, "abacusai.api_class.StreamingConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.api_class.trainingconfig class method)": [[27, "abacusai.api_class.TrainingConfig._get_builder", false]], "_get_builder() (abacusai.apiclass class method)": [[176, "abacusai.ApiClass._get_builder", false]], "_get_builder() (abacusai.applicationconnectordatasetconfig class method)": [[176, "abacusai.ApplicationConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.batchpredictionargs class method)": [[176, "abacusai.BatchPredictionArgs._get_builder", false]], "_get_builder() (abacusai.featuregroupexportconfig class method)": [[176, "abacusai.FeatureGroupExportConfig._get_builder", false]], "_get_builder() (abacusai.mergeconfig class method)": [[176, "abacusai.MergeConfig._get_builder", false]], "_get_builder() (abacusai.operatorconfig class method)": [[176, "abacusai.OperatorConfig._get_builder", false]], "_get_builder() (abacusai.predictionarguments class method)": [[176, "abacusai.PredictionArguments._get_builder", false]], "_get_builder() (abacusai.projectfeaturegroupconfig class method)": [[176, "abacusai.ProjectFeatureGroupConfig._get_builder", false]], "_get_builder() (abacusai.samplingconfig class method)": [[176, "abacusai.SamplingConfig._get_builder", false]], "_get_builder() (abacusai.streamingconnectordatasetconfig class method)": [[176, "abacusai.StreamingConnectorDatasetConfig._get_builder", false]], "_get_builder() (abacusai.trainingconfig class method)": [[176, "abacusai.TrainingConfig._get_builder", false]], "_get_doc_retriever_deployment_info() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._get_doc_retriever_deployment_info", false]], "_get_doc_retriever_deployment_info() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._get_doc_retriever_deployment_info", false]], "_get_filtered_dict() (abacusai.api_class.dataset.documentprocessingconfig class method)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig._get_filtered_dict", false]], "_get_filtered_dict() (abacusai.api_class.documentprocessingconfig class method)": [[27, "abacusai.api_class.DocumentProcessingConfig._get_filtered_dict", false], [27, "id169", false]], "_get_filtered_dict() (abacusai.documentprocessingconfig class method)": [[176, "abacusai.DocumentProcessingConfig._get_filtered_dict", false]], "_get_prediction_endpoint() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._get_prediction_endpoint", false]], "_get_proxy_endpoint() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._get_proxy_endpoint", false]], "_get_spark_incompatible_columns() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils._get_spark_incompatible_columns", false]], "_get_streaming_endpoint() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._get_streaming_endpoint", false]], "_get_user_friendly_type_name() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract._get_user_friendly_type_name", false]], "_is_async_app_caller() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._is_async_app_caller", false]], "_is_async_app_caller() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._is_async_app_caller", false]], "_is_json_serializable() (in module abacusai.client)": [[58, "abacusai.client._is_json_serializable", false]], "_is_proxy_app_caller() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._is_proxy_app_caller", false]], "_is_proxy_app_caller() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._is_proxy_app_caller", false]], "_mark_file_inputs_in_schema() (abacusai.api_class.ai_agents.inputnode static method)": [[16, "abacusai.api_class.ai_agents.InputNode._mark_file_inputs_in_schema", false]], "_mark_file_inputs_in_schema() (abacusai.api_class.inputnode static method)": [[27, "abacusai.api_class.InputNode._mark_file_inputs_in_schema", false]], "_mark_file_inputs_in_schema() (abacusai.inputnode static method)": [[176, "abacusai.InputNode._mark_file_inputs_in_schema", false]], "_mergeconfigfactory (class in abacusai)": [[176, "abacusai._MergeConfigFactory", false]], "_mergeconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._MergeConfigFactory", false]], "_mergeconfigfactory (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory", false]], "_monkeypatch (class in abacusai.python_function_validator)": [[259, "abacusai.python_function_validator._MonkeyPatch", false]], "_operatorconfigfactory (class in abacusai)": [[176, "abacusai._OperatorConfigFactory", false]], "_operatorconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._OperatorConfigFactory", false]], "_operatorconfigfactory (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory", false]], "_poll() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._poll", false]], "_predictionargumentsfactory (class in abacusai)": [[176, "abacusai._PredictionArgumentsFactory", false]], "_predictionargumentsfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._PredictionArgumentsFactory", false]], "_predictionargumentsfactory (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory", false]], "_projectfeaturegroupconfigfactory (class in abacusai)": [[176, "abacusai._ProjectFeatureGroupConfigFactory", false]], "_projectfeaturegroupconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory", false]], "_projectfeaturegroupconfigfactory (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory", false]], "_proxy_request() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._proxy_request", false]], "_raw_init() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode._raw_init", false]], "_raw_init() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode._raw_init", false]], "_raw_init() (abacusai.workflowgraphnode class method)": [[176, "abacusai.WorkflowGraphNode._raw_init", false]], "_repr_html_() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass._repr_html_", false]], "_repr_html_() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass._repr_html_", false], [27, "id143", false], [27, "id176", false], [27, "id195", false], [27, "id20", false], [27, "id213", false], [27, "id232", false], [27, "id251", false], [27, "id265", false], [27, "id284", false], [27, "id34", false], [27, "id53", false], [27, "id6", false], [27, "id80", false], [27, "id99", false]], "_repr_html_() (abacusai.apiclass method)": [[176, "abacusai.ApiClass._repr_html_", false]], "_request() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._request", false]], "_request_context (in module abacusai)": [[176, "abacusai._request_context", false]], "_request_context (in module abacusai.client)": [[58, "abacusai.client._request_context", false]], "_requests_retry_session() (in module abacusai.client)": [[58, "abacusai.client._requests_retry_session", false]], "_samplingconfigfactory (class in abacusai)": [[176, "abacusai._SamplingConfigFactory", false]], "_samplingconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._SamplingConfigFactory", false]], "_samplingconfigfactory (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory", false]], "_savesyspath (abacusai.python_function_validator._monkeypatch attribute)": [[259, "abacusai.python_function_validator._MonkeyPatch._savesyspath", false]], "_status_poll() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._status_poll", false]], "_status_poll() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._status_poll", false]], "_stream_llm_call() (abacusai.apiclient method)": [[176, "abacusai.ApiClient._stream_llm_call", false]], "_stream_llm_call() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient._stream_llm_call", false]], "_streamingconnectordatasetconfigfactory (class in abacusai)": [[176, "abacusai._StreamingConnectorDatasetConfigFactory", false]], "_streamingconnectordatasetconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory", false]], "_streamingconnectordatasetconfigfactory (class in abacusai.api_class.connectors)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory", false]], "_support_kwargs (abacusai.api_class.abstract.apiclass attribute)": [[15, "abacusai.api_class.abstract.ApiClass._support_kwargs", false]], "_support_kwargs (abacusai.api_class.apiclass attribute)": [[27, "abacusai.api_class.ApiClass._support_kwargs", false], [27, "id139", false], [27, "id16", false], [27, "id172", false], [27, "id191", false], [27, "id2", false], [27, "id209", false], [27, "id228", false], [27, "id247", false], [27, "id261", false], [27, "id280", false], [27, "id30", false], [27, "id49", false], [27, "id76", false], [27, "id95", false]], "_support_kwargs (abacusai.api_class.batch_prediction.batchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs._support_kwargs", false]], "_support_kwargs (abacusai.api_class.batchpredictionargs attribute)": [[27, "abacusai.api_class.BatchPredictionArgs._support_kwargs", false]], "_support_kwargs (abacusai.api_class.deployment.predictionarguments attribute)": [[23, "abacusai.api_class.deployment.PredictionArguments._support_kwargs", false]], "_support_kwargs (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig._support_kwargs", false]], "_support_kwargs (abacusai.api_class.predictionarguments attribute)": [[27, "abacusai.api_class.PredictionArguments._support_kwargs", false]], "_support_kwargs (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig._support_kwargs", false]], "_support_kwargs (abacusai.apiclass attribute)": [[176, "abacusai.ApiClass._support_kwargs", false]], "_support_kwargs (abacusai.batchpredictionargs attribute)": [[176, "abacusai.BatchPredictionArgs._support_kwargs", false]], "_support_kwargs (abacusai.predictionarguments attribute)": [[176, "abacusai.PredictionArguments._support_kwargs", false]], "_support_kwargs (abacusai.trainingconfig attribute)": [[176, "abacusai.TrainingConfig._support_kwargs", false]], "_trainingconfigfactory (class in abacusai)": [[176, "abacusai._TrainingConfigFactory", false]], "_trainingconfigfactory (class in abacusai.api_class)": [[27, "abacusai.api_class._TrainingConfigFactory", false]], "_trainingconfigfactory (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model._TrainingConfigFactory", false]], "_unset_item() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass._unset_item", false]], "_unset_item() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass._unset_item", false], [27, "id102", false], [27, "id146", false], [27, "id179", false], [27, "id198", false], [27, "id216", false], [27, "id23", false], [27, "id235", false], [27, "id254", false], [27, "id268", false], [27, "id287", false], [27, "id37", false], [27, "id56", false], [27, "id83", false], [27, "id9", false]], "_unset_item() (abacusai.apiclass method)": [[176, "abacusai.ApiClass._unset_item", false]], "_upload_from_pandas() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._upload_from_pandas", false]], "_upload_from_spark() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._upload_from_spark", false]], "_upper_snake_case_keys (abacusai.api_class.abstract.apiclass attribute)": [[15, "abacusai.api_class.abstract.ApiClass._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.api_class.apiclass attribute)": [[27, "abacusai.api_class.ApiClass._upper_snake_case_keys", false], [27, "id1", false], [27, "id138", false], [27, "id15", false], [27, "id171", false], [27, "id190", false], [27, "id208", false], [27, "id227", false], [27, "id246", false], [27, "id260", false], [27, "id279", false], [27, "id29", false], [27, "id48", false], [27, "id75", false], [27, "id94", false]], "_upper_snake_case_keys (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.apiclass attribute)": [[176, "abacusai.ApiClass._upper_snake_case_keys", false]], "_upper_snake_case_keys (abacusai.trainingconfig attribute)": [[176, "abacusai.TrainingConfig._upper_snake_case_keys", false]], "_validate_instance() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract._validate_instance", false]], "_validate_pandas_df() (abacusai.client.baseapiclient method)": [[58, "abacusai.client.BaseApiClient._validate_pandas_df", false]], "_yield_upload_part() (abacusai.upload method)": [[176, "abacusai.Upload._yield_upload_part", false]], "_yield_upload_part() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload._yield_upload_part", false]], "abacus_dracarys (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.ABACUS_DRACARYS", false]], "abacus_dracarys (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.ABACUS_DRACARYS", false]], "abacus_dracarys (abacusai.llmname attribute)": [[176, "abacusai.LLMName.ABACUS_DRACARYS", false]], "abacus_internal_model (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.abacus_internal_model", false]], "abacus_internal_model (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.abacus_internal_model", false]], "abacus_internal_model (abacusai.naturallanguagesearchtrainingconfig attribute)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig.abacus_internal_model", false]], "abacus_smaug3 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.ABACUS_SMAUG3", false]], "abacus_smaug3 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.ABACUS_SMAUG3", false]], "abacus_smaug3 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.ABACUS_SMAUG3", false]], "abacusai": [[176, "module-abacusai", false]], "abacusai.abacus_api": [[0, "module-abacusai.abacus_api", false]], "abacusai.address": [[1, "module-abacusai.address", false]], "abacusai.agent": [[2, "module-abacusai.agent", false]], "abacusai.agent_chat_message": [[3, "module-abacusai.agent_chat_message", false]], "abacusai.agent_conversation": [[4, "module-abacusai.agent_conversation", false]], "abacusai.agent_data_document_info": [[5, "module-abacusai.agent_data_document_info", false]], "abacusai.agent_data_execution_result": [[6, "module-abacusai.agent_data_execution_result", false]], "abacusai.agent_version": [[7, "module-abacusai.agent_version", false]], "abacusai.ai_building_task": [[8, "module-abacusai.ai_building_task", false]], "abacusai.algorithm": [[9, "module-abacusai.algorithm", false]], "abacusai.annotation": [[10, "module-abacusai.annotation", false]], "abacusai.annotation_config": [[11, "module-abacusai.annotation_config", false]], "abacusai.annotation_document": [[12, "module-abacusai.annotation_document", false]], "abacusai.annotation_entry": [[13, "module-abacusai.annotation_entry", false]], "abacusai.annotations_status": [[14, "module-abacusai.annotations_status", false]], "abacusai.api_class": [[27, "module-abacusai.api_class", false]], "abacusai.api_class.abstract": [[15, "module-abacusai.api_class.abstract", false]], "abacusai.api_class.ai_agents": [[16, "module-abacusai.api_class.ai_agents", false]], "abacusai.api_class.ai_chat": [[17, "module-abacusai.api_class.ai_chat", false]], "abacusai.api_class.batch_prediction": [[18, "module-abacusai.api_class.batch_prediction", false]], "abacusai.api_class.blob_input": [[19, "module-abacusai.api_class.blob_input", false]], "abacusai.api_class.connectors": [[20, "module-abacusai.api_class.connectors", false]], "abacusai.api_class.dataset": [[21, "module-abacusai.api_class.dataset", false]], "abacusai.api_class.dataset_application_connector": [[22, "module-abacusai.api_class.dataset_application_connector", false]], "abacusai.api_class.deployment": [[23, "module-abacusai.api_class.deployment", false]], "abacusai.api_class.document_retriever": [[24, "module-abacusai.api_class.document_retriever", false]], "abacusai.api_class.enums": [[25, "module-abacusai.api_class.enums", false]], "abacusai.api_class.feature_group": [[26, "module-abacusai.api_class.feature_group", false]], "abacusai.api_class.model": [[28, "module-abacusai.api_class.model", false]], "abacusai.api_class.monitor": [[29, "module-abacusai.api_class.monitor", false]], "abacusai.api_class.monitor_alert": [[30, "module-abacusai.api_class.monitor_alert", false]], "abacusai.api_class.project": [[31, "module-abacusai.api_class.project", false]], "abacusai.api_class.python_functions": [[32, "module-abacusai.api_class.python_functions", false]], "abacusai.api_class.refresh": [[33, "module-abacusai.api_class.refresh", false]], "abacusai.api_class.segments": [[34, "module-abacusai.api_class.segments", false]], "abacusai.api_client_utils": [[35, "module-abacusai.api_client_utils", false]], "abacusai.api_endpoint": [[36, "module-abacusai.api_endpoint", false]], "abacusai.api_key": [[37, "module-abacusai.api_key", false]], "abacusai.app_user_group": [[38, "module-abacusai.app_user_group", false]], "abacusai.app_user_group_sign_in_token": [[39, "module-abacusai.app_user_group_sign_in_token", false]], "abacusai.application_connector": [[40, "module-abacusai.application_connector", false]], "abacusai.audio_gen_settings": [[41, "module-abacusai.audio_gen_settings", false]], "abacusai.audio_url_result": [[42, "module-abacusai.audio_url_result", false]], "abacusai.audit_log": [[43, "module-abacusai.audit_log", false]], "abacusai.batch_prediction": [[44, "module-abacusai.batch_prediction", false]], "abacusai.batch_prediction_version": [[45, "module-abacusai.batch_prediction_version", false]], "abacusai.batch_prediction_version_logs": [[46, "module-abacusai.batch_prediction_version_logs", false]], "abacusai.bot_info": [[47, "module-abacusai.bot_info", false]], "abacusai.categorical_range_violation": [[48, "module-abacusai.categorical_range_violation", false]], "abacusai.chat_message": [[49, "module-abacusai.chat_message", false]], "abacusai.chat_session": [[50, "module-abacusai.chat_session", false]], "abacusai.chatllm_computer": [[51, "module-abacusai.chatllm_computer", false]], "abacusai.chatllm_computer_status": [[52, "module-abacusai.chatllm_computer_status", false]], "abacusai.chatllm_memory": [[53, "module-abacusai.chatllm_memory", false]], "abacusai.chatllm_project": [[54, "module-abacusai.chatllm_project", false]], "abacusai.chatllm_project_permissions": [[55, "module-abacusai.chatllm_project_permissions", false]], "abacusai.chatllm_referral_invite": [[56, "module-abacusai.chatllm_referral_invite", false]], "abacusai.chatllm_task": [[57, "module-abacusai.chatllm_task", false]], "abacusai.client": [[58, "module-abacusai.client", false]], "abacusai.code_agent_response": [[59, "module-abacusai.code_agent_response", false]], "abacusai.code_autocomplete_edit_prediction_response": [[60, "module-abacusai.code_autocomplete_edit_prediction_response", false]], "abacusai.code_autocomplete_response": [[61, "module-abacusai.code_autocomplete_response", false]], "abacusai.code_bot": [[62, "module-abacusai.code_bot", false]], "abacusai.code_edit": [[63, "module-abacusai.code_edit", false]], "abacusai.code_edit_response": [[64, "module-abacusai.code_edit_response", false]], "abacusai.code_edits": [[65, "module-abacusai.code_edits", false]], "abacusai.code_embeddings": [[66, "module-abacusai.code_embeddings", false]], "abacusai.code_llm_changed_files": [[67, "module-abacusai.code_llm_changed_files", false]], "abacusai.code_source": [[68, "module-abacusai.code_source", false]], "abacusai.code_suggestion_validation_response": [[69, "module-abacusai.code_suggestion_validation_response", false]], "abacusai.code_summary_response": [[70, "module-abacusai.code_summary_response", false]], "abacusai.codellm_embedding_constants": [[71, "module-abacusai.codellm_embedding_constants", false]], "abacusai.compute_point_info": [[72, "module-abacusai.compute_point_info", false]], "abacusai.concatenation_config": [[73, "module-abacusai.concatenation_config", false]], "abacusai.constants_autocomplete_response": [[74, "module-abacusai.constants_autocomplete_response", false]], "abacusai.cpu_gpu_memory_specs": [[75, "module-abacusai.cpu_gpu_memory_specs", false]], "abacusai.cryptography": [[76, "module-abacusai.cryptography", false]], "abacusai.custom_chat_instructions": [[77, "module-abacusai.custom_chat_instructions", false]], "abacusai.custom_domain": [[78, "module-abacusai.custom_domain", false]], "abacusai.custom_loss_function": [[79, "module-abacusai.custom_loss_function", false]], "abacusai.custom_metric": [[80, "module-abacusai.custom_metric", false]], "abacusai.custom_metric_version": [[81, "module-abacusai.custom_metric_version", false]], "abacusai.custom_train_function_info": [[82, "module-abacusai.custom_train_function_info", false]], "abacusai.daemon_task_conversation": [[83, "module-abacusai.daemon_task_conversation", false]], "abacusai.data_consistency_duplication": [[84, "module-abacusai.data_consistency_duplication", false]], "abacusai.data_metrics": [[85, "module-abacusai.data_metrics", false]], "abacusai.data_prep_logs": [[86, "module-abacusai.data_prep_logs", false]], "abacusai.data_quality_results": [[87, "module-abacusai.data_quality_results", false]], "abacusai.data_upload_result": [[88, "module-abacusai.data_upload_result", false]], "abacusai.database_column_feature_mapping": [[89, "module-abacusai.database_column_feature_mapping", false]], "abacusai.database_connector": [[90, "module-abacusai.database_connector", false]], "abacusai.database_connector_column": [[91, "module-abacusai.database_connector_column", false]], "abacusai.database_connector_schema": [[92, "module-abacusai.database_connector_schema", false]], "abacusai.dataset": [[93, "module-abacusai.dataset", false]], "abacusai.dataset_column": [[94, "module-abacusai.dataset_column", false]], "abacusai.dataset_version": [[95, "module-abacusai.dataset_version", false]], "abacusai.dataset_version_logs": [[96, "module-abacusai.dataset_version_logs", false]], "abacusai.default_llm": [[97, "module-abacusai.default_llm", false]], "abacusai.deployment": [[98, "module-abacusai.deployment", false]], "abacusai.deployment_auth_token": [[99, "module-abacusai.deployment_auth_token", false]], "abacusai.deployment_conversation": [[100, "module-abacusai.deployment_conversation", false]], "abacusai.deployment_conversation_event": [[101, "module-abacusai.deployment_conversation_event", false]], "abacusai.deployment_conversation_export": [[102, "module-abacusai.deployment_conversation_export", false]], "abacusai.deployment_statistics": [[103, "module-abacusai.deployment_statistics", false]], "abacusai.document_data": [[104, "module-abacusai.document_data", false]], "abacusai.document_retriever": [[105, "module-abacusai.document_retriever", false]], "abacusai.document_retriever_lookup_result": [[106, "module-abacusai.document_retriever_lookup_result", false]], "abacusai.document_retriever_version": [[107, "module-abacusai.document_retriever_version", false]], "abacusai.document_retriever_version_logs": [[108, "module-abacusai.document_retriever_version_logs", false]], "abacusai.domain_purchase_result": [[109, "module-abacusai.domain_purchase_result", false]], "abacusai.domain_search_result": [[110, "module-abacusai.domain_search_result", false]], "abacusai.drift_distribution": [[111, "module-abacusai.drift_distribution", false]], "abacusai.drift_distributions": [[112, "module-abacusai.drift_distributions", false]], "abacusai.eda": [[113, "module-abacusai.eda", false]], "abacusai.eda_chart_description": [[114, "module-abacusai.eda_chart_description", false]], "abacusai.eda_collinearity": [[115, "module-abacusai.eda_collinearity", false]], "abacusai.eda_data_consistency": [[116, "module-abacusai.eda_data_consistency", false]], "abacusai.eda_feature_association": [[117, "module-abacusai.eda_feature_association", false]], "abacusai.eda_feature_collinearity": [[118, "module-abacusai.eda_feature_collinearity", false]], "abacusai.eda_forecasting_analysis": [[119, "module-abacusai.eda_forecasting_analysis", false]], "abacusai.eda_version": [[120, "module-abacusai.eda_version", false]], "abacusai.edit_image_models": [[121, "module-abacusai.edit_image_models", false]], "abacusai.embedding_feature_drift_distribution": [[122, "module-abacusai.embedding_feature_drift_distribution", false]], "abacusai.entri_auth_token": [[123, "module-abacusai.entri_auth_token", false]], "abacusai.execute_feature_group_operation": [[124, "module-abacusai.execute_feature_group_operation", false]], "abacusai.external_application": [[125, "module-abacusai.external_application", false]], "abacusai.external_invite": [[126, "module-abacusai.external_invite", false]], "abacusai.extracted_fields": [[127, "module-abacusai.extracted_fields", false]], "abacusai.feature": [[128, "module-abacusai.feature", false]], "abacusai.feature_distribution": [[129, "module-abacusai.feature_distribution", false]], "abacusai.feature_drift_record": [[130, "module-abacusai.feature_drift_record", false]], "abacusai.feature_drift_summary": [[131, "module-abacusai.feature_drift_summary", false]], "abacusai.feature_group": [[132, "module-abacusai.feature_group", false]], "abacusai.feature_group_document": [[133, "module-abacusai.feature_group_document", false]], "abacusai.feature_group_export": [[134, "module-abacusai.feature_group_export", false]], "abacusai.feature_group_export_config": [[135, "module-abacusai.feature_group_export_config", false]], "abacusai.feature_group_export_download_url": [[136, "module-abacusai.feature_group_export_download_url", false]], "abacusai.feature_group_lineage": [[137, "module-abacusai.feature_group_lineage", false]], "abacusai.feature_group_refresh_export_config": [[138, "module-abacusai.feature_group_refresh_export_config", false]], "abacusai.feature_group_row": [[139, "module-abacusai.feature_group_row", false]], "abacusai.feature_group_row_process": [[140, "module-abacusai.feature_group_row_process", false]], "abacusai.feature_group_row_process_logs": [[141, "module-abacusai.feature_group_row_process_logs", false]], "abacusai.feature_group_row_process_summary": [[142, "module-abacusai.feature_group_row_process_summary", false]], "abacusai.feature_group_template": [[143, "module-abacusai.feature_group_template", false]], "abacusai.feature_group_template_variable_options": [[144, "module-abacusai.feature_group_template_variable_options", false]], "abacusai.feature_group_version": [[145, "module-abacusai.feature_group_version", false]], "abacusai.feature_group_version_logs": [[146, "module-abacusai.feature_group_version_logs", false]], "abacusai.feature_importance": [[147, "module-abacusai.feature_importance", false]], "abacusai.feature_mapping": [[148, "module-abacusai.feature_mapping", false]], "abacusai.feature_performance_analysis": [[149, "module-abacusai.feature_performance_analysis", false]], "abacusai.file_connector": [[150, "module-abacusai.file_connector", false]], "abacusai.file_connector_instructions": [[151, "module-abacusai.file_connector_instructions", false]], "abacusai.file_connector_verification": [[152, "module-abacusai.file_connector_verification", false]], "abacusai.finetuned_pretrained_model": [[153, "module-abacusai.finetuned_pretrained_model", false]], "abacusai.forecasting_analysis_graph_data": [[154, "module-abacusai.forecasting_analysis_graph_data", false]], "abacusai.forecasting_monitor_item_analysis": [[155, "module-abacusai.forecasting_monitor_item_analysis", false]], "abacusai.forecasting_monitor_summary": [[156, "module-abacusai.forecasting_monitor_summary", false]], "abacusai.fs_entry": [[157, "module-abacusai.fs_entry", false]], "abacusai.function_logs": [[158, "module-abacusai.function_logs", false]], "abacusai.generated_pit_feature_config_option": [[159, "module-abacusai.generated_pit_feature_config_option", false]], "abacusai.global_context": [[160, "module-abacusai.global_context", false]], "abacusai.graph_dashboard": [[161, "module-abacusai.graph_dashboard", false]], "abacusai.holdout_analysis": [[162, "module-abacusai.holdout_analysis", false]], "abacusai.holdout_analysis_version": [[163, "module-abacusai.holdout_analysis_version", false]], "abacusai.hosted_app": [[164, "module-abacusai.hosted_app", false]], "abacusai.hosted_app_container": [[165, "module-abacusai.hosted_app_container", false]], "abacusai.hosted_app_file_read": [[166, "module-abacusai.hosted_app_file_read", false]], "abacusai.hosted_artifact": [[167, "module-abacusai.hosted_artifact", false]], "abacusai.hosted_database": [[168, "module-abacusai.hosted_database", false]], "abacusai.hosted_database_snapshot": [[169, "module-abacusai.hosted_database_snapshot", false]], "abacusai.hosted_model_token": [[170, "module-abacusai.hosted_model_token", false]], "abacusai.hostname_info": [[171, "module-abacusai.hostname_info", false]], "abacusai.hume_voice": [[172, "module-abacusai.hume_voice", false]], "abacusai.image_gen_model": [[173, "module-abacusai.image_gen_model", false]], "abacusai.image_gen_model_options": [[174, "module-abacusai.image_gen_model_options", false]], "abacusai.image_gen_settings": [[175, "module-abacusai.image_gen_settings", false]], "abacusai.indexing_config": [[177, "module-abacusai.indexing_config", false]], "abacusai.inferred_database_column_to_feature_mappings": [[178, "module-abacusai.inferred_database_column_to_feature_mappings", false]], "abacusai.inferred_feature_mappings": [[179, "module-abacusai.inferred_feature_mappings", false]], "abacusai.item_statistics": [[180, "module-abacusai.item_statistics", false]], "abacusai.lip_sync_gen_settings": [[181, "module-abacusai.lip_sync_gen_settings", false]], "abacusai.llm_app": [[182, "module-abacusai.llm_app", false]], "abacusai.llm_artifact": [[183, "module-abacusai.llm_artifact", false]], "abacusai.llm_code_block": [[184, "module-abacusai.llm_code_block", false]], "abacusai.llm_execution_preview": [[185, "module-abacusai.llm_execution_preview", false]], "abacusai.llm_execution_result": [[186, "module-abacusai.llm_execution_result", false]], "abacusai.llm_generated_code": [[187, "module-abacusai.llm_generated_code", false]], "abacusai.llm_input": [[188, "module-abacusai.llm_input", false]], "abacusai.llm_parameters": [[189, "module-abacusai.llm_parameters", false]], "abacusai.llm_response": [[190, "module-abacusai.llm_response", false]], "abacusai.mcp_config": [[191, "module-abacusai.mcp_config", false]], "abacusai.mcp_server": [[192, "module-abacusai.mcp_server", false]], "abacusai.mcp_server_connection": [[193, "module-abacusai.mcp_server_connection", false]], "abacusai.mcp_server_query_result": [[194, "module-abacusai.mcp_server_query_result", false]], "abacusai.memory_options": [[195, "module-abacusai.memory_options", false]], "abacusai.messaging_connector_response": [[196, "module-abacusai.messaging_connector_response", false]], "abacusai.model": [[197, "module-abacusai.model", false]], "abacusai.model_artifacts_export": [[198, "module-abacusai.model_artifacts_export", false]], "abacusai.model_blueprint_export": [[199, "module-abacusai.model_blueprint_export", false]], "abacusai.model_blueprint_stage": [[200, "module-abacusai.model_blueprint_stage", false]], "abacusai.model_location": [[201, "module-abacusai.model_location", false]], "abacusai.model_metrics": [[202, "module-abacusai.model_metrics", false]], "abacusai.model_monitor": [[203, "module-abacusai.model_monitor", false]], "abacusai.model_monitor_org_summary": [[204, "module-abacusai.model_monitor_org_summary", false]], "abacusai.model_monitor_summary": [[205, "module-abacusai.model_monitor_summary", false]], "abacusai.model_monitor_summary_from_org": [[206, "module-abacusai.model_monitor_summary_from_org", false]], "abacusai.model_monitor_version": [[207, "module-abacusai.model_monitor_version", false]], "abacusai.model_monitor_version_metric_data": [[208, "module-abacusai.model_monitor_version_metric_data", false]], "abacusai.model_training_type_for_deployment": [[209, "module-abacusai.model_training_type_for_deployment", false]], "abacusai.model_upload": [[210, "module-abacusai.model_upload", false]], "abacusai.model_version": [[211, "module-abacusai.model_version", false]], "abacusai.model_version_feature_group_schema": [[212, "module-abacusai.model_version_feature_group_schema", false]], "abacusai.modification_lock_info": [[213, "module-abacusai.modification_lock_info", false]], "abacusai.module": [[214, "module-abacusai.module", false]], "abacusai.monitor_alert": [[215, "module-abacusai.monitor_alert", false]], "abacusai.monitor_alert_version": [[216, "module-abacusai.monitor_alert_version", false]], "abacusai.monitor_drift_and_distributions": [[217, "module-abacusai.monitor_drift_and_distributions", false]], "abacusai.natural_language_explanation": [[218, "module-abacusai.natural_language_explanation", false]], "abacusai.nested_feature": [[219, "module-abacusai.nested_feature", false]], "abacusai.nested_feature_schema": [[220, "module-abacusai.nested_feature_schema", false]], "abacusai.news_search_result": [[221, "module-abacusai.news_search_result", false]], "abacusai.nlp_chat_response": [[222, "module-abacusai.nlp_chat_response", false]], "abacusai.null_violation": [[223, "module-abacusai.null_violation", false]], "abacusai.organization_external_application_settings": [[224, "module-abacusai.organization_external_application_settings", false]], "abacusai.organization_group": [[225, "module-abacusai.organization_group", false]], "abacusai.organization_search_result": [[226, "module-abacusai.organization_search_result", false]], "abacusai.organization_secret": [[227, "module-abacusai.organization_secret", false]], "abacusai.page_data": [[228, "module-abacusai.page_data", false]], "abacusai.pipeline": [[229, "module-abacusai.pipeline", false]], "abacusai.pipeline_reference": [[230, "module-abacusai.pipeline_reference", false]], "abacusai.pipeline_step": [[231, "module-abacusai.pipeline_step", false]], "abacusai.pipeline_step_version": [[232, "module-abacusai.pipeline_step_version", false]], "abacusai.pipeline_step_version_logs": [[233, "module-abacusai.pipeline_step_version_logs", false]], "abacusai.pipeline_step_version_reference": [[234, "module-abacusai.pipeline_step_version_reference", false]], "abacusai.pipeline_version": [[235, "module-abacusai.pipeline_version", false]], "abacusai.pipeline_version_logs": [[236, "module-abacusai.pipeline_version_logs", false]], "abacusai.playground_text": [[237, "module-abacusai.playground_text", false]], "abacusai.point_in_time_feature": [[238, "module-abacusai.point_in_time_feature", false]], "abacusai.point_in_time_feature_info": [[239, "module-abacusai.point_in_time_feature_info", false]], "abacusai.point_in_time_group": [[240, "module-abacusai.point_in_time_group", false]], "abacusai.point_in_time_group_feature": [[241, "module-abacusai.point_in_time_group_feature", false]], "abacusai.prediction_client": [[242, "module-abacusai.prediction_client", false]], "abacusai.prediction_dataset": [[243, "module-abacusai.prediction_dataset", false]], "abacusai.prediction_feature_group": [[244, "module-abacusai.prediction_feature_group", false]], "abacusai.prediction_input": [[245, "module-abacusai.prediction_input", false]], "abacusai.prediction_log_record": [[246, "module-abacusai.prediction_log_record", false]], "abacusai.prediction_operator": [[247, "module-abacusai.prediction_operator", false]], "abacusai.prediction_operator_version": [[248, "module-abacusai.prediction_operator_version", false]], "abacusai.presentation_export_result": [[249, "module-abacusai.presentation_export_result", false]], "abacusai.private_web_app_deployment": [[250, "module-abacusai.private_web_app_deployment", false]], "abacusai.problem_type": [[251, "module-abacusai.problem_type", false]], "abacusai.project": [[252, "module-abacusai.project", false]], "abacusai.project_config": [[253, "module-abacusai.project_config", false]], "abacusai.project_feature_group": [[254, "module-abacusai.project_feature_group", false]], "abacusai.project_feature_group_schema": [[255, "module-abacusai.project_feature_group_schema", false]], "abacusai.project_feature_group_schema_version": [[256, "module-abacusai.project_feature_group_schema_version", false]], "abacusai.project_validation": [[257, "module-abacusai.project_validation", false]], "abacusai.python_function": [[258, "module-abacusai.python_function", false]], "abacusai.python_function_validator": [[259, "module-abacusai.python_function_validator", false]], "abacusai.python_plot_function": [[260, "module-abacusai.python_plot_function", false]], "abacusai.range_violation": [[261, "module-abacusai.range_violation", false]], "abacusai.realtime_monitor": [[262, "module-abacusai.realtime_monitor", false]], "abacusai.refresh_pipeline_run": [[263, "module-abacusai.refresh_pipeline_run", false]], "abacusai.refresh_policy": [[264, "module-abacusai.refresh_policy", false]], "abacusai.refresh_schedule": [[265, "module-abacusai.refresh_schedule", false]], "abacusai.regenerate_llm_external_application": [[266, "module-abacusai.regenerate_llm_external_application", false]], "abacusai.regenerate_llm_option": [[267, "module-abacusai.regenerate_llm_option", false]], "abacusai.resolved_feature_group_template": [[268, "module-abacusai.resolved_feature_group_template", false]], "abacusai.return_class": [[269, "module-abacusai.return_class", false]], "abacusai.routing_action": [[270, "module-abacusai.routing_action", false]], "abacusai.schema": [[271, "module-abacusai.schema", false]], "abacusai.session_summary": [[272, "module-abacusai.session_summary", false]], "abacusai.session_transcript": [[273, "module-abacusai.session_transcript", false]], "abacusai.session_transcripts": [[274, "module-abacusai.session_transcripts", false]], "abacusai.sftp_key": [[275, "module-abacusai.sftp_key", false]], "abacusai.streaming_auth_token": [[276, "module-abacusai.streaming_auth_token", false]], "abacusai.streaming_client": [[277, "module-abacusai.streaming_client", false]], "abacusai.streaming_connector": [[278, "module-abacusai.streaming_connector", false]], "abacusai.streaming_row_count": [[279, "module-abacusai.streaming_row_count", false]], "abacusai.streaming_sample_code": [[280, "module-abacusai.streaming_sample_code", false]], "abacusai.sts_gen_settings": [[281, "module-abacusai.sts_gen_settings", false]], "abacusai.stt_gen_model": [[282, "module-abacusai.stt_gen_model", false]], "abacusai.stt_gen_model_options": [[283, "module-abacusai.stt_gen_model_options", false]], "abacusai.stt_gen_settings": [[284, "module-abacusai.stt_gen_settings", false]], "abacusai.template_node_details": [[285, "module-abacusai.template_node_details", false]], "abacusai.test_point_predictions": [[286, "module-abacusai.test_point_predictions", false]], "abacusai.tone_details": [[287, "module-abacusai.tone_details", false]], "abacusai.training_config_options": [[288, "module-abacusai.training_config_options", false]], "abacusai.tts_gen_settings": [[289, "module-abacusai.tts_gen_settings", false]], "abacusai.twitter_search_result": [[290, "module-abacusai.twitter_search_result", false]], "abacusai.unified_connector": [[291, "module-abacusai.unified_connector", false]], "abacusai.upload": [[292, "module-abacusai.upload", false]], "abacusai.upload_part": [[293, "module-abacusai.upload_part", false]], "abacusai.use_case": [[294, "module-abacusai.use_case", false]], "abacusai.use_case_requirements": [[295, "module-abacusai.use_case_requirements", false]], "abacusai.user": [[296, "module-abacusai.user", false]], "abacusai.user_exception": [[297, "module-abacusai.user_exception", false]], "abacusai.user_group_object_permission": [[298, "module-abacusai.user_group_object_permission", false]], "abacusai.video_gen_costs": [[299, "module-abacusai.video_gen_costs", false]], "abacusai.video_gen_model": [[300, "module-abacusai.video_gen_model", false]], "abacusai.video_gen_model_options": [[301, "module-abacusai.video_gen_model_options", false]], "abacusai.video_gen_settings": [[302, "module-abacusai.video_gen_settings", false]], "abacusai.video_search_result": [[303, "module-abacusai.video_search_result", false]], "abacusai.voice_gen_details": [[304, "module-abacusai.voice_gen_details", false]], "abacusai.web_app_conversation": [[305, "module-abacusai.web_app_conversation", false]], "abacusai.web_app_deployment_permission_dict": [[306, "module-abacusai.web_app_deployment_permission_dict", false]], "abacusai.web_app_domain": [[307, "module-abacusai.web_app_domain", false]], "abacusai.web_page_response": [[308, "module-abacusai.web_page_response", false]], "abacusai.web_search_response": [[309, "module-abacusai.web_search_response", false]], "abacusai.web_search_result": [[310, "module-abacusai.web_search_result", false]], "abacusai.web_service_trigger_run": [[311, "module-abacusai.web_service_trigger_run", false]], "abacusai.webhook": [[312, "module-abacusai.webhook", false]], "abacusai.workflow_graph_node_details": [[313, "module-abacusai.workflow_graph_node_details", false]], "abacusai.workflow_node_template": [[314, "module-abacusai.workflow_node_template", false]], "abacusapi (class in abacusai)": [[176, "abacusai.AbacusApi", false]], "abacusapi (class in abacusai.abacus_api)": [[0, "abacusai.abacus_api.AbacusApi", false]], "abacususagemetrics (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ABACUSUSAGEMETRICS", false]], "abacususagemetrics (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ABACUSUSAGEMETRICS", false]], "abacususagemetrics (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.ABACUSUSAGEMETRICS", false]], "abacususagemetricsdatasetconfig (class in abacusai)": [[176, "abacusai.AbacusUsageMetricsDatasetConfig", false]], "abacususagemetricsdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig", false]], "abacususagemetricsdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig", false]], "absolute (abacusai.api_class.enums.stddevthresholdtype attribute)": [[25, "abacusai.api_class.enums.StdDevThresholdType.ABSOLUTE", false]], "absolute (abacusai.api_class.stddevthresholdtype attribute)": [[27, "abacusai.api_class.StdDevThresholdType.ABSOLUTE", false], [27, "id204", false]], "absolute (abacusai.stddevthresholdtype attribute)": [[176, "abacusai.StdDevThresholdType.ABSOLUTE", false]], "abstractapiclass (class in abacusai.return_class)": [[269, "abacusai.return_class.AbstractApiClass", false]], "accent (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.accent", false]], "accent (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.accent", false]], "acceptance_delay (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.acceptance_delay", false]], "acceptance_delay (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.acceptance_delay", false]], "access_level (abacusai.chatllm_project_permissions.chatllmprojectpermissions attribute)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions.access_level", false]], "access_level (abacusai.chatllmprojectpermissions attribute)": [[176, "abacusai.ChatllmProjectPermissions.access_level", false]], "access_level (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.access_level", false]], "access_level (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.access_level", false]], "accuracy (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.ACCURACY", false]], "accuracy (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.ACCURACY", false]], "accuracy (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.ACCURACY", false]], "accuracy (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.ACCURACY", false]], "accuracy (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.ACCURACY", false]], "accuracy (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.ACCURACY", false]], "accuracy_below_threshold (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.ACCURACY_BELOW_THRESHOLD", false]], "accuracy_below_threshold (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.ACCURACY_BELOW_THRESHOLD", false]], "accuracy_below_threshold (abacusai.monitoralerttype attribute)": [[176, "abacusai.MonitorAlertType.ACCURACY_BELOW_THRESHOLD", false]], "accuracybelowthresholdconditionconfig (class in abacusai)": [[176, "abacusai.AccuracyBelowThresholdConditionConfig", false]], "accuracybelowthresholdconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AccuracyBelowThresholdConditionConfig", false]], "accuracybelowthresholdconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig", false]], "action (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.action", false]], "action (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.action", false]], "action_completed_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.action_completed_at", false]], "action_completed_at (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.action_completed_at", false]], "action_config (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.action_config", false]], "action_config (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.action_config", false]], "action_config (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.action_config", false]], "action_config (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.action_config", false]], "action_description (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.action_description", false]], "action_description (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.action_description", false]], "action_description (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.action_description", false]], "action_description (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.action_description", false]], "action_error (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.action_error", false]], "action_error (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.action_error", false]], "action_started_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.action_started_at", false]], "action_started_at (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.action_started_at", false]], "action_status (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.action_status", false]], "action_status (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.action_status", false]], "action_type (abacusai.alertactionconfig attribute)": [[176, "abacusai.AlertActionConfig.action_type", false]], "action_type (abacusai.api_class.alertactionconfig attribute)": [[27, "abacusai.api_class.AlertActionConfig.action_type", false]], "action_type (abacusai.api_class.monitor_alert.alertactionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.AlertActionConfig.action_type", false]], "action_types_exclusion_days (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.action_types_exclusion_days", false]], "action_types_exclusion_days (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.action_types_exclusion_days", false]], "action_types_exclusion_days (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.action_types_exclusion_days", false]], "active_labels_column (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.active_labels_column", false]], "active_labels_column (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.active_labels_column", false]], "actual_values_supported_for_drilldown (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.actual_values_supported_for_drilldown", false]], "actual_values_supported_for_drilldown (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.actual_values_supported_for_drilldown", false]], "actuals_histogram (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.actuals_histogram", false]], "actuals_histogram (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.actuals_histogram", false]], "add_annotatable_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_annotatable_feature", false]], "add_annotatable_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_annotatable_feature", false]], "add_annotatable_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.add_annotatable_feature", false]], "add_annotatable_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.add_annotatable_feature", false]], "add_annotation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_annotation", false]], "add_annotation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_annotation", false]], "add_annotation_label() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.add_annotation_label", false]], "add_annotation_label() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.add_annotation_label", false]], "add_app_user_group_report_permission() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_app_user_group_report_permission", false]], "add_app_user_group_report_permission() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_app_user_group_report_permission", false]], "add_app_user_group_to_external_application() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_app_user_group_to_external_application", false]], "add_app_user_group_to_external_application() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_app_user_group_to_external_application", false]], "add_developers_to() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.add_developers_to", false]], "add_developers_to() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.add_developers_to", false]], "add_developers_to_external_application() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_developers_to_external_application", false]], "add_developers_to_external_application() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_developers_to_external_application", false]], "add_feature_group_annotation_label() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_feature_group_annotation_label", false]], "add_feature_group_annotation_label() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_feature_group_annotation_label", false]], "add_feature_group_tag() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_feature_group_tag", false]], "add_feature_group_tag() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_feature_group_tag", false]], "add_feature_group_to_project() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_feature_group_to_project", false]], "add_feature_group_to_project() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_feature_group_to_project", false]], "add_feature_tag() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_feature_tag", false]], "add_feature_tag() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_feature_tag", false]], "add_feature_tag() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.add_feature_tag", false]], "add_feature_tag() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.add_feature_tag", false]], "add_file_metadata (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.add_file_metadata", false]], "add_file_metadata (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.add_file_metadata", false]], "add_file_metadata (abacusai.sharepointdatasetconfig attribute)": [[176, "abacusai.SharepointDatasetConfig.add_file_metadata", false]], "add_graph_to_dashboard() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_graph_to_dashboard", false]], "add_graph_to_dashboard() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_graph_to_dashboard", false]], "add_graph_to_dashboard() (abacusai.python_function.pythonfunction method)": [[258, "abacusai.python_function.PythonFunction.add_graph_to_dashboard", false]], "add_graph_to_dashboard() (abacusai.pythonfunction method)": [[176, "abacusai.PythonFunction.add_graph_to_dashboard", false]], "add_organization_group_permission() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_organization_group_permission", false]], "add_organization_group_permission() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_organization_group_permission", false]], "add_organization_group_to_feature_group_modifiers() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_organization_group_to_feature_group_modifiers", false]], "add_organization_group_to_feature_group_modifiers() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_organization_group_to_feature_group_modifiers", false]], "add_organization_group_to_modifiers() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.add_organization_group_to_modifiers", false]], "add_organization_group_to_modifiers() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.add_organization_group_to_modifiers", false]], "add_permission() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.add_permission", false]], "add_permission() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.add_permission", false]], "add_project_scope_for_user() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_project_scope_for_user", false]], "add_project_scope_for_user() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_project_scope_for_user", false]], "add_project_tags() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_project_tags", false]], "add_project_tags() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_project_tags", false]], "add_scope_for_user() (abacusai.project method)": [[176, "abacusai.Project.add_scope_for_user", false]], "add_scope_for_user() (abacusai.project.project method)": [[252, "abacusai.project.Project.add_scope_for_user", false]], "add_tag() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.add_tag", false]], "add_tag() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.add_tag", false]], "add_tags() (abacusai.project method)": [[176, "abacusai.Project.add_tags", false]], "add_tags() (abacusai.project.project method)": [[252, "abacusai.project.Project.add_tags", false]], "add_time_features (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.add_time_features", false]], "add_time_features (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.add_time_features", false]], "add_time_features (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.add_time_features", false]], "add_to_project() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.add_to_project", false]], "add_to_project() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.add_to_project", false]], "add_user_group_object_permission() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_user_group_object_permission", false]], "add_user_group_object_permission() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_user_group_object_permission", false]], "add_user_to() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.add_user_to", false]], "add_user_to() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.add_user_to", false]], "add_user_to_feature_group_modifiers() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_user_to_feature_group_modifiers", false]], "add_user_to_feature_group_modifiers() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_user_to_feature_group_modifiers", false]], "add_user_to_modifiers() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.add_user_to_modifiers", false]], "add_user_to_modifiers() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.add_user_to_modifiers", false]], "add_user_to_organization() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_user_to_organization", false]], "add_user_to_organization() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_user_to_organization", false]], "add_user_to_organization_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_user_to_organization_group", false]], "add_user_to_organization_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_user_to_organization_group", false]], "add_users_to_app_user_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.add_users_to_app_user_group", false]], "add_users_to_app_user_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.add_users_to_app_user_group", false]], "added_files (abacusai.code_llm_changed_files.codellmchangedfiles attribute)": [[67, "abacusai.code_llm_changed_files.CodeLlmChangedFiles.added_files", false]], "added_files (abacusai.codellmchangedfiles attribute)": [[176, "abacusai.CodeLlmChangedFiles.added_files", false]], "additional_anomaly_ids (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.additional_anomaly_ids", false]], "additional_anomaly_ids (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.additional_anomaly_ids", false]], "additional_anomaly_ids (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.additional_anomaly_ids", false]], "additional_configs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.additional_configs", false]], "additional_configs (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.additional_configs", false]], "additional_extraction_instructions (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.additional_extraction_instructions", false]], "additional_extraction_instructions (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.additional_extraction_instructions", false]], "additional_extraction_instructions (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.additional_extraction_instructions", false]], "additional_forecast_keys (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.additional_forecast_keys", false]], "additional_forecast_keys (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.additional_forecast_keys", false]], "additional_forecast_keys (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.additional_forecast_keys", false]], "additional_id_columns (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.databaseconnectorexportconfig attribute)": [[176, "abacusai.DatabaseConnectorExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.additional_id_columns", false]], "additional_id_columns (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.additional_id_columns", false]], "additional_id_columns (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.additional_id_columns", false]], "additional_id_columns (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.additional_id_columns", false]], "additional_info (abacusai.address attribute)": [[176, "abacusai.Address.additional_info", false]], "additional_info (abacusai.address.address attribute)": [[1, "abacusai.address.Address.additional_info", false]], "additional_info (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.additional_info", false]], "additional_info (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.additional_info", false]], "address (class in abacusai)": [[176, "abacusai.Address", false]], "address (class in abacusai.address)": [[1, "abacusai.address.Address", false]], "address_line_1 (abacusai.address attribute)": [[176, "abacusai.Address.address_line_1", false]], "address_line_1 (abacusai.address.address attribute)": [[1, "abacusai.address.Address.address_line_1", false]], "address_line_2 (abacusai.address attribute)": [[176, "abacusai.Address.address_line_2", false]], "address_line_2 (abacusai.address.address attribute)": [[1, "abacusai.address.Address.address_line_2", false]], "admin (abacusai.organization_group.organizationgroup attribute)": [[225, "abacusai.organization_group.OrganizationGroup.admin", false]], "admin (abacusai.organizationgroup attribute)": [[176, "abacusai.OrganizationGroup.admin", false]], "age (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.age", false]], "age (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.age", false]], "agent (class in abacusai)": [[176, "abacusai.Agent", false]], "agent (class in abacusai.agent)": [[2, "abacusai.agent.Agent", false]], "agent_config (abacusai.agent attribute)": [[176, "abacusai.Agent.agent_config", false]], "agent_config (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.agent_config", false]], "agent_config (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_config", false]], "agent_config (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.agent_config", false]], "agent_connectors (abacusai.agent property)": [[176, "abacusai.Agent.agent_connectors", false]], "agent_connectors (abacusai.agent.agent property)": [[2, "abacusai.agent.Agent.agent_connectors", false]], "agent_connectors (abacusai.aiagenttrainingconfig attribute)": [[176, "abacusai.AIAgentTrainingConfig.agent_connectors", false]], "agent_connectors (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_connectors", false]], "agent_connectors (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_connectors", false]], "agent_controller (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.AGENT_CONTROLLER", false]], "agent_controller (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.AGENT_CONTROLLER", false]], "agent_controller (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.AGENT_CONTROLLER", false]], "agent_execution_config (abacusai.agent attribute)": [[176, "abacusai.Agent.agent_execution_config", false]], "agent_execution_config (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.agent_execution_config", false]], "agent_execution_config (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_execution_config", false]], "agent_execution_config (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.agent_execution_config", false]], "agent_flow_button (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.AGENT_FLOW_BUTTON", false]], "agent_flow_button (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.AGENT_FLOW_BUTTON", false]], "agent_flow_button (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.AGENT_FLOW_BUTTON", false]], "agent_id (abacusai.agent attribute)": [[176, "abacusai.Agent.agent_id", false]], "agent_id (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.agent_id", false]], "agent_id (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_id", false]], "agent_id (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.agent_id", false]], "agent_input_schema (abacusai.aiagenttrainingconfig attribute)": [[176, "abacusai.AIAgentTrainingConfig.agent_input_schema", false]], "agent_input_schema (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_input_schema", false]], "agent_input_schema (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_input_schema", false]], "agent_interface (abacusai.agent property)": [[176, "abacusai.Agent.agent_interface", false]], "agent_interface (abacusai.agent.agent property)": [[2, "abacusai.agent.Agent.agent_interface", false]], "agent_interface (abacusai.aiagenttrainingconfig attribute)": [[176, "abacusai.AIAgentTrainingConfig.agent_interface", false]], "agent_interface (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_interface", false]], "agent_interface (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_interface", false]], "agent_output_schema (abacusai.aiagenttrainingconfig attribute)": [[176, "abacusai.AIAgentTrainingConfig.agent_output_schema", false]], "agent_output_schema (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.agent_output_schema", false]], "agent_output_schema (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.agent_output_schema", false]], "agent_response (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.agent_response", false]], "agent_response (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.agent_response", false]], "agent_version (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.agent_version", false]], "agent_version (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.agent_version", false]], "agent_workflow_node_id (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.agent_workflow_node_id", false]], "agent_workflow_node_id (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.agent_workflow_node_id", false]], "agent_workflow_node_id (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.agent_workflow_node_id", false]], "agent_workflow_node_id (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.agent_workflow_node_id", false]], "agent_workflow_node_name (abacusai.agentflowbuttonresponsesection attribute)": [[176, "abacusai.AgentFlowButtonResponseSection.agent_workflow_node_name", false]], "agent_workflow_node_name (abacusai.api_class.agentflowbuttonresponsesection attribute)": [[27, "abacusai.api_class.AgentFlowButtonResponseSection.agent_workflow_node_name", false]], "agent_workflow_node_name (abacusai.api_class.segments.agentflowbuttonresponsesection attribute)": [[34, "abacusai.api_class.segments.AgentFlowButtonResponseSection.agent_workflow_node_name", false]], "agentchatmessage (class in abacusai)": [[176, "abacusai.AgentChatMessage", false]], "agentchatmessage (class in abacusai.agent_chat_message)": [[3, "abacusai.agent_chat_message.AgentChatMessage", false]], "agentclienttype (class in abacusai)": [[176, "abacusai.AgentClientType", false]], "agentclienttype (class in abacusai.api_class)": [[27, "abacusai.api_class.AgentClientType", false]], "agentclienttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.AgentClientType", false]], "agentconversation (class in abacusai)": [[176, "abacusai.AgentConversation", false]], "agentconversation (class in abacusai.agent_conversation)": [[4, "abacusai.agent_conversation.AgentConversation", false]], "agentconversationmessage (class in abacusai)": [[176, "abacusai.AgentConversationMessage", false]], "agentconversationmessage (class in abacusai.api_class)": [[27, "abacusai.api_class.AgentConversationMessage", false]], "agentconversationmessage (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage", false]], "agentdatadocumentinfo (class in abacusai)": [[176, "abacusai.AgentDataDocumentInfo", false]], "agentdatadocumentinfo (class in abacusai.agent_data_document_info)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo", false]], "agentdataexecutionresult (class in abacusai)": [[176, "abacusai.AgentDataExecutionResult", false]], "agentdataexecutionresult (class in abacusai.agent_data_execution_result)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult", false]], "agentflowbuttonresponsesection (class in abacusai)": [[176, "abacusai.AgentFlowButtonResponseSection", false]], "agentflowbuttonresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.AgentFlowButtonResponseSection", false]], "agentflowbuttonresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.AgentFlowButtonResponseSection", false]], "agentic_loop_mode (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.agentic_loop_mode", false]], "agentic_loop_mode (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.agentic_loop_mode", false]], "agentic_loop_mode (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.agentic_loop_mode", false]], "agentinterface (class in abacusai)": [[176, "abacusai.AgentInterface", false]], "agentinterface (class in abacusai.api_class)": [[27, "abacusai.api_class.AgentInterface", false]], "agentinterface (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.AgentInterface", false]], "agentresponse (class in abacusai)": [[176, "abacusai.AgentResponse", false]], "agentresponse (class in abacusai.client)": [[58, "abacusai.client.AgentResponse", false]], "agentversion (class in abacusai)": [[176, "abacusai.AgentVersion", false]], "agentversion (class in abacusai.agent_version)": [[7, "abacusai.agent_version.AgentVersion", false]], "aggregation_keys (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.aggregation_keys", false]], "aggregation_keys (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.aggregation_keys", false]], "aggregation_keys (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.aggregation_keys", false]], "aggregation_keys (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.aggregation_keys", false]], "aggregation_type (abacusai.api_class.monitor_alert.predictioncountconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.aggregation_type", false]], "aggregation_type (abacusai.api_class.predictioncountconditionconfig attribute)": [[27, "abacusai.api_class.PredictionCountConditionConfig.aggregation_type", false]], "aggregation_type (abacusai.predictioncountconditionconfig attribute)": [[176, "abacusai.PredictionCountConditionConfig.aggregation_type", false]], "aggregation_window (abacusai.api_class.monitor_alert.predictioncountconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.aggregation_window", false]], "aggregation_window (abacusai.api_class.predictioncountconditionconfig attribute)": [[27, "abacusai.api_class.PredictionCountConditionConfig.aggregation_window", false]], "aggregation_window (abacusai.predictioncountconditionconfig attribute)": [[176, "abacusai.PredictionCountConditionConfig.aggregation_window", false]], "ai_agent (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.AI_AGENT", false]], "ai_agent (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.AI_AGENT", false]], "ai_agent (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.AI_AGENT", false]], "ai_building_in_progress (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.ai_building_in_progress", false]], "ai_building_in_progress (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.ai_building_in_progress", false]], "aiagentbatchpredictionargs (class in abacusai)": [[176, "abacusai.AIAgentBatchPredictionArgs", false]], "aiagentbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.AIAgentBatchPredictionArgs", false]], "aiagentbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.AIAgentBatchPredictionArgs", false]], "aiagenttrainingconfig (class in abacusai)": [[176, "abacusai.AIAgentTrainingConfig", false]], "aiagenttrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AIAgentTrainingConfig", false]], "aiagenttrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig", false]], "aibuildingtask (class in abacusai)": [[176, "abacusai.AiBuildingTask", false]], "aibuildingtask (class in abacusai.ai_building_task)": [[8, "abacusai.ai_building_task.AiBuildingTask", false]], "alert_config (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.alert_config", false]], "alert_config (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.alert_config", false]], "alert_result (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.alert_result", false]], "alert_result (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.alert_result", false]], "alert_type (abacusai.alertconditionconfig attribute)": [[176, "abacusai.AlertConditionConfig.alert_type", false]], "alert_type (abacusai.api_class.alertconditionconfig attribute)": [[27, "abacusai.api_class.AlertConditionConfig.alert_type", false]], "alert_type (abacusai.api_class.monitor_alert.alertconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.AlertConditionConfig.alert_type", false]], "alert_type (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.alert_type", false]], "alert_type (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.alert_type", false]], "alert_type (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.alert_type", false]], "alert_type (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.alert_type", false]], "alertactionconfig (class in abacusai)": [[176, "abacusai.AlertActionConfig", false]], "alertactionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AlertActionConfig", false]], "alertactionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.AlertActionConfig", false]], "alertactiontype (class in abacusai)": [[176, "abacusai.AlertActionType", false]], "alertactiontype (class in abacusai.api_class)": [[27, "abacusai.api_class.AlertActionType", false]], "alertactiontype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.AlertActionType", false]], "alertconditionconfig (class in abacusai)": [[176, "abacusai.AlertConditionConfig", false]], "alertconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AlertConditionConfig", false]], "alertconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.AlertConditionConfig", false]], "alerting_completed_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.alerting_completed_at", false]], "alerting_completed_at (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.alerting_completed_at", false]], "alerting_started_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.alerting_started_at", false]], "alerting_started_at (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.alerting_started_at", false]], "alerts (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.alerts", false]], "alerts (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.alerts", false]], "alerts (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.alerts", false]], "alerts (abacusai.modelmonitorsummary attribute)": [[176, "abacusai.ModelMonitorSummary.alerts", false]], "algo_metrics (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.algo_metrics", false]], "algo_metrics (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.algo_metrics", false]], "algo_name (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.algo_name", false]], "algo_name (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.algo_name", false]], "algo_name (abacusai.deployment attribute)": [[176, "abacusai.Deployment.algo_name", false]], "algo_name (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.algo_name", false]], "algo_name (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.algo_name", false]], "algo_name (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.algo_name", false]], "algo_name (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.algo_name", false]], "algo_name (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.algo_name", false]], "algorithm (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.algorithm", false]], "algorithm (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.algorithm", false]], "algorithm (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig.algorithm", false]], "algorithm (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig.algorithm", false]], "algorithm (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.algorithm", false]], "algorithm (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.algorithm", false]], "algorithm (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.algorithm", false]], "algorithm (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.algorithm", false]], "algorithm (abacusai.deployablealgorithm attribute)": [[176, "abacusai.DeployableAlgorithm.algorithm", false]], "algorithm (abacusai.deployment attribute)": [[176, "abacusai.Deployment.algorithm", false]], "algorithm (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.algorithm", false]], "algorithm (abacusai.function_logs.functionlogs attribute)": [[158, "abacusai.function_logs.FunctionLogs.algorithm", false]], "algorithm (abacusai.functionlogs attribute)": [[176, "abacusai.FunctionLogs.algorithm", false]], "algorithm (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.algorithm", false]], "algorithm (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.algorithm", false]], "algorithm (abacusai.trainingconfig attribute)": [[176, "abacusai.TrainingConfig.algorithm", false]], "algorithm (class in abacusai)": [[176, "abacusai.Algorithm", false]], "algorithm (class in abacusai.algorithm)": [[9, "abacusai.algorithm.Algorithm", false]], "algorithm_id (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.algorithm_id", false]], "algorithm_id (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.algorithm_id", false]], "algorithm_model_configs (abacusai.model attribute)": [[176, "abacusai.Model.algorithm_model_configs", false]], "algorithm_model_configs (abacusai.model.model attribute)": [[197, "abacusai.model.Model.algorithm_model_configs", false]], "algorithm_training_config (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.algorithm_training_config", false]], "algorithm_training_config (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.algorithm_training_config", false]], "all_cap_re (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.ALL_CAP_RE", false]], "all_versions (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.all_versions", false]], "all_versions (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.all_versions", false]], "allow_task_automation (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.allow_task_automation", false]], "allow_task_automation (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.allow_task_automation", false]], "allow_training_with_small_history (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.allow_training_with_small_history", false]], "allow_training_with_small_history (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.allow_training_with_small_history", false]], "allow_training_with_small_history (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.allow_training_with_small_history", false]], "allowed_feature_mappings (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.allowed_feature_mappings", false]], "allowed_feature_mappings (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.allowed_feature_mappings", false]], "allowed_nested_feature_mappings (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.allowed_nested_feature_mappings", false]], "allowed_nested_feature_mappings (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.allowed_nested_feature_mappings", false]], "alreadyexistserror": [[58, "abacusai.client.AlreadyExistsError", false]], "always_display (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.always_display", false]], "always_display (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.always_display", false]], "analysis_days (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.analysis_days", false]], "analysis_days (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.analysis_days", false]], "analysis_days (abacusai.themeanalysisbatchpredictionargs attribute)": [[176, "abacusai.ThemeAnalysisBatchPredictionArgs.analysis_days", false]], "analysis_frequency (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.analysis_frequency", false]], "analysis_frequency (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.analysis_frequency", false]], "analysis_frequency (abacusai.themeanalysisbatchpredictionargs attribute)": [[176, "abacusai.ThemeAnalysisBatchPredictionArgs.analysis_frequency", false]], "ancestral_simulation (abacusai.api_class.enums.forecastingquanitlesextensionmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod.ANCESTRAL_SIMULATION", false]], "ancestral_simulation (abacusai.api_class.forecastingquanitlesextensionmethod attribute)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod.ANCESTRAL_SIMULATION", false]], "ancestral_simulation (abacusai.forecastingquanitlesextensionmethod attribute)": [[176, "abacusai.ForecastingQuanitlesExtensionMethod.ANCESTRAL_SIMULATION", false]], "annotation (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.annotation", false]], "annotation (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.annotation", false]], "annotation (class in abacusai)": [[176, "abacusai.Annotation", false]], "annotation (class in abacusai.annotation)": [[10, "abacusai.annotation.Annotation", false]], "annotation_config (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.annotation_config", false]], "annotation_config (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.annotation_config", false]], "annotation_config (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.annotation_config", false]], "annotation_config (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.annotation_config", false]], "annotation_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.annotation_config", false]], "annotation_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.annotation_config", false]], "annotation_entry_marker (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.annotation_entry_marker", false]], "annotation_entry_marker (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.annotation_entry_marker", false]], "annotation_type (abacusai.annotation attribute)": [[176, "abacusai.Annotation.annotation_type", false]], "annotation_type (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.annotation_type", false]], "annotation_value (abacusai.annotation attribute)": [[176, "abacusai.Annotation.annotation_value", false]], "annotation_value (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.annotation_value", false]], "annotationconfig (class in abacusai)": [[176, "abacusai.AnnotationConfig", false]], "annotationconfig (class in abacusai.annotation_config)": [[11, "abacusai.annotation_config.AnnotationConfig", false]], "annotationdocument (class in abacusai)": [[176, "abacusai.AnnotationDocument", false]], "annotationdocument (class in abacusai.annotation_document)": [[12, "abacusai.annotation_document.AnnotationDocument", false]], "annotationentry (class in abacusai)": [[176, "abacusai.AnnotationEntry", false]], "annotationentry (class in abacusai.annotation_entry)": [[13, "abacusai.annotation_entry.AnnotationEntry", false]], "annotations_precision (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.ANNOTATIONS_PRECISION", false]], "annotations_precision (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.ANNOTATIONS_PRECISION", false]], "annotations_precision (abacusai.nerobjective attribute)": [[176, "abacusai.NERObjective.ANNOTATIONS_PRECISION", false]], "annotations_recall (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.ANNOTATIONS_RECALL", false]], "annotations_recall (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.ANNOTATIONS_RECALL", false]], "annotations_recall (abacusai.nerobjective attribute)": [[176, "abacusai.NERObjective.ANNOTATIONS_RECALL", false]], "annotationsstatus (class in abacusai)": [[176, "abacusai.AnnotationsStatus", false]], "annotationsstatus (class in abacusai.annotations_status)": [[14, "abacusai.annotations_status.AnnotationsStatus", false]], "anomaly_fraction (abacusai.api_class.eventanomalytrainingconfig attribute)": [[27, "abacusai.api_class.EventAnomalyTrainingConfig.anomaly_fraction", false]], "anomaly_fraction (abacusai.api_class.model.eventanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.EventAnomalyTrainingConfig.anomaly_fraction", false]], "anomaly_fraction (abacusai.eventanomalytrainingconfig attribute)": [[176, "abacusai.EventAnomalyTrainingConfig.anomaly_fraction", false]], "anomaly_type (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.anomaly_type", false]], "anomaly_type (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.anomaly_type", false]], "anomaly_type (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.anomaly_type", false]], "answer (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.answer", false]], "answer (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.answer", false]], "any (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.ANY", false]], "any (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.ANY", false]], "any (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.ANY", false]], "any (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.ANY", false]], "any (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.ANY", false]], "any (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.ANY", false]], "api (abacusai.agentclienttype attribute)": [[176, "abacusai.AgentClientType.API", false]], "api (abacusai.api_class.agentclienttype attribute)": [[27, "abacusai.api_class.AgentClientType.API", false]], "api (abacusai.api_class.enums.agentclienttype attribute)": [[25, "abacusai.api_class.enums.AgentClientType.API", false]], "api_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.api_endpoint", false]], "api_endpoint (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.api_endpoint", false]], "api_endpoint (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.api_endpoint", false]], "api_key (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.api_key", false]], "api_key (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.api_key", false]], "api_key (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.api_key", false]], "api_key_id (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.api_key_id", false]], "api_key_id (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.api_key_id", false]], "api_key_suffix (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.api_key_suffix", false]], "api_key_suffix (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.api_key_suffix", false]], "api_key_url (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.api_key_url", false]], "api_key_url (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.api_key_url", false]], "apiclass (class in abacusai)": [[176, "abacusai.ApiClass", false]], "apiclass (class in abacusai.api_class)": [[27, "abacusai.api_class.ApiClass", false], [27, "id0", false], [27, "id137", false], [27, "id14", false], [27, "id170", false], [27, "id189", false], [27, "id207", false], [27, "id226", false], [27, "id245", false], [27, "id259", false], [27, "id278", false], [27, "id28", false], [27, "id47", false], [27, "id74", false], [27, "id93", false]], "apiclass (class in abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.ApiClass", false]], "apiclient (class in abacusai)": [[176, "abacusai.ApiClient", false]], "apiclient (class in abacusai.client)": [[58, "abacusai.client.ApiClient", false]], "apiendpoint (class in abacusai)": [[176, "abacusai.ApiEndpoint", false]], "apiendpoint (class in abacusai.api_endpoint)": [[36, "abacusai.api_endpoint.ApiEndpoint", false]], "apienum (class in abacusai)": [[176, "abacusai.ApiEnum", false]], "apienum (class in abacusai.api_class)": [[27, "abacusai.api_class.ApiEnum", false]], "apienum (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ApiEnum", false]], "apiexception": [[58, "abacusai.client.ApiException", false], [176, "abacusai.ApiException", false]], "apikey (class in abacusai)": [[176, "abacusai.ApiKey", false]], "apikey (class in abacusai.api_key)": [[37, "abacusai.api_key.ApiKey", false]], "app_config (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.app_config", false]], "app_config (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.app_config", false]], "app_llm (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.APP_LLM", false]], "app_llm (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.APP_LLM", false]], "app_llm (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.APP_LLM", false]], "append_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.append_data", false]], "append_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.append_data", false]], "append_data() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.append_data", false]], "append_data() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.append_data", false]], "append_data() (abacusai.streaming_client.streamingclient method)": [[277, "abacusai.streaming_client.StreamingClient.append_data", false]], "append_data() (abacusai.streamingclient method)": [[176, "abacusai.StreamingClient.append_data", false]], "append_multiple_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.append_multiple_data", false]], "append_multiple_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.append_multiple_data", false]], "append_multiple_data() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.append_multiple_data", false]], "append_multiple_data() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.append_multiple_data", false]], "append_multiple_data() (abacusai.streaming_client.streamingclient method)": [[277, "abacusai.streaming_client.StreamingClient.append_multiple_data", false]], "append_multiple_data() (abacusai.streamingclient method)": [[176, "abacusai.StreamingClient.append_multiple_data", false]], "application (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.APPLICATION", false]], "application (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.APPLICATION", false]], "application (abacusai.connectortype attribute)": [[176, "abacusai.ConnectorType.APPLICATION", false]], "application_connector_config (abacusai.dataset attribute)": [[176, "abacusai.Dataset.application_connector_config", false]], "application_connector_config (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.application_connector_config", false]], "application_connector_config (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.application_connector_config", false]], "application_connector_config (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.application_connector_config", false]], "application_connector_id (abacusai.api_class.applicationconnectordatasetconfig attribute)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig.application_connector_id", false]], "application_connector_id (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig.application_connector_id", false]], "application_connector_id (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.application_connector_id", false]], "application_connector_id (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.application_connector_id", false]], "application_connector_id (abacusai.applicationconnectordatasetconfig attribute)": [[176, "abacusai.ApplicationConnectorDatasetConfig.application_connector_id", false]], "application_connector_id (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.application_connector_id", false]], "application_connector_id (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.application_connector_id", false]], "application_connector_id (abacusai.dataset attribute)": [[176, "abacusai.Dataset.application_connector_id", false]], "application_connector_id (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.application_connector_id", false]], "application_connector_id (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.application_connector_id", false]], "application_connector_id (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.application_connector_id", false]], "application_connector_info (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.application_connector_info", false]], "application_connector_info (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.application_connector_info", false]], "application_connector_type (abacusai.api_class.applicationconnectordatasetconfig attribute)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig.application_connector_type", false]], "application_connector_type (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig.application_connector_type", false]], "application_connector_type (abacusai.applicationconnectordatasetconfig attribute)": [[176, "abacusai.ApplicationConnectorDatasetConfig.application_connector_type", false]], "application_id (abacusai.entri_auth_token.entriauthtoken attribute)": [[123, "abacusai.entri_auth_token.EntriAuthToken.application_id", false]], "application_id (abacusai.entriauthtoken attribute)": [[176, "abacusai.EntriAuthToken.application_id", false]], "application_type (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.application_type", false]], "application_type (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.application_type", false]], "applicationconnector (class in abacusai)": [[176, "abacusai.ApplicationConnector", false]], "applicationconnector (class in abacusai.application_connector)": [[40, "abacusai.application_connector.ApplicationConnector", false]], "applicationconnectordatasetconfig (class in abacusai)": [[176, "abacusai.ApplicationConnectorDatasetConfig", false]], "applicationconnectordatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig", false]], "applicationconnectordatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig", false]], "applicationconnectortype (class in abacusai)": [[176, "abacusai.ApplicationConnectorType", false]], "applicationconnectortype (class in abacusai.api_class)": [[27, "abacusai.api_class.ApplicationConnectorType", false]], "applicationconnectortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ApplicationConnectorType", false]], "appusergroup (class in abacusai)": [[176, "abacusai.AppUserGroup", false]], "appusergroup (class in abacusai.app_user_group)": [[38, "abacusai.app_user_group.AppUserGroup", false]], "appusergroupsignintoken (class in abacusai)": [[176, "abacusai.AppUserGroupSignInToken", false]], "appusergroupsignintoken (class in abacusai.app_user_group_sign_in_token)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken", false]], "artifact_names (abacusai.model_location.modellocation attribute)": [[201, "abacusai.model_location.ModelLocation.artifact_names", false]], "artifact_names (abacusai.modellocation attribute)": [[176, "abacusai.ModelLocation.artifact_names", false]], "artifact_type (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.artifact_type", false]], "artifact_type (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.artifact_type", false]], "artifact_type (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.artifact_type", false]], "artifact_type (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.artifact_type", false]], "artifacts_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.artifacts_upload_id", false]], "artifacts_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.artifacts_upload_id", false]], "asymmetric_mean_absolute_percentage_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "asymmetric_mean_absolute_percentage_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "asymmetric_mean_absolute_percentage_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "at_risk_threshold (abacusai.api_class.monitor_alert.monitorthresholdconfig attribute)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.at_risk_threshold", false]], "at_risk_threshold (abacusai.api_class.monitorthresholdconfig attribute)": [[27, "abacusai.api_class.MonitorThresholdConfig.at_risk_threshold", false]], "at_risk_threshold (abacusai.monitorthresholdconfig attribute)": [[176, "abacusai.MonitorThresholdConfig.at_risk_threshold", false]], "attached_user_file_names (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.attached_user_file_names", false]], "attached_user_file_names (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.attached_user_file_names", false]], "attachment (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.ATTACHMENT", false]], "attachment (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.ATTACHMENT", false]], "attachment (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.ATTACHMENT", false]], "attachment (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.ATTACHMENT", false]], "attachment (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.ATTACHMENT", false]], "attachment (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.ATTACHMENT", false]], "attachment (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.ATTACHMENT", false]], "attachment (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.ATTACHMENT", false]], "attachment (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.ATTACHMENT", false]], "attachment_parsing_config (abacusai.dataset attribute)": [[176, "abacusai.Dataset.attachment_parsing_config", false]], "attachment_parsing_config (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.attachment_parsing_config", false]], "attachmentparsingconfig (class in abacusai)": [[176, "abacusai.AttachmentParsingConfig", false]], "attachmentparsingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AttachmentParsingConfig", false]], "attachmentparsingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig", false]], "attachments (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.ATTACHMENTS", false]], "attachments (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.ATTACHMENTS", false]], "attachments (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.attachments", false]], "attachments (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.attachments", false]], "attachments (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.ATTACHMENTS", false]], "au (abacusai.api_class.enums.holidaycalendars attribute)": [[25, "abacusai.api_class.enums.HolidayCalendars.AU", false]], "au (abacusai.api_class.holidaycalendars attribute)": [[27, "abacusai.api_class.HolidayCalendars.AU", false]], "au (abacusai.holidaycalendars attribute)": [[176, "abacusai.HolidayCalendars.AU", false]], "auc (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.AUC", false]], "auc (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.AUC", false]], "auc (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.AUC", false]], "auc (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.AUC", false]], "auc (abacusai.nerobjective attribute)": [[176, "abacusai.NERObjective.AUC", false]], "auc (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.AUC", false]], "audio_url (abacusai.audio_url_result.audiourlresult attribute)": [[42, "abacusai.audio_url_result.AudioUrlResult.audio_url", false]], "audio_url (abacusai.audiourlresult attribute)": [[176, "abacusai.AudioUrlResult.audio_url", false]], "audiogensettings (class in abacusai)": [[176, "abacusai.AudioGenSettings", false]], "audiogensettings (class in abacusai.audio_gen_settings)": [[41, "abacusai.audio_gen_settings.AudioGenSettings", false]], "audiourlresult (class in abacusai)": [[176, "abacusai.AudioUrlResult", false]], "audiourlresult (class in abacusai.audio_url_result)": [[42, "abacusai.audio_url_result.AudioUrlResult", false]], "auditlog (class in abacusai)": [[176, "abacusai.AuditLog", false]], "auditlog (class in abacusai.audit_log)": [[43, "abacusai.audit_log.AuditLog", false]], "augmentation_strategy (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.augmentation_strategy", false]], "augmentation_strategy (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.augmentation_strategy", false]], "augmentation_strategy (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.augmentation_strategy", false]], "augmented_llm (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.AUGMENTED_LLM", false]], "augmented_llm (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.AUGMENTED_LLM", false], [27, "id127", false]], "augmented_llm (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.AUGMENTED_LLM", false]], "augmented_page_text (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.augmented_page_text", false]], "augmented_page_text (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.augmented_page_text", false]], "auth (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.auth", false]], "auth (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.auth", false]], "auth (abacusai.database_connector.databaseconnector attribute)": [[90, "abacusai.database_connector.DatabaseConnector.auth", false]], "auth (abacusai.databaseconnector attribute)": [[176, "abacusai.DatabaseConnector.auth", false]], "auth (abacusai.streaming_connector.streamingconnector attribute)": [[278, "abacusai.streaming_connector.StreamingConnector.auth", false]], "auth (abacusai.streamingconnector attribute)": [[176, "abacusai.StreamingConnector.auth", false]], "auth (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.auth", false]], "auth (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.auth", false]], "auth_expires_at (abacusai.file_connector.fileconnector attribute)": [[150, "abacusai.file_connector.FileConnector.auth_expires_at", false]], "auth_expires_at (abacusai.fileconnector attribute)": [[176, "abacusai.FileConnector.auth_expires_at", false]], "auth_options (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[151, "abacusai.file_connector_instructions.FileConnectorInstructions.auth_options", false]], "auth_options (abacusai.fileconnectorinstructions attribute)": [[176, "abacusai.FileConnectorInstructions.auth_options", false]], "auth_type (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.auth_type", false]], "auth_type (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.auth_type", false]], "auto (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.AUTO", false]], "auto (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.AUTO", false]], "auto (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.AUTO", false]], "auto (abacusai.api_class.enums.timeseriesanomalydatasplittype attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType.AUTO", false]], "auto (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.AUTO", false]], "auto (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.AUTO", false]], "auto (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.AUTO", false], [27, "id116", false]], "auto (abacusai.api_class.timeseriesanomalydatasplittype attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyDataSplitType.AUTO", false]], "auto (abacusai.forecastingdatasplittype attribute)": [[176, "abacusai.ForecastingDataSplitType.AUTO", false]], "auto (abacusai.nlpdocumentformat attribute)": [[176, "abacusai.NLPDocumentFormat.AUTO", false]], "auto (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.AUTO", false]], "auto (abacusai.timeseriesanomalydatasplittype attribute)": [[176, "abacusai.TimeseriesAnomalyDataSplitType.AUTO", false]], "auto_deploy (abacusai.deployment attribute)": [[176, "abacusai.Deployment.auto_deploy", false]], "auto_deploy (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.auto_deploy", false]], "autocomplete_response (abacusai.code_autocomplete_edit_prediction_response.codeautocompleteeditpredictionresponse attribute)": [[60, "abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse.autocomplete_response", false]], "autocomplete_response (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[61, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.autocomplete_response", false]], "autocomplete_response (abacusai.codeautocompleteeditpredictionresponse attribute)": [[176, "abacusai.CodeAutocompleteEditPredictionResponse.autocomplete_response", false]], "autocomplete_response (abacusai.codeautocompleteresponse attribute)": [[176, "abacusai.CodeAutocompleteResponse.autocomplete_response", false]], "autocorrelation (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.autocorrelation", false]], "autocorrelation (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.autocorrelation", false]], "automatic (abacusai.api_class.clusteringimputationmethod attribute)": [[27, "abacusai.api_class.ClusteringImputationMethod.AUTOMATIC", false]], "automatic (abacusai.api_class.enums.clusteringimputationmethod attribute)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod.AUTOMATIC", false]], "automatic (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.AUTOMATIC", false]], "automatic (abacusai.api_class.enums.timeseriesanomalyuseheuristic attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic.AUTOMATIC", false]], "automatic (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.AUTOMATIC", false]], "automatic (abacusai.api_class.timeseriesanomalyuseheuristic attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic.AUTOMATIC", false]], "automatic (abacusai.clusteringimputationmethod attribute)": [[176, "abacusai.ClusteringImputationMethod.AUTOMATIC", false]], "automatic (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.AUTOMATIC", false]], "automatic (abacusai.timeseriesanomalyuseheuristic attribute)": [[176, "abacusai.TimeseriesAnomalyUseHeuristic.AUTOMATIC", false]], "automl_complete (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.automl_complete", false]], "automl_complete (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.automl_complete", false]], "autonomous (abacusai.agentinterface attribute)": [[176, "abacusai.AgentInterface.AUTONOMOUS", false]], "autonomous (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.AUTONOMOUS", false]], "autonomous (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.AUTONOMOUS", false]], "average (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.AVERAGE", false]], "average (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.AVERAGE", false]], "average (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.AVERAGE", false]], "average_drift (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.average_drift", false]], "average_drift (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.average_drift", false]], "avro (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.AVRO", false]], "avro (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.AVRO", false]], "avro (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.AVRO", false]], "avro_to_pandas_dtype() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.avro_to_pandas_dtype", false]], "aws_ocr_modes() (abacusai.api_class.enums.ocrmode class method)": [[25, "abacusai.api_class.enums.OcrMode.aws_ocr_modes", false]], "aws_ocr_modes() (abacusai.api_class.ocrmode class method)": [[27, "abacusai.api_class.OcrMode.aws_ocr_modes", false], [27, "id128", false]], "aws_ocr_modes() (abacusai.ocrmode class method)": [[176, "abacusai.OcrMode.aws_ocr_modes", false]], "azurestorage (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.AZURESTORAGE", false]], "azurestorage (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.AZURESTORAGE", false]], "azurestorage (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.AZURESTORAGE", false]], "azurestoragedatasetconfig (class in abacusai)": [[176, "abacusai.AzureStorageDatasetConfig", false]], "azurestoragedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.AzureStorageDatasetConfig", false]], "azurestoragedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.AzureStorageDatasetConfig", false]], "b64_image (abacusai.api_class.base64imageresponsesection attribute)": [[27, "abacusai.api_class.Base64ImageResponseSection.b64_image", false]], "b64_image (abacusai.api_class.segments.base64imageresponsesection attribute)": [[34, "abacusai.api_class.segments.Base64ImageResponseSection.b64_image", false]], "b64_image (abacusai.base64imageresponsesection attribute)": [[176, "abacusai.Base64ImageResponseSection.b64_image", false]], "back (abacusai.api_class.enums.forecastingfillmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingFillMethod.BACK", false]], "back (abacusai.api_class.forecastingfillmethod attribute)": [[27, "abacusai.api_class.ForecastingFillMethod.BACK", false]], "back (abacusai.forecastingfillmethod attribute)": [[176, "abacusai.ForecastingFillMethod.BACK", false]], "backfill (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.BACKFILL", false]], "backfill (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.BACKFILL", false]], "backfill (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.BACKFILL", false]], "backtesting_window_step_size (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.backtesting_window_step_size", false]], "backtesting_window_step_size (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.backtesting_window_step_size", false]], "backtesting_window_step_size (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.backtesting_window_step_size", false]], "base64_image (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.BASE64_IMAGE", false]], "base64_image (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.BASE64_IMAGE", false]], "base64_image (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.BASE64_IMAGE", false]], "base64imageresponsesection (class in abacusai)": [[176, "abacusai.Base64ImageResponseSection", false]], "base64imageresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.Base64ImageResponseSection", false]], "base64imageresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.Base64ImageResponseSection", false]], "base_duplicates (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.base_duplicates", false]], "base_duplicates (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.base_duplicates", false]], "base_model (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.base_model", false]], "base_model (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.base_model", false]], "baseapiclient (class in abacusai.client)": [[58, "abacusai.client.BaseApiClient", false]], "batch_1024 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_1024", false]], "batch_1024 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_1024", false]], "batch_1024 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_1024", false]], "batch_128 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_128", false]], "batch_128 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_128", false]], "batch_128 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_128", false]], "batch_16 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_16", false]], "batch_16 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_16", false]], "batch_16 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_16", false]], "batch_256 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_256", false]], "batch_256 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_256", false]], "batch_256 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_256", false]], "batch_32 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_32", false]], "batch_32 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_32", false]], "batch_32 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_32", false]], "batch_384 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_384", false]], "batch_384 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_384", false]], "batch_384 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_384", false]], "batch_512 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_512", false]], "batch_512 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_512", false]], "batch_512 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_512", false]], "batch_64 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_64", false]], "batch_64 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_64", false]], "batch_64 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_64", false]], "batch_740 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_740", false]], "batch_740 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_740", false]], "batch_740 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_740", false]], "batch_8 (abacusai.api_class.batchsize attribute)": [[27, "abacusai.api_class.BatchSize.BATCH_8", false]], "batch_8 (abacusai.api_class.enums.batchsize attribute)": [[25, "abacusai.api_class.enums.BatchSize.BATCH_8", false]], "batch_8 (abacusai.batchsize attribute)": [[176, "abacusai.BatchSize.BATCH_8", false]], "batch_inputs (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.batch_inputs", false]], "batch_inputs (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_inputs", false]], "batch_inputs (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.batch_inputs", false]], "batch_inputs (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.batch_inputs", false]], "batch_prediction_args (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.batch_prediction_args", false]], "batch_prediction_args (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_args", false]], "batch_prediction_args (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.batch_prediction_args", false]], "batch_prediction_args (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.batch_prediction_args", false]], "batch_prediction_args_type (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.batch_prediction_args_type", false]], "batch_prediction_args_type (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_args_type", false]], "batch_prediction_args_type (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.batch_prediction_args_type", false]], "batch_prediction_args_type (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.batch_prediction_args_type", false]], "batch_prediction_description_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.batch_prediction_description_id", false]], "batch_prediction_description_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.batch_prediction_description_id", false]], "batch_prediction_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.batch_prediction_id", false]], "batch_prediction_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_id", false]], "batch_prediction_id (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.batch_prediction_id", false]], "batch_prediction_id (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.batch_prediction_id", false]], "batch_prediction_id (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.batch_prediction_id", false]], "batch_prediction_id (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.batch_prediction_id", false]], "batch_prediction_id (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.batch_prediction_id", false]], "batch_prediction_id (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.batch_prediction_id", false]], "batch_prediction_id (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.BATCH_PREDICTION_ID", false]], "batch_prediction_id (abacusai.upload attribute)": [[176, "abacusai.Upload.batch_prediction_id", false]], "batch_prediction_id (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.batch_prediction_id", false]], "batch_prediction_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.batch_prediction_ids", false]], "batch_prediction_ids (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.batch_prediction_ids", false]], "batch_prediction_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_version", false]], "batch_prediction_version (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.batch_prediction_version", false]], "batch_prediction_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.batch_prediction_version", false]], "batch_prediction_version (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.batch_prediction_version", false]], "batch_prediction_warnings (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.batch_prediction_warnings", false]], "batch_prediction_warnings (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.batch_prediction_warnings", false]], "batch_predictions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.batch_predictions", false]], "batch_predictions (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.batch_predictions", false]], "batch_renormalization (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.batch_renormalization", false]], "batch_renormalization (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.batch_renormalization", false]], "batch_renormalization (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.batch_renormalization", false]], "batch_size (abacusai.api_class.documentsummarizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.documentvisualizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.documentsummarizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.documentvisualizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.batch_size", false]], "batch_size (abacusai.api_class.sentenceboundarydetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.batch_size", false]], "batch_size (abacusai.documentsummarizationtrainingconfig attribute)": [[176, "abacusai.DocumentSummarizationTrainingConfig.batch_size", false]], "batch_size (abacusai.documentvisualizationtrainingconfig attribute)": [[176, "abacusai.DocumentVisualizationTrainingConfig.batch_size", false]], "batch_size (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.batch_size", false]], "batch_size (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.batch_size", false]], "batch_size (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.batch_size", false]], "batch_size (abacusai.sentenceboundarydetectiontrainingconfig attribute)": [[176, "abacusai.SentenceBoundaryDetectionTrainingConfig.batch_size", false]], "batch_streaming_updates (abacusai.deployment attribute)": [[176, "abacusai.Deployment.batch_streaming_updates", false]], "batch_streaming_updates (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.batch_streaming_updates", false]], "batchprediction (class in abacusai)": [[176, "abacusai.BatchPrediction", false]], "batchprediction (class in abacusai.batch_prediction)": [[44, "abacusai.batch_prediction.BatchPrediction", false]], "batchpredictionargs (class in abacusai)": [[176, "abacusai.BatchPredictionArgs", false]], "batchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.BatchPredictionArgs", false]], "batchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs", false]], "batchpredictionversion (class in abacusai)": [[176, "abacusai.BatchPredictionVersion", false]], "batchpredictionversion (class in abacusai.batch_prediction_version)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion", false]], "batchpredictionversionlogs (class in abacusai)": [[176, "abacusai.BatchPredictionVersionLogs", false]], "batchpredictionversionlogs (class in abacusai.batch_prediction_version_logs)": [[46, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs", false]], "batchsize (class in abacusai)": [[176, "abacusai.BatchSize", false]], "batchsize (class in abacusai.api_class)": [[27, "abacusai.api_class.BatchSize", false]], "batchsize (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.BatchSize", false]], "behavior_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.behavior_instructions", false]], "behavior_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.behavior_instructions", false]], "behavior_instructions (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.behavior_instructions", false]], "best_algorithm (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.best_algorithm", false]], "best_algorithm (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.best_algorithm", false]], "bias (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.BIAS", false]], "bias (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.BIAS", false]], "bias (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.BIAS", false]], "bias_metric_id (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.bias_metric_id", false]], "bias_metric_id (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.bias_metric_id", false]], "bias_type (abacusai.api_class.biasviolationconditionconfig attribute)": [[27, "abacusai.api_class.BiasViolationConditionConfig.bias_type", false]], "bias_type (abacusai.api_class.monitor_alert.biasviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.bias_type", false]], "bias_type (abacusai.biasviolationconditionconfig attribute)": [[176, "abacusai.BiasViolationConditionConfig.bias_type", false]], "bias_violations (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.BIAS_VIOLATIONS", false]], "bias_violations (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.BIAS_VIOLATIONS", false]], "bias_violations (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.bias_violations", false]], "bias_violations (abacusai.modelmonitorsummary attribute)": [[176, "abacusai.ModelMonitorSummary.bias_violations", false]], "bias_violations (abacusai.monitoralerttype attribute)": [[176, "abacusai.MonitorAlertType.BIAS_VIOLATIONS", false]], "biastype (class in abacusai)": [[176, "abacusai.BiasType", false]], "biastype (class in abacusai.api_class)": [[27, "abacusai.api_class.BiasType", false]], "biastype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.BiasType", false]], "biasviolationconditionconfig (class in abacusai)": [[176, "abacusai.BiasViolationConditionConfig", false]], "biasviolationconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.BiasViolationConditionConfig", false]], "biasviolationconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig", false]], "bigquery (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.BIGQUERY", false]], "bigquery (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.BIGQUERY", false]], "bigquery (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.BIGQUERY", false]], "billed_credits (abacusai.domain_purchase_result.domainpurchaseresult attribute)": [[109, "abacusai.domain_purchase_result.DomainPurchaseResult.billed_credits", false]], "billed_credits (abacusai.domainpurchaseresult attribute)": [[176, "abacusai.DomainPurchaseResult.billed_credits", false]], "binary (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.BINARY", false]], "binary (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.BINARY", false]], "binary (abacusai.datatype attribute)": [[176, "abacusai.DataType.BINARY", false]], "blob (class in abacusai)": [[176, "abacusai.Blob", false]], "blob (class in abacusai.api_class)": [[27, "abacusai.api_class.Blob", false]], "blob (class in abacusai.api_class.blob_input)": [[19, "abacusai.api_class.blob_input.Blob", false]], "blobinput (class in abacusai)": [[176, "abacusai.BlobInput", false]], "blobinput (class in abacusai.api_class)": [[27, "abacusai.api_class.BlobInput", false]], "blobinput (class in abacusai.api_class.blob_input)": [[19, "abacusai.api_class.blob_input.BlobInput", false]], "block (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.BLOCK", false]], "boolean (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.BOOLEAN", false]], "boolean (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.BOOLEAN", false]], "boolean (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.BOOLEAN", false]], "boolean (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.BOOLEAN", false]], "boolean (abacusai.datatype attribute)": [[176, "abacusai.DataType.BOOLEAN", false]], "boolean (abacusai.fielddescriptortype attribute)": [[176, "abacusai.FieldDescriptorType.BOOLEAN", false]], "boolean (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.BOOLEAN", false]], "boolean (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.BOOLEAN", false]], "boolean (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.BOOLEAN", false]], "botinfo (class in abacusai)": [[176, "abacusai.BotInfo", false]], "botinfo (class in abacusai.bot_info)": [[47, "abacusai.bot_info.BotInfo", false]], "bounding_boxes (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.bounding_boxes", false]], "bounding_boxes (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.bounding_boxes", false]], "box (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.BOX", false]], "box (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.BOX", false]], "box (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.BOX", false]], "box_cox (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.BOX_COX", false]], "box_cox (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.BOX_COX", false]], "box_cox (abacusai.regressiontargettransform attribute)": [[176, "abacusai.RegressionTargetTransform.BOX_COX", false]], "boxdatasetconfig (class in abacusai)": [[176, "abacusai.BoxDatasetConfig", false]], "boxdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.BoxDatasetConfig", false]], "boxdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig", false]], "bp_across_versions_monitor_id (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.bp_across_versions_monitor_id", false]], "bp_across_versions_monitor_id (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.bp_across_versions_monitor_id", false]], "bp_across_versions_monitor_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.bp_across_versions_monitor_version", false]], "bp_across_versions_monitor_version (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.bp_across_versions_monitor_version", false]], "bp_prediction_drift (abacusai.drift_distributions.driftdistributions attribute)": [[112, "abacusai.drift_distributions.DriftDistributions.bp_prediction_drift", false]], "bp_prediction_drift (abacusai.driftdistributions attribute)": [[176, "abacusai.DriftDistributions.bp_prediction_drift", false]], "browser_extension (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.BROWSER_EXTENSION", false]], "browser_extension (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.BROWSER_EXTENSION", false]], "browser_extension (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.BROWSER_EXTENSION", false]], "bucket (abacusai.file_connector.fileconnector attribute)": [[150, "abacusai.file_connector.FileConnector.bucket", false]], "bucket (abacusai.fileconnector attribute)": [[176, "abacusai.FileConnector.bucket", false]], "builtin_algorithms (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.builtin_algorithms", false]], "builtin_algorithms (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.builtin_algorithms", false]], "builtin_tools (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.builtin_tools", false]], "builtin_tools (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.builtin_tools", false]], "builtin_tools (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.builtin_tools", false]], "cache_scope (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.cache_scope", false]], "calls_per_second (abacusai.deployment attribute)": [[176, "abacusai.Deployment.calls_per_second", false]], "calls_per_second (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.calls_per_second", false]], "camel_case() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.camel_case", false]], "cancel() (abacusai.upload method)": [[176, "abacusai.Upload.cancel", false]], "cancel() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.cancel", false]], "cancel_upload() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.cancel_upload", false]], "cancel_upload() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.cancel_upload", false]], "cat_violations (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.cat_violations", false]], "cat_violations (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.cat_violations", false]], "categorical_range_violation (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.CATEGORICAL_RANGE_VIOLATION", false]], "categorical_range_violation (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.CATEGORICAL_RANGE_VIOLATION", false]], "categorical_range_violation (abacusai.dataintegrityviolationtype attribute)": [[176, "abacusai.DataIntegrityViolationType.CATEGORICAL_RANGE_VIOLATION", false]], "categoricalrangeviolation (class in abacusai)": [[176, "abacusai.CategoricalRangeViolation", false]], "categoricalrangeviolation (class in abacusai.categorical_range_violation)": [[48, "abacusai.categorical_range_violation.CategoricalRangeViolation", false]], "channel_id_to_label_map (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.channel_id_to_label_map", false]], "channel_id_to_label_map (abacusai.api_class.pretrainedmodelsbatchpredictionargs attribute)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.channel_id_to_label_map", false]], "channel_id_to_label_map (abacusai.pretrainedmodelsbatchpredictionargs attribute)": [[176, "abacusai.PretrainedModelsBatchPredictionArgs.channel_id_to_label_map", false]], "chart (abacusai.api_class.chartresponsesection attribute)": [[27, "abacusai.api_class.ChartResponseSection.chart", false]], "chart (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.CHART", false]], "chart (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.CHART", false]], "chart (abacusai.api_class.segments.chartresponsesection attribute)": [[34, "abacusai.api_class.segments.ChartResponseSection.chart", false]], "chart (abacusai.chartresponsesection attribute)": [[176, "abacusai.ChartResponseSection.chart", false]], "chart (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.CHART", false]], "chart_descriptions (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.chart_descriptions", false]], "chart_descriptions (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.chart_descriptions", false]], "chart_name (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.chart_name", false]], "chart_name (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.chart_name", false]], "chart_type (abacusai.eda_chart_description.edachartdescription attribute)": [[114, "abacusai.eda_chart_description.EdaChartDescription.chart_type", false]], "chart_type (abacusai.edachartdescription attribute)": [[176, "abacusai.EdaChartDescription.chart_type", false]], "chart_types (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.chart_types", false]], "chart_types (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.chart_types", false]], "chartresponsesection (class in abacusai)": [[176, "abacusai.ChartResponseSection", false]], "chartresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ChartResponseSection", false]], "chartresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ChartResponseSection", false]], "chat (abacusai.agentinterface attribute)": [[176, "abacusai.AgentInterface.CHAT", false]], "chat (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.CHAT", false]], "chat (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.CHAT", false]], "chat_feedback (abacusai.api_class.enums.projectconfigtype attribute)": [[25, "abacusai.api_class.enums.ProjectConfigType.CHAT_FEEDBACK", false]], "chat_feedback (abacusai.api_class.projectconfigtype attribute)": [[27, "abacusai.api_class.ProjectConfigType.CHAT_FEEDBACK", false]], "chat_feedback (abacusai.projectconfigtype attribute)": [[176, "abacusai.ProjectConfigType.CHAT_FEEDBACK", false]], "chat_history (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.chat_history", false]], "chat_history (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.chat_history", false]], "chat_llm (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.CHAT_LLM", false]], "chat_llm (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.CHAT_LLM", false]], "chat_llm (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CHAT_LLM", false]], "chat_llm (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CHAT_LLM", false]], "chat_llm (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.CHAT_LLM", false]], "chat_llm (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.CHAT_LLM", false]], "chat_llm_task (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.CHAT_LLM_TASK", false]], "chat_llm_task (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.CHAT_LLM_TASK", false]], "chat_llm_task (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.CHAT_LLM_TASK", false]], "chat_session_id (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.chat_session_id", false]], "chat_session_id (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.chat_session_id", false]], "chat_type (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.chat_type", false]], "chat_type (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.chat_type", false]], "chat_ui (abacusai.agentclienttype attribute)": [[176, "abacusai.AgentClientType.CHAT_UI", false]], "chat_ui (abacusai.api_class.agentclienttype attribute)": [[27, "abacusai.api_class.AgentClientType.CHAT_UI", false]], "chat_ui (abacusai.api_class.enums.agentclienttype attribute)": [[25, "abacusai.api_class.enums.AgentClientType.CHAT_UI", false]], "chatbot_deployment_id (abacusai.api_class.ai_agents.llmagentnode attribute)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.chatbot_deployment_id", false]], "chatbot_deployment_id (abacusai.api_class.llmagentnode attribute)": [[27, "abacusai.api_class.LLMAgentNode.chatbot_deployment_id", false]], "chatbot_deployment_id (abacusai.llmagentnode attribute)": [[176, "abacusai.LLMAgentNode.chatbot_deployment_id", false]], "chatbot_parameters (abacusai.api_class.ai_agents.llmagentnode attribute)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.chatbot_parameters", false]], "chatbot_parameters (abacusai.api_class.llmagentnode attribute)": [[27, "abacusai.api_class.LLMAgentNode.chatbot_parameters", false]], "chatbot_parameters (abacusai.llmagentnode attribute)": [[176, "abacusai.LLMAgentNode.chatbot_parameters", false]], "chatllm_memory_id (abacusai.chatllm_memory.chatllmmemory attribute)": [[53, "abacusai.chatllm_memory.ChatllmMemory.chatllm_memory_id", false]], "chatllm_memory_id (abacusai.chatllmmemory attribute)": [[176, "abacusai.ChatllmMemory.chatllm_memory_id", false]], "chatllm_project_id (abacusai.chatllm_project.chatllmproject attribute)": [[54, "abacusai.chatllm_project.ChatllmProject.chatllm_project_id", false]], "chatllm_project_id (abacusai.chatllm_project_permissions.chatllmprojectpermissions attribute)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions.chatllm_project_id", false]], "chatllm_project_id (abacusai.chatllmproject attribute)": [[176, "abacusai.ChatllmProject.chatllm_project_id", false]], "chatllm_project_id (abacusai.chatllmprojectpermissions attribute)": [[176, "abacusai.ChatllmProjectPermissions.chatllm_project_id", false]], "chatllm_task_id (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.chatllm_task_id", false]], "chatllm_task_id (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.chatllm_task_id", false]], "chatllm_task_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.chatllm_task_id", false]], "chatllm_task_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.chatllm_task_id", false]], "chatllmbatchpredictionargs (class in abacusai)": [[176, "abacusai.ChatLLMBatchPredictionArgs", false]], "chatllmbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.ChatLLMBatchPredictionArgs", false]], "chatllmbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs", false]], "chatllmcomputer (class in abacusai)": [[176, "abacusai.ChatllmComputer", false]], "chatllmcomputer (class in abacusai.chatllm_computer)": [[51, "abacusai.chatllm_computer.ChatllmComputer", false]], "chatllmcomputerstatus (class in abacusai)": [[176, "abacusai.ChatllmComputerStatus", false]], "chatllmcomputerstatus (class in abacusai.chatllm_computer_status)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus", false]], "chatllmmemory (class in abacusai)": [[176, "abacusai.ChatllmMemory", false]], "chatllmmemory (class in abacusai.chatllm_memory)": [[53, "abacusai.chatllm_memory.ChatllmMemory", false]], "chatllmpredictionarguments (class in abacusai)": [[176, "abacusai.ChatLLMPredictionArguments", false]], "chatllmpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.ChatLLMPredictionArguments", false]], "chatllmpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments", false]], "chatllmproject (class in abacusai)": [[176, "abacusai.ChatllmProject", false]], "chatllmproject (class in abacusai.chatllm_project)": [[54, "abacusai.chatllm_project.ChatllmProject", false]], "chatllmprojectpermissions (class in abacusai)": [[176, "abacusai.ChatllmProjectPermissions", false]], "chatllmprojectpermissions (class in abacusai.chatllm_project_permissions)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions", false]], "chatllmreferralinvite (class in abacusai)": [[176, "abacusai.ChatllmReferralInvite", false]], "chatllmreferralinvite (class in abacusai.chatllm_referral_invite)": [[56, "abacusai.chatllm_referral_invite.ChatllmReferralInvite", false]], "chatllmtask (class in abacusai)": [[176, "abacusai.ChatllmTask", false]], "chatllmtask (class in abacusai.chatllm_task)": [[57, "abacusai.chatllm_task.ChatllmTask", false]], "chatllmtrainingconfig (class in abacusai)": [[176, "abacusai.ChatLLMTrainingConfig", false]], "chatllmtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ChatLLMTrainingConfig", false]], "chatllmtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig", false]], "chatmessage (class in abacusai)": [[176, "abacusai.ChatMessage", false]], "chatmessage (class in abacusai.chat_message)": [[49, "abacusai.chat_message.ChatMessage", false]], "chatsession (class in abacusai)": [[176, "abacusai.ChatSession", false]], "chatsession (class in abacusai.chat_session)": [[50, "abacusai.chat_session.ChatSession", false]], "check_constraints() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.check_constraints", false]], "check_constraints() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.check_constraints", false]], "check_constraints() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.check_constraints", false]], "check_constraints() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.check_constraints", false]], "chi_square (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.CHI_SQUARE", false]], "chi_square (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.CHI_SQUARE", false]], "chi_square (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.chi_square", false]], "chi_square (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.chi_square", false]], "chi_square (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.chi_square", false]], "chi_square (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.chi_square", false]], "chi_square (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.chi_square", false]], "chi_square (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.chi_square", false]], "chi_square (abacusai.featuredrifttype attribute)": [[176, "abacusai.FeatureDriftType.CHI_SQUARE", false]], "children (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.children", false]], "children (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.children", false]], "chunk_overlap_fraction (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.naturallanguagesearchtrainingconfig attribute)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig.chunk_overlap_fraction", false]], "chunk_overlap_fraction (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.chunk_overlap_fraction", false]], "chunk_size (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.chunk_size", false]], "chunk_size (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.chunk_size", false]], "chunk_size (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.chunk_size", false]], "chunk_size_factors (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.chunk_size_factors", false]], "chunk_size_factors (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.chunk_size_factors", false]], "chunk_size_factors (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.chunk_size_factors", false]], "chunking_scheme (abacusai.code_embeddings.codeembeddings attribute)": [[66, "abacusai.code_embeddings.CodeEmbeddings.chunking_scheme", false]], "chunking_scheme (abacusai.codeembeddings attribute)": [[176, "abacusai.CodeEmbeddings.chunking_scheme", false]], "city (abacusai.address attribute)": [[176, "abacusai.Address.city", false]], "city (abacusai.address.address attribute)": [[1, "abacusai.address.Address.city", false]], "classify_image() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.classify_image", false]], "classify_image() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.classify_image", false]], "classify_image() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.classify_image", false]], "classify_image() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.classify_image", false]], "classify_pdf() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.classify_pdf", false]], "classify_pdf() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.classify_pdf", false]], "classify_pdf() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.classify_pdf", false]], "classify_pdf() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.classify_pdf", false]], "claude_v3_5_haiku (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_5_HAIKU", false]], "claude_v3_5_haiku (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_5_HAIKU", false]], "claude_v3_5_haiku (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V3_5_HAIKU", false]], "claude_v3_5_sonnet (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_5_SONNET", false]], "claude_v3_5_sonnet (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_5_SONNET", false]], "claude_v3_5_sonnet (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V3_5_SONNET", false]], "claude_v3_7_sonnet (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_7_SONNET", false]], "claude_v3_7_sonnet (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_7_SONNET", false]], "claude_v3_7_sonnet (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V3_7_SONNET", false]], "claude_v3_haiku (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_HAIKU", false]], "claude_v3_haiku (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_HAIKU", false]], "claude_v3_haiku (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V3_HAIKU", false]], "claude_v3_opus (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V3_OPUS", false]], "claude_v3_opus (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V3_OPUS", false]], "claude_v3_opus (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V3_OPUS", false]], "claude_v4_5_sonnet (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V4_5_SONNET", false]], "claude_v4_5_sonnet (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V4_5_SONNET", false]], "claude_v4_5_sonnet (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V4_5_SONNET", false]], "claude_v4_opus (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V4_OPUS", false]], "claude_v4_opus (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V4_OPUS", false]], "claude_v4_opus (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V4_OPUS", false]], "claude_v4_sonnet (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.CLAUDE_V4_SONNET", false]], "claude_v4_sonnet (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.CLAUDE_V4_SONNET", false]], "claude_v4_sonnet (abacusai.llmname attribute)": [[176, "abacusai.LLMName.CLAUDE_V4_SONNET", false]], "clean_column_name() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.clean_column_name", false]], "clear() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.clear", false]], "clear() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.clear", false]], "clear_agent_context() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.clear_agent_context", false]], "clear_agent_context() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.clear_agent_context", false]], "clear_cache_scope() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.clear_cache_scope", false]], "clear_cache_scope() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.clear_cache_scope", false]], "clear_deployment_conversation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.clear_deployment_conversation", false]], "clear_deployment_conversation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.clear_deployment_conversation", false]], "client (abacusai.return_class.abstractapiclass attribute)": [[269, "abacusai.return_class.AbstractApiClass.client", false]], "client_options (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.client_options", false]], "client_version (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.client_version", false]], "clientoptions (class in abacusai)": [[176, "abacusai.ClientOptions", false]], "clientoptions (class in abacusai.client)": [[58, "abacusai.client.ClientOptions", false]], "clustering (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CLUSTERING", false]], "clustering (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CLUSTERING", false]], "clustering (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.CLUSTERING", false]], "clustering_timeseries (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CLUSTERING_TIMESERIES", false]], "clustering_timeseries (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CLUSTERING_TIMESERIES", false]], "clustering_timeseries (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.CLUSTERING_TIMESERIES", false]], "clusteringimputationmethod (class in abacusai)": [[176, "abacusai.ClusteringImputationMethod", false]], "clusteringimputationmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.ClusteringImputationMethod", false]], "clusteringimputationmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod", false]], "clusteringtimeseriestrainingconfig (class in abacusai)": [[176, "abacusai.ClusteringTimeseriesTrainingConfig", false]], "clusteringtimeseriestrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig", false]], "clusteringtimeseriestrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig", false]], "clusteringtrainingconfig (class in abacusai)": [[176, "abacusai.ClusteringTrainingConfig", false]], "clusteringtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ClusteringTrainingConfig", false]], "clusteringtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ClusteringTrainingConfig", false]], "cmape (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.CMAPE", false]], "cmape (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.CMAPE", false]], "cmape (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.CMAPE", false]], "code (abacusai.api_class.coderesponsesection attribute)": [[27, "abacusai.api_class.CodeResponseSection.code", false]], "code (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.code", false]], "code (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.CODE", false]], "code (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.code", false]], "code (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.CODE", false]], "code (abacusai.api_class.segments.coderesponsesection attribute)": [[34, "abacusai.api_class.segments.CodeResponseSection.code", false]], "code (abacusai.coderesponsesection attribute)": [[176, "abacusai.CodeResponseSection.code", false]], "code (abacusai.constraintconfig attribute)": [[176, "abacusai.ConstraintConfig.code", false]], "code (abacusai.llm_code_block.llmcodeblock attribute)": [[184, "abacusai.llm_code_block.LlmCodeBlock.code", false]], "code (abacusai.llmcodeblock attribute)": [[176, "abacusai.LlmCodeBlock.code", false]], "code (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.CODE", false]], "code_agent_supported (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.code_agent_supported", false]], "code_agent_supported (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.code_agent_supported", false]], "code_bert (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.CODE_BERT", false]], "code_bert (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.CODE_BERT", false], [27, "id114", false]], "code_bert (abacusai.vectorstoretextencoder attribute)": [[176, "abacusai.VectorStoreTextEncoder.CODE_BERT", false]], "code_blocks (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.code_blocks", false]], "code_blocks (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.code_blocks", false]], "code_changes (abacusai.code_edit_response.codeeditresponse attribute)": [[64, "abacusai.code_edit_response.CodeEditResponse.code_changes", false]], "code_changes (abacusai.code_edits.codeedits attribute)": [[65, "abacusai.code_edits.CodeEdits.code_changes", false]], "code_changes (abacusai.codeeditresponse attribute)": [[176, "abacusai.CodeEditResponse.code_changes", false]], "code_changes (abacusai.codeedits attribute)": [[176, "abacusai.CodeEdits.code_changes", false]], "code_edit_supported (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.code_edit_supported", false]], "code_edit_supported (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.code_edit_supported", false]], "code_edits (abacusai.code_edits.codeedits attribute)": [[65, "abacusai.code_edits.CodeEdits.code_edits", false]], "code_edits (abacusai.codeedits attribute)": [[176, "abacusai.CodeEdits.code_edits", false]], "code_llm (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.CODE_LLM", false]], "code_llm (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.CODE_LLM", false]], "code_llm (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.CODE_LLM", false]], "code_llm_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.CODE_LLM_AGENT", false]], "code_llm_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.CODE_LLM_AGENT", false]], "code_llm_agent (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.CODE_LLM_AGENT", false]], "code_llm_non_interactive (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.CODE_LLM_NON_INTERACTIVE", false]], "code_llm_non_interactive (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.CODE_LLM_NON_INTERACTIVE", false]], "code_llm_non_interactive (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.CODE_LLM_NON_INTERACTIVE", false]], "code_source (abacusai.agent attribute)": [[176, "abacusai.Agent.code_source", false]], "code_source (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.code_source", false]], "code_source (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.code_source", false]], "code_source (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.code_source", false]], "code_source (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.code_source", false]], "code_source (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.code_source", false]], "code_source (abacusai.custom_loss_function.customlossfunction attribute)": [[79, "abacusai.custom_loss_function.CustomLossFunction.code_source", false]], "code_source (abacusai.custom_metric_version.custommetricversion attribute)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.code_source", false]], "code_source (abacusai.customlossfunction attribute)": [[176, "abacusai.CustomLossFunction.code_source", false]], "code_source (abacusai.custommetricversion attribute)": [[176, "abacusai.CustomMetricVersion.code_source", false]], "code_source (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.code_source", false]], "code_source (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.code_source", false]], "code_source (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.code_source", false]], "code_source (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.code_source", false]], "code_source (abacusai.model attribute)": [[176, "abacusai.Model.code_source", false]], "code_source (abacusai.model.model attribute)": [[197, "abacusai.model.Model.code_source", false]], "code_source (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.code_source", false]], "code_source (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.code_source", false]], "code_source (abacusai.module attribute)": [[176, "abacusai.Module.code_source", false]], "code_source (abacusai.module.module attribute)": [[214, "abacusai.module.Module.code_source", false]], "code_source (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.code_source", false]], "code_source (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.code_source", false]], "code_source (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.code_source", false]], "code_source (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.code_source", false]], "code_source (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.code_source", false]], "code_source (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.code_source", false]], "code_source (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.code_source", false]], "code_source (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.code_source", false]], "code_source (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.code_source", false]], "code_source (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.code_source", false]], "code_source (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.code_source", false]], "code_source (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.code_source", false]], "code_source (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.code_source", false]], "code_source (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.code_source", false]], "code_source (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.code_source", false]], "code_source (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.code_source", false]], "code_source (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.code_source", false]], "code_source (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.code_source", false]], "codeagentresponse (class in abacusai)": [[176, "abacusai.CodeAgentResponse", false]], "codeagentresponse (class in abacusai.code_agent_response)": [[59, "abacusai.code_agent_response.CodeAgentResponse", false]], "codeautocompleteeditpredictionresponse (class in abacusai)": [[176, "abacusai.CodeAutocompleteEditPredictionResponse", false]], "codeautocompleteeditpredictionresponse (class in abacusai.code_autocomplete_edit_prediction_response)": [[60, "abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse", false]], "codeautocompleteresponse (class in abacusai)": [[176, "abacusai.CodeAutocompleteResponse", false]], "codeautocompleteresponse (class in abacusai.code_autocomplete_response)": [[61, "abacusai.code_autocomplete_response.CodeAutocompleteResponse", false]], "codebot (class in abacusai)": [[176, "abacusai.CodeBot", false]], "codebot (class in abacusai.code_bot)": [[62, "abacusai.code_bot.CodeBot", false]], "codeedit (class in abacusai)": [[176, "abacusai.CodeEdit", false]], "codeedit (class in abacusai.code_edit)": [[63, "abacusai.code_edit.CodeEdit", false]], "codeeditresponse (class in abacusai)": [[176, "abacusai.CodeEditResponse", false]], "codeeditresponse (class in abacusai.code_edit_response)": [[64, "abacusai.code_edit_response.CodeEditResponse", false]], "codeedits (class in abacusai)": [[176, "abacusai.CodeEdits", false]], "codeedits (class in abacusai.code_edits)": [[65, "abacusai.code_edits.CodeEdits", false]], "codeembeddings (class in abacusai)": [[176, "abacusai.CodeEmbeddings", false]], "codeembeddings (class in abacusai.code_embeddings)": [[66, "abacusai.code_embeddings.CodeEmbeddings", false]], "codelanguage (class in abacusai)": [[176, "abacusai.CodeLanguage", false]], "codelanguage (class in abacusai.api_class)": [[27, "abacusai.api_class.CodeLanguage", false]], "codelanguage (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.CodeLanguage", false]], "codellmchangedfiles (class in abacusai)": [[176, "abacusai.CodeLlmChangedFiles", false]], "codellmchangedfiles (class in abacusai.code_llm_changed_files)": [[67, "abacusai.code_llm_changed_files.CodeLlmChangedFiles", false]], "codellmembeddingconstants (class in abacusai)": [[176, "abacusai.CodellmEmbeddingConstants", false]], "codellmembeddingconstants (class in abacusai.codellm_embedding_constants)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants", false]], "coderesponsesection (class in abacusai)": [[176, "abacusai.CodeResponseSection", false]], "coderesponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.CodeResponseSection", false]], "coderesponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.CodeResponseSection", false]], "codesource (class in abacusai)": [[176, "abacusai.CodeSource", false]], "codesource (class in abacusai.code_source)": [[68, "abacusai.code_source.CodeSource", false]], "codesuggestionvalidationresponse (class in abacusai)": [[176, "abacusai.CodeSuggestionValidationResponse", false]], "codesuggestionvalidationresponse (class in abacusai.code_suggestion_validation_response)": [[69, "abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse", false]], "codesummaryresponse (class in abacusai)": [[176, "abacusai.CodeSummaryResponse", false]], "codesummaryresponse (class in abacusai.code_summary_response)": [[70, "abacusai.code_summary_response.CodeSummaryResponse", false]], "collapseresponsesection (class in abacusai)": [[176, "abacusai.CollapseResponseSection", false]], "collapseresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.CollapseResponseSection", false]], "collapseresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.CollapseResponseSection", false]], "collapsible_component (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.COLLAPSIBLE_COMPONENT", false]], "collapsible_component (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.COLLAPSIBLE_COMPONENT", false]], "collapsible_component (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.COLLAPSIBLE_COMPONENT", false]], "collinearity_groups (abacusai.eda_collinearity.edacollinearity attribute)": [[115, "abacusai.eda_collinearity.EdaCollinearity.collinearity_groups", false]], "collinearity_groups (abacusai.edacollinearity attribute)": [[176, "abacusai.EdaCollinearity.collinearity_groups", false]], "collinearity_matrix (abacusai.eda_collinearity.edacollinearity attribute)": [[115, "abacusai.eda_collinearity.EdaCollinearity.collinearity_matrix", false]], "collinearity_matrix (abacusai.edacollinearity attribute)": [[176, "abacusai.EdaCollinearity.collinearity_matrix", false]], "column_filtering_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.column_filtering_instructions", false]], "column_filtering_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.column_filtering_instructions", false]], "column_filtering_instructions (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.column_filtering_instructions", false]], "column_hints (abacusai.project_validation.projectvalidation attribute)": [[257, "abacusai.project_validation.ProjectValidation.column_hints", false]], "column_hints (abacusai.projectvalidation attribute)": [[176, "abacusai.ProjectValidation.column_hints", false]], "column_name (abacusai.api_class.attachmentparsingconfig attribute)": [[27, "abacusai.api_class.AttachmentParsingConfig.column_name", false]], "column_name (abacusai.api_class.dataset.attachmentparsingconfig attribute)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig.column_name", false]], "column_name (abacusai.attachmentparsingconfig attribute)": [[176, "abacusai.AttachmentParsingConfig.column_name", false]], "column_names (abacusai.eda_collinearity.edacollinearity attribute)": [[115, "abacusai.eda_collinearity.EdaCollinearity.column_names", false]], "column_names (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.column_names", false]], "column_names (abacusai.edacollinearity attribute)": [[176, "abacusai.EdaCollinearity.column_names", false]], "column_names (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.column_names", false]], "column_names_x (abacusai.eda_collinearity.edacollinearity attribute)": [[115, "abacusai.eda_collinearity.EdaCollinearity.column_names_x", false]], "column_names_x (abacusai.edacollinearity attribute)": [[176, "abacusai.EdaCollinearity.column_names_x", false]], "columns (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.columns", false]], "columns (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.columns", false]], "columns (abacusai.database_connector_schema.databaseconnectorschema attribute)": [[92, "abacusai.database_connector_schema.DatabaseConnectorSchema.columns", false]], "columns (abacusai.databaseconnectorschema attribute)": [[176, "abacusai.DatabaseConnectorSchema.columns", false]], "columns (abacusai.feature attribute)": [[176, "abacusai.Feature.columns", false]], "columns (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.columns", false]], "columns (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.columns", false]], "columns (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.columns", false]], "columns (abacusai.test_point_predictions.testpointpredictions attribute)": [[286, "abacusai.test_point_predictions.TestPointPredictions.columns", false]], "columns (abacusai.testpointpredictions attribute)": [[176, "abacusai.TestPointPredictions.columns", false]], "columns (abacusai.unpivotconfig attribute)": [[176, "abacusai.UnpivotConfig.columns", false]], "comments (abacusai.annotation attribute)": [[176, "abacusai.Annotation.comments", false]], "comments (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.comments", false]], "comments_features (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.comments_features", false]], "comments_features (abacusai.annotationconfig attribute)": [[176, "abacusai.AnnotationConfig.comments_features", false]], "common_source_code (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.common_source_code", false]], "common_source_code (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.common_source_code", false]], "common_source_code (abacusai.workflowgraph attribute)": [[176, "abacusai.WorkflowGraph.common_source_code", false]], "compare_duplicates (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.compare_duplicates", false]], "compare_duplicates (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.compare_duplicates", false]], "complete_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.complete_processes", false]], "complete_processes (abacusai.featuregrouprowprocesssummary attribute)": [[176, "abacusai.FeatureGroupRowProcessSummary.complete_processes", false]], "completed_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.completed_at", false]], "completed_at (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.completed_at", false]], "completed_at (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.completed_at", false]], "completed_at (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.completed_at", false]], "completed_at (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.completed_at", false]], "completed_at (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.completed_at", false]], "completion_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.completion_col", false]], "completion_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.completion_col", false]], "completion_col (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.completion_col", false]], "complex_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.COMPLEX_AGENT", false]], "complex_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.COMPLEX_AGENT", false]], "complex_agent (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.COMPLEX_AGENT", false]], "comprehensive (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE", false]], "comprehensive (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE", false], [27, "id120", false]], "comprehensive (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.COMPREHENSIVE", false]], "comprehensive_form_and_table_md (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_FORM_AND_TABLE_MD", false]], "comprehensive_form_and_table_md (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_FORM_AND_TABLE_MD", false], [27, "id124", false]], "comprehensive_form_and_table_md (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.COMPREHENSIVE_FORM_AND_TABLE_MD", false]], "comprehensive_form_md (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_FORM_MD", false]], "comprehensive_form_md (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_FORM_MD", false], [27, "id123", false]], "comprehensive_form_md (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.COMPREHENSIVE_FORM_MD", false]], "comprehensive_markdown (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.COMPREHENSIVE_MARKDOWN", false], [27, "id135", false]], "comprehensive_markdown (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.COMPREHENSIVE_MARKDOWN", false]], "comprehensive_markdown (abacusai.documenttype attribute)": [[176, "abacusai.DocumentType.COMPREHENSIVE_MARKDOWN", false]], "comprehensive_table_md (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_TABLE_MD", false]], "comprehensive_table_md (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_TABLE_MD", false], [27, "id122", false]], "comprehensive_table_md (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.COMPREHENSIVE_TABLE_MD", false]], "comprehensive_v2 (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.COMPREHENSIVE_V2", false]], "comprehensive_v2 (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.COMPREHENSIVE_V2", false], [27, "id121", false]], "comprehensive_v2 (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.COMPREHENSIVE_V2", false]], "compute_points_used (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.compute_points_used", false]], "compute_points_used (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.compute_points_used", false]], "compute_points_used (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.compute_points_used", false]], "compute_points_used (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.compute_points_used", false]], "compute_points_used (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.compute_points_used", false]], "compute_points_used (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.compute_points_used", false]], "compute_rerank_metrics (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.compute_rerank_metrics", false]], "compute_rerank_metrics (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.compute_rerank_metrics", false]], "compute_rerank_metrics (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.compute_rerank_metrics", false]], "compute_session_metrics (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.compute_session_metrics", false]], "compute_session_metrics (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.compute_session_metrics", false]], "compute_session_metrics (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.compute_session_metrics", false]], "computepointinfo (class in abacusai)": [[176, "abacusai.ComputePointInfo", false]], "computepointinfo (class in abacusai.compute_point_info)": [[72, "abacusai.compute_point_info.ComputePointInfo", false]], "computer_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.COMPUTER_AGENT", false]], "computer_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.COMPUTER_AGENT", false]], "computer_agent (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.COMPUTER_AGENT", false]], "computer_files (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.computer_files", false]], "computer_files (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.computer_files", false]], "computer_id (abacusai.chatllm_computer.chatllmcomputer attribute)": [[51, "abacusai.chatllm_computer.ChatllmComputer.computer_id", false]], "computer_id (abacusai.chatllm_computer_status.chatllmcomputerstatus attribute)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus.computer_id", false]], "computer_id (abacusai.chatllmcomputer attribute)": [[176, "abacusai.ChatllmComputer.computer_id", false]], "computer_id (abacusai.chatllmcomputerstatus attribute)": [[176, "abacusai.ChatllmComputerStatus.computer_id", false]], "computer_started (abacusai.chatllm_computer_status.chatllmcomputerstatus attribute)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus.computer_started", false]], "computer_started (abacusai.chatllmcomputerstatus attribute)": [[176, "abacusai.ChatllmComputerStatus.computer_started", false]], "computer_status (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.computer_status", false]], "computer_status (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.computer_status", false]], "concatenate_data() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.concatenate_data", false]], "concatenate_data() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.concatenate_data", false]], "concatenate_feature_group_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.concatenate_feature_group_data", false]], "concatenate_feature_group_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.concatenate_feature_group_data", false]], "concatenated_table (abacusai.concatenation_config.concatenationconfig attribute)": [[73, "abacusai.concatenation_config.ConcatenationConfig.concatenated_table", false]], "concatenated_table (abacusai.concatenationconfig attribute)": [[176, "abacusai.ConcatenationConfig.concatenated_table", false]], "concatenation_config (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.concatenation_config", false]], "concatenation_config (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.concatenation_config", false]], "concatenation_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.concatenation_config", false]], "concatenation_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.concatenation_config", false]], "concatenationconfig (class in abacusai)": [[176, "abacusai.ConcatenationConfig", false]], "concatenationconfig (class in abacusai.concatenation_config)": [[73, "abacusai.concatenation_config.ConcatenationConfig", false]], "concurrency (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.concurrency", false]], "concurrency (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.concurrency", false]], "concurrency (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.concurrency", false]], "condition_config (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.condition_config", false]], "condition_config (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.condition_config", false]], "condition_config (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.condition_config", false]], "condition_config (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.condition_config", false]], "condition_description (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.condition_description", false]], "condition_description (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.condition_description", false]], "condition_description (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.condition_description", false]], "condition_description (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.condition_description", false]], "config (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.config", false]], "config (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.config", false]], "config (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.config", false]], "config (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.config", false]], "config (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.config", false]], "config (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.config", false]], "config (abacusai.project_config.projectconfig attribute)": [[253, "abacusai.project_config.ProjectConfig.config", false]], "config (abacusai.projectconfig attribute)": [[176, "abacusai.ProjectConfig.config", false]], "config_abstract_class (abacusai._alertactionconfigfactory attribute)": [[176, "abacusai._AlertActionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._alertconditionconfigfactory attribute)": [[176, "abacusai._AlertConditionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._apiclassfactory attribute)": [[176, "abacusai._ApiClassFactory.config_abstract_class", false]], "config_abstract_class (abacusai._applicationconnectordatasetconfigfactory attribute)": [[176, "abacusai._ApplicationConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._batchpredictionargsfactory attribute)": [[176, "abacusai._BatchPredictionArgsFactory.config_abstract_class", false]], "config_abstract_class (abacusai._featuregroupexportconfigfactory attribute)": [[176, "abacusai._FeatureGroupExportConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._mergeconfigfactory attribute)": [[176, "abacusai._MergeConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._operatorconfigfactory attribute)": [[176, "abacusai._OperatorConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._predictionargumentsfactory attribute)": [[176, "abacusai._PredictionArgumentsFactory.config_abstract_class", false]], "config_abstract_class (abacusai._projectfeaturegroupconfigfactory attribute)": [[176, "abacusai._ProjectFeatureGroupConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._samplingconfigfactory attribute)": [[176, "abacusai._SamplingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._streamingconnectordatasetconfigfactory attribute)": [[176, "abacusai._StreamingConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai._trainingconfigfactory attribute)": [[176, "abacusai._TrainingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._alertactionconfigfactory attribute)": [[27, "abacusai.api_class._AlertActionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._apiclassfactory attribute)": [[27, "abacusai.api_class._ApiClassFactory.config_abstract_class", false], [27, "id152", false], [27, "id185", false], [27, "id222", false], [27, "id241", false], [27, "id274", false], [27, "id43", false], [27, "id64", false], [27, "id89", false]], "config_abstract_class (abacusai.api_class._applicationconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._batchpredictionargsfactory attribute)": [[27, "abacusai.api_class._BatchPredictionArgsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._featuregroupexportconfigfactory attribute)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._mergeconfigfactory attribute)": [[27, "abacusai.api_class._MergeConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._operatorconfigfactory attribute)": [[27, "abacusai.api_class._OperatorConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._predictionargumentsfactory attribute)": [[27, "abacusai.api_class._PredictionArgumentsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._projectfeaturegroupconfigfactory attribute)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._samplingconfigfactory attribute)": [[27, "abacusai.api_class._SamplingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._streamingconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class._trainingconfigfactory attribute)": [[27, "abacusai.api_class._TrainingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.abstract._apiclassfactory attribute)": [[15, "abacusai.api_class.abstract._ApiClassFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.batch_prediction._batchpredictionargsfactory attribute)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.connectors._streamingconnectordatasetconfigfactory attribute)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.dataset_application_connector._applicationconnectordatasetconfigfactory attribute)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.deployment._predictionargumentsfactory attribute)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.feature_group._mergeconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.feature_group._operatorconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.feature_group._samplingconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.model._trainingconfigfactory attribute)": [[28, "abacusai.api_class.model._TrainingConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.monitor_alert._alertactionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.project._projectfeaturegroupconfigfactory attribute)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory.config_abstract_class", false]], "config_abstract_class (abacusai.api_class.refresh._featuregroupexportconfigfactory attribute)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory.config_abstract_class", false]], "config_class_key (abacusai._alertactionconfigfactory attribute)": [[176, "abacusai._AlertActionConfigFactory.config_class_key", false]], "config_class_key (abacusai._alertconditionconfigfactory attribute)": [[176, "abacusai._AlertConditionConfigFactory.config_class_key", false]], "config_class_key (abacusai._apiclassfactory attribute)": [[176, "abacusai._ApiClassFactory.config_class_key", false]], "config_class_key (abacusai._applicationconnectordatasetconfigfactory attribute)": [[176, "abacusai._ApplicationConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai._batchpredictionargsfactory attribute)": [[176, "abacusai._BatchPredictionArgsFactory.config_class_key", false]], "config_class_key (abacusai._featuregroupexportconfigfactory attribute)": [[176, "abacusai._FeatureGroupExportConfigFactory.config_class_key", false]], "config_class_key (abacusai._mergeconfigfactory attribute)": [[176, "abacusai._MergeConfigFactory.config_class_key", false]], "config_class_key (abacusai._operatorconfigfactory attribute)": [[176, "abacusai._OperatorConfigFactory.config_class_key", false]], "config_class_key (abacusai._predictionargumentsfactory attribute)": [[176, "abacusai._PredictionArgumentsFactory.config_class_key", false]], "config_class_key (abacusai._projectfeaturegroupconfigfactory attribute)": [[176, "abacusai._ProjectFeatureGroupConfigFactory.config_class_key", false]], "config_class_key (abacusai._samplingconfigfactory attribute)": [[176, "abacusai._SamplingConfigFactory.config_class_key", false]], "config_class_key (abacusai._streamingconnectordatasetconfigfactory attribute)": [[176, "abacusai._StreamingConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai._trainingconfigfactory attribute)": [[176, "abacusai._TrainingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._alertactionconfigfactory attribute)": [[27, "abacusai.api_class._AlertActionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._apiclassfactory attribute)": [[27, "abacusai.api_class._ApiClassFactory.config_class_key", false], [27, "id153", false], [27, "id186", false], [27, "id223", false], [27, "id242", false], [27, "id275", false], [27, "id44", false], [27, "id65", false], [27, "id90", false]], "config_class_key (abacusai.api_class._applicationconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._batchpredictionargsfactory attribute)": [[27, "abacusai.api_class._BatchPredictionArgsFactory.config_class_key", false]], "config_class_key (abacusai.api_class._featuregroupexportconfigfactory attribute)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._mergeconfigfactory attribute)": [[27, "abacusai.api_class._MergeConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._operatorconfigfactory attribute)": [[27, "abacusai.api_class._OperatorConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._predictionargumentsfactory attribute)": [[27, "abacusai.api_class._PredictionArgumentsFactory.config_class_key", false]], "config_class_key (abacusai.api_class._projectfeaturegroupconfigfactory attribute)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._samplingconfigfactory attribute)": [[27, "abacusai.api_class._SamplingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._streamingconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class._trainingconfigfactory attribute)": [[27, "abacusai.api_class._TrainingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.abstract._apiclassfactory attribute)": [[15, "abacusai.api_class.abstract._ApiClassFactory.config_class_key", false]], "config_class_key (abacusai.api_class.batch_prediction._batchpredictionargsfactory attribute)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory.config_class_key", false]], "config_class_key (abacusai.api_class.connectors._streamingconnectordatasetconfigfactory attribute)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.dataset_application_connector._applicationconnectordatasetconfigfactory attribute)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.deployment._predictionargumentsfactory attribute)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory.config_class_key", false]], "config_class_key (abacusai.api_class.feature_group._mergeconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.feature_group._operatorconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.feature_group._samplingconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.model._trainingconfigfactory attribute)": [[28, "abacusai.api_class.model._TrainingConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.monitor_alert._alertactionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.project._projectfeaturegroupconfigfactory attribute)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory.config_class_key", false]], "config_class_key (abacusai.api_class.refresh._featuregroupexportconfigfactory attribute)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory.config_class_key", false]], "config_class_key_value_camel_case (abacusai._alertconditionconfigfactory attribute)": [[176, "abacusai._AlertConditionConfigFactory.config_class_key_value_camel_case", false]], "config_class_key_value_camel_case (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_class_key_value_camel_case", false]], "config_class_key_value_camel_case (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_class_key_value_camel_case", false]], "config_class_map (abacusai._alertactionconfigfactory attribute)": [[176, "abacusai._AlertActionConfigFactory.config_class_map", false]], "config_class_map (abacusai._alertconditionconfigfactory attribute)": [[176, "abacusai._AlertConditionConfigFactory.config_class_map", false]], "config_class_map (abacusai._apiclassfactory attribute)": [[176, "abacusai._ApiClassFactory.config_class_map", false]], "config_class_map (abacusai._applicationconnectordatasetconfigfactory attribute)": [[176, "abacusai._ApplicationConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai._batchpredictionargsfactory attribute)": [[176, "abacusai._BatchPredictionArgsFactory.config_class_map", false]], "config_class_map (abacusai._featuregroupexportconfigfactory attribute)": [[176, "abacusai._FeatureGroupExportConfigFactory.config_class_map", false]], "config_class_map (abacusai._mergeconfigfactory attribute)": [[176, "abacusai._MergeConfigFactory.config_class_map", false]], "config_class_map (abacusai._operatorconfigfactory attribute)": [[176, "abacusai._OperatorConfigFactory.config_class_map", false]], "config_class_map (abacusai._predictionargumentsfactory attribute)": [[176, "abacusai._PredictionArgumentsFactory.config_class_map", false]], "config_class_map (abacusai._projectfeaturegroupconfigfactory attribute)": [[176, "abacusai._ProjectFeatureGroupConfigFactory.config_class_map", false]], "config_class_map (abacusai._samplingconfigfactory attribute)": [[176, "abacusai._SamplingConfigFactory.config_class_map", false]], "config_class_map (abacusai._streamingconnectordatasetconfigfactory attribute)": [[176, "abacusai._StreamingConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai._trainingconfigfactory attribute)": [[176, "abacusai._TrainingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._alertactionconfigfactory attribute)": [[27, "abacusai.api_class._AlertActionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._alertconditionconfigfactory attribute)": [[27, "abacusai.api_class._AlertConditionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._apiclassfactory attribute)": [[27, "abacusai.api_class._ApiClassFactory.config_class_map", false], [27, "id154", false], [27, "id187", false], [27, "id224", false], [27, "id243", false], [27, "id276", false], [27, "id45", false], [27, "id66", false], [27, "id91", false]], "config_class_map (abacusai.api_class._applicationconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._ApplicationConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._batchpredictionargsfactory attribute)": [[27, "abacusai.api_class._BatchPredictionArgsFactory.config_class_map", false]], "config_class_map (abacusai.api_class._featuregroupexportconfigfactory attribute)": [[27, "abacusai.api_class._FeatureGroupExportConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._mergeconfigfactory attribute)": [[27, "abacusai.api_class._MergeConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._operatorconfigfactory attribute)": [[27, "abacusai.api_class._OperatorConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._predictionargumentsfactory attribute)": [[27, "abacusai.api_class._PredictionArgumentsFactory.config_class_map", false]], "config_class_map (abacusai.api_class._projectfeaturegroupconfigfactory attribute)": [[27, "abacusai.api_class._ProjectFeatureGroupConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._samplingconfigfactory attribute)": [[27, "abacusai.api_class._SamplingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._streamingconnectordatasetconfigfactory attribute)": [[27, "abacusai.api_class._StreamingConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class._trainingconfigfactory attribute)": [[27, "abacusai.api_class._TrainingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.abstract._apiclassfactory attribute)": [[15, "abacusai.api_class.abstract._ApiClassFactory.config_class_map", false]], "config_class_map (abacusai.api_class.batch_prediction._batchpredictionargsfactory attribute)": [[18, "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory.config_class_map", false]], "config_class_map (abacusai.api_class.connectors._streamingconnectordatasetconfigfactory attribute)": [[20, "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.dataset_application_connector._applicationconnectordatasetconfigfactory attribute)": [[22, "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.deployment._predictionargumentsfactory attribute)": [[23, "abacusai.api_class.deployment._PredictionArgumentsFactory.config_class_map", false]], "config_class_map (abacusai.api_class.feature_group._mergeconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._MergeConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.feature_group._operatorconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._OperatorConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.feature_group._samplingconfigfactory attribute)": [[26, "abacusai.api_class.feature_group._SamplingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.model._trainingconfigfactory attribute)": [[28, "abacusai.api_class.model._TrainingConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.monitor_alert._alertactionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertActionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.monitor_alert._alertconditionconfigfactory attribute)": [[30, "abacusai.api_class.monitor_alert._AlertConditionConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.project._projectfeaturegroupconfigfactory attribute)": [[31, "abacusai.api_class.project._ProjectFeatureGroupConfigFactory.config_class_map", false]], "config_class_map (abacusai.api_class.refresh._featuregroupexportconfigfactory attribute)": [[33, "abacusai.api_class.refresh._FeatureGroupExportConfigFactory.config_class_map", false]], "config_connectors (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.config_connectors", false]], "config_connectors (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.config_connectors", false]], "config_connectors (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.config_connectors", false]], "config_options (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.config_options", false]], "config_options (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.config_options", false]], "configs (abacusai.api_class.model.systemconnectortool attribute)": [[28, "abacusai.api_class.model.SystemConnectorTool.configs", false]], "configs (abacusai.api_class.systemconnectortool attribute)": [[27, "abacusai.api_class.SystemConnectorTool.configs", false]], "configs (abacusai.systemconnectortool attribute)": [[176, "abacusai.SystemConnectorTool.configs", false]], "configurations (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.configurations", false]], "configurations (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.configurations", false]], "conflicterror": [[58, "abacusai.client.ConflictError", false]], "confluence (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.CONFLUENCE", false]], "confluence (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.CONFLUENCE", false]], "confluence (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.CONFLUENCE", false]], "confluencedatasetconfig (class in abacusai)": [[176, "abacusai.ConfluenceDatasetConfig", false]], "confluencedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ConfluenceDatasetConfig", false]], "confluencedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig", false]], "connections (abacusai.feature_group_lineage.featuregrouplineage attribute)": [[137, "abacusai.feature_group_lineage.FeatureGroupLineage.connections", false]], "connections (abacusai.featuregrouplineage attribute)": [[176, "abacusai.FeatureGroupLineage.connections", false]], "connector_tool (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.CONNECTOR_TOOL", false]], "connector_tool (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.CONNECTOR_TOOL", false]], "connector_tool (abacusai.pythonfunctiontype attribute)": [[176, "abacusai.PythonFunctionType.CONNECTOR_TOOL", false]], "connector_type (abacusai.api_class.featuregroupexportconfig attribute)": [[27, "abacusai.api_class.FeatureGroupExportConfig.connector_type", false]], "connector_type (abacusai.api_class.refresh.featuregroupexportconfig attribute)": [[33, "abacusai.api_class.refresh.FeatureGroupExportConfig.connector_type", false]], "connector_type (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.connector_type", false]], "connector_type (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.connector_type", false]], "connector_type (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.connector_type", false]], "connector_type (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.connector_type", false]], "connector_type (abacusai.dataset attribute)": [[176, "abacusai.Dataset.connector_type", false]], "connector_type (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.connector_type", false]], "connector_type (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.connector_type", false]], "connector_type (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.connector_type", false]], "connector_type (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.connector_type", false]], "connector_type (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.connector_type", false]], "connector_type (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.connector_type", false]], "connectors (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.connectors", false]], "connectors (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.connectors", false]], "connectors (abacusai.workflow_graph_node_details.workflowgraphnodedetails attribute)": [[313, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.connectors", false]], "connectors (abacusai.workflowgraphnodedetails attribute)": [[176, "abacusai.WorkflowGraphNodeDetails.connectors", false]], "connectortype (class in abacusai)": [[176, "abacusai.ConnectorType", false]], "connectortype (class in abacusai.api_class)": [[27, "abacusai.api_class.ConnectorType", false]], "connectortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ConnectorType", false]], "console (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[280, "abacusai.streaming_sample_code.StreamingSampleCode.console", false]], "console (abacusai.streamingsamplecode attribute)": [[176, "abacusai.StreamingSampleCode.console", false]], "constant (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.constant", false]], "constant (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.CONSTANT", false]], "constant (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.constant", false]], "constant (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.CONSTANT", false]], "constant (abacusai.constraintconfig attribute)": [[176, "abacusai.ConstraintConfig.constant", false]], "constant (abacusai.workflownodeinputtype attribute)": [[176, "abacusai.WorkflowNodeInputType.CONSTANT", false]], "constant_value (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.constant_value", false]], "constant_value (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.constant_value", false]], "constant_value (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.constant_value", false]], "constantsautocompleteresponse (class in abacusai)": [[176, "abacusai.ConstantsAutocompleteResponse", false]], "constantsautocompleteresponse (class in abacusai.constants_autocomplete_response)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse", false]], "constraintconfig (class in abacusai)": [[176, "abacusai.ConstraintConfig", false]], "constraintconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ConstraintConfig", false]], "constraintconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ConstraintConfig", false]], "constraintprojectfeaturegroupconfig (class in abacusai)": [[176, "abacusai.ConstraintProjectFeatureGroupConfig", false]], "constraintprojectfeaturegroupconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ConstraintProjectFeatureGroupConfig", false]], "constraintprojectfeaturegroupconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig", false]], "constraints (abacusai.api_class.constraintprojectfeaturegroupconfig attribute)": [[27, "abacusai.api_class.ConstraintProjectFeatureGroupConfig.constraints", false]], "constraints (abacusai.api_class.enums.projectconfigtype attribute)": [[25, "abacusai.api_class.enums.ProjectConfigType.CONSTRAINTS", false]], "constraints (abacusai.api_class.project.constraintprojectfeaturegroupconfig attribute)": [[31, "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig.constraints", false]], "constraints (abacusai.api_class.projectconfigtype attribute)": [[27, "abacusai.api_class.ProjectConfigType.CONSTRAINTS", false]], "constraints (abacusai.constraintprojectfeaturegroupconfig attribute)": [[176, "abacusai.ConstraintProjectFeatureGroupConfig.constraints", false]], "constraints (abacusai.projectconfigtype attribute)": [[176, "abacusai.ProjectConfigType.CONSTRAINTS", false]], "construct_agent_conversation_messages_for_llm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.construct_agent_conversation_messages_for_llm", false]], "construct_agent_conversation_messages_for_llm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.construct_agent_conversation_messages_for_llm", false]], "construct_agent_conversation_messages_for_llm() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.construct_agent_conversation_messages_for_llm", false]], "construct_agent_conversation_messages_for_llm() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.construct_agent_conversation_messages_for_llm", false]], "container_image (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.container_image", false]], "container_image (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.container_image", false]], "content (abacusai.api_class.collapseresponsesection attribute)": [[27, "abacusai.api_class.CollapseResponseSection.content", false]], "content (abacusai.api_class.segments.collapseresponsesection attribute)": [[34, "abacusai.api_class.segments.CollapseResponseSection.content", false]], "content (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.CONTENT", false]], "content (abacusai.collapseresponsesection attribute)": [[176, "abacusai.CollapseResponseSection.content", false]], "content (abacusai.hosted_app_file_read.hostedappfileread attribute)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead.content", false]], "content (abacusai.hostedappfileread attribute)": [[176, "abacusai.HostedAppFileRead.content", false]], "content (abacusai.llm_input.llminput attribute)": [[188, "abacusai.llm_input.LlmInput.content", false]], "content (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.content", false]], "content (abacusai.llminput attribute)": [[176, "abacusai.LlmInput.content", false]], "content (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.content", false]], "content (abacusai.session_transcript.sessiontranscript attribute)": [[273, "abacusai.session_transcript.SessionTranscript.content", false]], "content (abacusai.sessiontranscript attribute)": [[176, "abacusai.SessionTranscript.content", false]], "content (abacusai.web_page_response.webpageresponse attribute)": [[308, "abacusai.web_page_response.WebPageResponse.content", false]], "content (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.content", false]], "content (abacusai.webpageresponse attribute)": [[176, "abacusai.WebPageResponse.content", false]], "content (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.content", false]], "contents (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.contents", false]], "contents (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.contents", false]], "contents (abacusai.blob attribute)": [[176, "abacusai.Blob.contents", false]], "contents (abacusai.feature_group_row.featuregrouprow attribute)": [[139, "abacusai.feature_group_row.FeatureGroupRow.contents", false]], "contents (abacusai.featuregrouprow attribute)": [[176, "abacusai.FeatureGroupRow.contents", false]], "contest_names (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.contest_names", false]], "contest_names (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.contest_names", false]], "context() (abacusai.python_function_validator._monkeypatch class method)": [[259, "abacusai.python_function_validator._MonkeyPatch.context", false]], "conversation_created_at (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.conversation_created_at", false]], "conversation_created_at (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.conversation_created_at", false]], "conversation_export_html (abacusai.deployment_conversation_export.deploymentconversationexport attribute)": [[102, "abacusai.deployment_conversation_export.DeploymentConversationExport.conversation_export_html", false]], "conversation_export_html (abacusai.deploymentconversationexport attribute)": [[176, "abacusai.DeploymentConversationExport.conversation_export_html", false]], "conversation_name (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.conversation_name", false]], "conversation_name (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.conversation_name", false]], "conversation_sequence_number (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.conversation_sequence_number", false]], "conversation_sequence_number (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.conversation_sequence_number", false]], "conversation_status (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.conversation_status", false]], "conversation_status (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.conversation_status", false]], "conversation_type (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.conversation_type", false]], "conversation_type (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.conversation_type", false]], "conversation_type (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.conversation_type", false]], "conversation_type (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.conversation_type", false]], "conversation_warning (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.conversation_warning", false]], "conversation_warning (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.conversation_warning", false]], "convert_to_markdown (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.convert_to_markdown", false]], "convert_to_markdown (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.convert_to_markdown", false], [27, "id164", false]], "convert_to_markdown (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.convert_to_markdown", false]], "convolution_filters (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.convolution_filters", false]], "convolution_filters (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.convolution_filters", false]], "convolution_filters (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.convolution_filters", false]], "convolutional_layers (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.convolutional_layers", false]], "convolutional_layers (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.convolutional_layers", false]], "convolutional_layers (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.convolutional_layers", false]], "copilot (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.COPILOT", false]], "copilot (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.COPILOT", false]], "copilot (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.COPILOT", false]], "copy() (abacusai.agent method)": [[176, "abacusai.Agent.copy", false]], "copy() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.copy", false]], "copy_agent() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.copy_agent", false]], "copy_agent() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.copy_agent", false]], "count (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.count", false]], "count (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.count", false]], "count (abacusai.streaming_row_count.streamingrowcount attribute)": [[279, "abacusai.streaming_row_count.StreamingRowCount.count", false]], "count (abacusai.streamingrowcount attribute)": [[176, "abacusai.StreamingRowCount.count", false]], "count (abacusai.test_point_predictions.testpointpredictions attribute)": [[286, "abacusai.test_point_predictions.TestPointPredictions.count", false]], "count (abacusai.testpointpredictions attribute)": [[176, "abacusai.TestPointPredictions.count", false]], "country (abacusai.address attribute)": [[176, "abacusai.Address.country", false]], "country (abacusai.address.address attribute)": [[1, "abacusai.address.Address.country", false]], "coverage (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.COVERAGE", false]], "coverage (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.COVERAGE", false]], "coverage (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.COVERAGE", false]], "cpu (abacusai.memory_options.memoryoptions attribute)": [[195, "abacusai.memory_options.MemoryOptions.cpu", false]], "cpu (abacusai.memoryoptions attribute)": [[176, "abacusai.MemoryOptions.cpu", false]], "cpu_size (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.cpu_size", false]], "cpu_size (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.cpu_size", false]], "cpu_size (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.cpu_size", false]], "cpu_size (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.cpu_size", false]], "cpu_size (abacusai.model attribute)": [[176, "abacusai.Model.cpu_size", false]], "cpu_size (abacusai.model.model attribute)": [[197, "abacusai.model.Model.cpu_size", false]], "cpu_size (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.cpu_size", false]], "cpu_size (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.cpu_size", false]], "cpu_size (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.cpu_size", false]], "cpu_size (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.cpu_size", false]], "cpu_size (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.cpu_size", false]], "cpu_size (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.cpu_size", false]], "cpu_size (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.cpu_size", false]], "cpu_size (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.cpu_size", false]], "cpugpumemoryspecs (class in abacusai)": [[176, "abacusai.CpuGpuMemorySpecs", false]], "cpugpumemoryspecs (class in abacusai.cpu_gpu_memory_specs)": [[75, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs", false]], "cpusize (class in abacusai)": [[176, "abacusai.CPUSize", false]], "cpusize (class in abacusai.api_class)": [[27, "abacusai.api_class.CPUSize", false]], "cpusize (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.CPUSize", false]], "crawl_depth (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.crawl_depth", false]], "crawl_depth (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.crawl_depth", false]], "crawl_depth (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.crawl_depth", false]], "crawler (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.CRAWLER", false]], "crawler (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.CRAWLER", false]], "crawler (abacusai.operatortype attribute)": [[176, "abacusai.OperatorType.CRAWLER", false]], "crawlertransformconfig (class in abacusai)": [[176, "abacusai.CrawlerTransformConfig", false]], "crawlertransformconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CrawlerTransformConfig", false]], "crawlertransformconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig", false]], "create_agent() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_agent", false]], "create_agent() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_agent", false]], "create_agent() (abacusai.project method)": [[176, "abacusai.Project.create_agent", false]], "create_agent() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_agent", false]], "create_agent_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_agent_from_function", false]], "create_agent_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_agent_from_function", false]], "create_alert() (abacusai.deployment method)": [[176, "abacusai.Deployment.create_alert", false]], "create_alert() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.create_alert", false]], "create_algorithm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_algorithm", false]], "create_algorithm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_algorithm", false]], "create_algorithm_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_algorithm_from_function", false]], "create_algorithm_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_algorithm_from_function", false]], "create_app_user_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_app_user_group", false]], "create_app_user_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_app_user_group", false]], "create_batch_prediction() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_batch_prediction", false]], "create_batch_prediction() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_batch_prediction", false]], "create_batch_prediction() (abacusai.deployment method)": [[176, "abacusai.Deployment.create_batch_prediction", false]], "create_batch_prediction() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.create_batch_prediction", false]], "create_chat_session() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_chat_session", false]], "create_chat_session() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_chat_session", false]], "create_chat_session() (abacusai.project method)": [[176, "abacusai.Project.create_chat_session", false]], "create_chat_session() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_chat_session", false]], "create_conversation() (abacusai.deployment method)": [[176, "abacusai.Deployment.create_conversation", false]], "create_conversation() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.create_conversation", false]], "create_custom_loss_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_custom_loss_function", false]], "create_custom_loss_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_custom_loss_function", false]], "create_custom_loss_function_with_source_code() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_custom_loss_function_with_source_code", false]], "create_custom_loss_function_with_source_code() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_custom_loss_function_with_source_code", false]], "create_custom_metric() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_custom_metric", false]], "create_custom_metric() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_custom_metric", false]], "create_custom_metric_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_custom_metric_from_function", false]], "create_custom_metric_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_custom_metric_from_function", false]], "create_dataset_from_application_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_from_application_connector", false]], "create_dataset_from_application_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_from_application_connector", false]], "create_dataset_from_database_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_from_database_connector", false]], "create_dataset_from_database_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_from_database_connector", false]], "create_dataset_from_file_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_from_file_connector", false]], "create_dataset_from_file_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_from_file_connector", false]], "create_dataset_from_pandas() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_from_pandas", false]], "create_dataset_from_pandas() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_from_pandas", false]], "create_dataset_from_streaming_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_from_streaming_connector", false]], "create_dataset_from_streaming_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_from_streaming_connector", false]], "create_dataset_from_upload() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_from_upload", false]], "create_dataset_from_upload() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_from_upload", false]], "create_dataset_version_from_application_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_version_from_application_connector", false]], "create_dataset_version_from_application_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_version_from_application_connector", false]], "create_dataset_version_from_database_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_version_from_database_connector", false]], "create_dataset_version_from_database_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_version_from_database_connector", false]], "create_dataset_version_from_document_reprocessing() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_version_from_document_reprocessing", false]], "create_dataset_version_from_document_reprocessing() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_version_from_document_reprocessing", false]], "create_dataset_version_from_file_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_version_from_file_connector", false]], "create_dataset_version_from_file_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_version_from_file_connector", false]], "create_dataset_version_from_pandas() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_version_from_pandas", false]], "create_dataset_version_from_pandas() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_version_from_pandas", false]], "create_dataset_version_from_upload() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_dataset_version_from_upload", false]], "create_dataset_version_from_upload() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_dataset_version_from_upload", false]], "create_deployment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_deployment", false]], "create_deployment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_deployment", false]], "create_deployment_alert() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_deployment_alert", false]], "create_deployment_alert() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_deployment_alert", false]], "create_deployment_conversation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_deployment_conversation", false]], "create_deployment_conversation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_deployment_conversation", false]], "create_deployment_token() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_deployment_token", false]], "create_deployment_token() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_deployment_token", false]], "create_deployment_token() (abacusai.project method)": [[176, "abacusai.Project.create_deployment_token", false]], "create_deployment_token() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_deployment_token", false]], "create_deployment_webhook() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_deployment_webhook", false]], "create_deployment_webhook() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_deployment_webhook", false]], "create_document_retriever() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_document_retriever", false]], "create_document_retriever() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_document_retriever", false]], "create_document_retriever() (abacusai.project method)": [[176, "abacusai.Project.create_document_retriever", false]], "create_document_retriever() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_document_retriever", false]], "create_document_retriever_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_document_retriever_version", false]], "create_document_retriever_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_document_retriever_version", false]], "create_eda() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_eda", false]], "create_eda() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_eda", false]], "create_eda() (abacusai.project method)": [[176, "abacusai.Project.create_eda", false]], "create_eda() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_eda", false]], "create_external_application() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_external_application", false]], "create_external_application() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_external_application", false]], "create_external_application() (abacusai.deployment method)": [[176, "abacusai.Deployment.create_external_application", false]], "create_external_application() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.create_external_application", false]], "create_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature", false]], "create_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature", false]], "create_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_feature", false]], "create_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_feature", false]], "create_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group", false]], "create_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group", false]], "create_feature_group_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group_from_function", false]], "create_feature_group_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group_from_function", false]], "create_feature_group_from_pandas_df() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group_from_pandas_df", false]], "create_feature_group_from_pandas_df() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group_from_pandas_df", false]], "create_feature_group_from_python_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group_from_python_function", false]], "create_feature_group_from_python_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group_from_python_function", false]], "create_feature_group_from_spark_df() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group_from_spark_df", false]], "create_feature_group_from_spark_df() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group_from_spark_df", false]], "create_feature_group_from_template() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group_from_template", false]], "create_feature_group_from_template() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group_from_template", false]], "create_feature_group_template() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group_template", false]], "create_feature_group_template() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group_template", false]], "create_feature_group_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_feature_group_version", false]], "create_feature_group_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_feature_group_version", false]], "create_forecasting_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_forecasting_monitor", false]], "create_forecasting_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_forecasting_monitor", false]], "create_forecasting_monitor() (abacusai.project method)": [[176, "abacusai.Project.create_forecasting_monitor", false]], "create_forecasting_monitor() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_forecasting_monitor", false]], "create_graph_dashboard() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_graph_dashboard", false]], "create_graph_dashboard() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_graph_dashboard", false]], "create_graph_dashboard() (abacusai.project method)": [[176, "abacusai.Project.create_graph_dashboard", false]], "create_graph_dashboard() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_graph_dashboard", false]], "create_holdout_analysis() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_holdout_analysis", false]], "create_holdout_analysis() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_holdout_analysis", false]], "create_merge_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_merge_feature_group", false]], "create_merge_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_merge_feature_group", false]], "create_model_from_files() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_model_from_files", false]], "create_model_from_files() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_model_from_files", false]], "create_model_from_functions() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_model_from_functions", false]], "create_model_from_functions() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_model_from_functions", false]], "create_model_from_functions() (abacusai.project method)": [[176, "abacusai.Project.create_model_from_functions", false]], "create_model_from_functions() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_model_from_functions", false]], "create_model_from_local_files() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_model_from_local_files", false]], "create_model_from_local_files() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_model_from_local_files", false]], "create_model_from_python() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_model_from_python", false]], "create_model_from_python() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_model_from_python", false]], "create_model_from_python() (abacusai.project method)": [[176, "abacusai.Project.create_model_from_python", false]], "create_model_from_python() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_model_from_python", false]], "create_model_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_model_monitor", false]], "create_model_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_model_monitor", false]], "create_model_monitor() (abacusai.project method)": [[176, "abacusai.Project.create_model_monitor", false]], "create_model_monitor() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_model_monitor", false]], "create_model_version_from_files() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_model_version_from_files", false]], "create_model_version_from_files() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_model_version_from_files", false]], "create_model_version_from_local_files() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_model_version_from_local_files", false]], "create_model_version_from_local_files() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_model_version_from_local_files", false]], "create_module() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_module", false]], "create_module() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_module", false]], "create_module_from_notebook() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_module_from_notebook", false]], "create_module_from_notebook() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_module_from_notebook", false]], "create_monitor (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.batch_prediction.trainableplugandplaybatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.api_class.trainableplugandplaybatchpredictionargs attribute)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.create_monitor", false]], "create_monitor (abacusai.trainableplugandplaybatchpredictionargs attribute)": [[176, "abacusai.TrainablePlugAndPlayBatchPredictionArgs.create_monitor", false]], "create_monitor_alert() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_monitor_alert", false]], "create_monitor_alert() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_monitor_alert", false]], "create_monitor_alert() (abacusai.project method)": [[176, "abacusai.Project.create_monitor_alert", false]], "create_monitor_alert() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_monitor_alert", false]], "create_nested_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_nested_feature", false]], "create_nested_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_nested_feature", false]], "create_nested_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_nested_feature", false]], "create_nested_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_nested_feature", false]], "create_nlp_drift_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_nlp_drift_monitor", false]], "create_nlp_drift_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_nlp_drift_monitor", false]], "create_nlp_drift_monitor() (abacusai.project method)": [[176, "abacusai.Project.create_nlp_drift_monitor", false]], "create_nlp_drift_monitor() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_nlp_drift_monitor", false]], "create_online_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_online_feature_group", false]], "create_online_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_online_feature_group", false]], "create_operator_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_operator_feature_group", false]], "create_operator_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_operator_feature_group", false]], "create_organization_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_organization_group", false]], "create_organization_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_organization_group", false]], "create_organization_secret() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_organization_secret", false]], "create_organization_secret() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_organization_secret", false]], "create_pipeline() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_pipeline", false]], "create_pipeline() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_pipeline", false]], "create_pipeline_step() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_pipeline_step", false]], "create_pipeline_step() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_pipeline_step", false]], "create_pipeline_step_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_pipeline_step_from_function", false]], "create_pipeline_step_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_pipeline_step_from_function", false]], "create_point_in_time_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_point_in_time_feature", false]], "create_point_in_time_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_point_in_time_feature", false]], "create_point_in_time_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_point_in_time_feature", false]], "create_point_in_time_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_point_in_time_feature", false]], "create_point_in_time_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_point_in_time_group", false]], "create_point_in_time_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_point_in_time_group", false]], "create_point_in_time_group() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_point_in_time_group", false]], "create_point_in_time_group() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_point_in_time_group", false]], "create_point_in_time_group_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_point_in_time_group_feature", false]], "create_point_in_time_group_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_point_in_time_group_feature", false]], "create_point_in_time_group_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_point_in_time_group_feature", false]], "create_point_in_time_group_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_point_in_time_group_feature", false]], "create_prediction_operator() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_prediction_operator", false]], "create_prediction_operator() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_prediction_operator", false]], "create_prediction_operator_from_functions() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_prediction_operator_from_functions", false]], "create_prediction_operator_from_functions() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_prediction_operator_from_functions", false]], "create_prediction_operator_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_prediction_operator_version", false]], "create_prediction_operator_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_prediction_operator_version", false]], "create_project() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_project", false]], "create_project() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_project", false]], "create_python_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_python_function", false]], "create_python_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_python_function", false]], "create_python_function_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_python_function_from_function", false]], "create_python_function_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_python_function_from_function", false]], "create_realtime_content_store() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_realtime_content_store", false]], "create_realtime_content_store() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_realtime_content_store", false]], "create_realtime_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_realtime_monitor", false]], "create_realtime_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_realtime_monitor", false]], "create_realtime_monitor() (abacusai.deployment method)": [[176, "abacusai.Deployment.create_realtime_monitor", false]], "create_realtime_monitor() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.create_realtime_monitor", false]], "create_refresh_policy() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_refresh_policy", false]], "create_refresh_policy() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.create_refresh_policy", false]], "create_refresh_policy() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.create_refresh_policy", false]], "create_refresh_policy() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_refresh_policy", false]], "create_refresh_policy() (abacusai.dataset method)": [[176, "abacusai.Dataset.create_refresh_policy", false]], "create_refresh_policy() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.create_refresh_policy", false]], "create_refresh_policy() (abacusai.deployment method)": [[176, "abacusai.Deployment.create_refresh_policy", false]], "create_refresh_policy() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.create_refresh_policy", false]], "create_refresh_policy() (abacusai.model method)": [[176, "abacusai.Model.create_refresh_policy", false]], "create_refresh_policy() (abacusai.model.model method)": [[197, "abacusai.model.Model.create_refresh_policy", false]], "create_sampling() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_sampling", false]], "create_sampling() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_sampling", false]], "create_sampling_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_sampling_feature_group", false]], "create_sampling_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_sampling_feature_group", false]], "create_snapshot_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_snapshot_feature_group", false]], "create_snapshot_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_snapshot_feature_group", false]], "create_snapshot_feature_group() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.create_snapshot_feature_group", false]], "create_snapshot_feature_group() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.create_snapshot_feature_group", false]], "create_spark_df_from_feature_group_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_spark_df_from_feature_group_version", false]], "create_spark_df_from_feature_group_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_spark_df_from_feature_group_version", false]], "create_step() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.create_step", false]], "create_step() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.create_step", false]], "create_step_from_function() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.create_step_from_function", false]], "create_step_from_function() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.create_step_from_function", false]], "create_streaming_dataset() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_streaming_dataset", false]], "create_streaming_dataset() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_streaming_dataset", false]], "create_streaming_token() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_streaming_token", false]], "create_streaming_token() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_streaming_token", false]], "create_template() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_template", false]], "create_template() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_template", false]], "create_train_test_data_split_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_train_test_data_split_feature_group", false]], "create_train_test_data_split_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_train_test_data_split_feature_group", false]], "create_train_test_data_split_feature_group() (abacusai.project method)": [[176, "abacusai.Project.create_train_test_data_split_feature_group", false]], "create_train_test_data_split_feature_group() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_train_test_data_split_feature_group", false]], "create_version() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.create_version", false]], "create_version() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.create_version", false]], "create_version() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.create_version", false]], "create_version() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.create_version", false]], "create_version() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.create_version", false]], "create_version() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.create_version", false]], "create_version_from_application_connector() (abacusai.dataset method)": [[176, "abacusai.Dataset.create_version_from_application_connector", false]], "create_version_from_application_connector() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.create_version_from_application_connector", false]], "create_version_from_database_connector() (abacusai.dataset method)": [[176, "abacusai.Dataset.create_version_from_database_connector", false]], "create_version_from_database_connector() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.create_version_from_database_connector", false]], "create_version_from_document_reprocessing() (abacusai.dataset method)": [[176, "abacusai.Dataset.create_version_from_document_reprocessing", false]], "create_version_from_document_reprocessing() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.create_version_from_document_reprocessing", false]], "create_version_from_file_connector() (abacusai.dataset method)": [[176, "abacusai.Dataset.create_version_from_file_connector", false]], "create_version_from_file_connector() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.create_version_from_file_connector", false]], "create_version_from_upload() (abacusai.dataset method)": [[176, "abacusai.Dataset.create_version_from_upload", false]], "create_version_from_upload() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.create_version_from_upload", false]], "create_vision_drift_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.create_vision_drift_monitor", false]], "create_vision_drift_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.create_vision_drift_monitor", false]], "create_vision_drift_monitor() (abacusai.project method)": [[176, "abacusai.Project.create_vision_drift_monitor", false]], "create_vision_drift_monitor() (abacusai.project.project method)": [[252, "abacusai.project.Project.create_vision_drift_monitor", false]], "create_webhook() (abacusai.deployment method)": [[176, "abacusai.Deployment.create_webhook", false]], "create_webhook() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.create_webhook", false]], "created_at (abacusai.agent attribute)": [[176, "abacusai.Agent.created_at", false]], "created_at (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.created_at", false]], "created_at (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.created_at", false]], "created_at (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.created_at", false]], "created_at (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.created_at", false]], "created_at (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.created_at", false]], "created_at (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.created_at", false]], "created_at (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.created_at", false]], "created_at (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.created_at", false]], "created_at (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.created_at", false]], "created_at (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.created_at", false]], "created_at (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.created_at", false]], "created_at (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.created_at", false]], "created_at (abacusai.chatllm_project.chatllmproject attribute)": [[54, "abacusai.chatllm_project.ChatllmProject.created_at", false]], "created_at (abacusai.chatllmproject attribute)": [[176, "abacusai.ChatllmProject.created_at", false]], "created_at (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.created_at", false]], "created_at (abacusai.custom_loss_function.customlossfunction attribute)": [[79, "abacusai.custom_loss_function.CustomLossFunction.created_at", false]], "created_at (abacusai.custom_metric.custommetric attribute)": [[80, "abacusai.custom_metric.CustomMetric.created_at", false]], "created_at (abacusai.custom_metric_version.custommetricversion attribute)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.created_at", false]], "created_at (abacusai.customlossfunction attribute)": [[176, "abacusai.CustomLossFunction.created_at", false]], "created_at (abacusai.custommetric attribute)": [[176, "abacusai.CustomMetric.created_at", false]], "created_at (abacusai.custommetricversion attribute)": [[176, "abacusai.CustomMetricVersion.created_at", false]], "created_at (abacusai.daemon_task_conversation.daemontaskconversation attribute)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.created_at", false]], "created_at (abacusai.daemontaskconversation attribute)": [[176, "abacusai.DaemonTaskConversation.created_at", false]], "created_at (abacusai.database_connector.databaseconnector attribute)": [[90, "abacusai.database_connector.DatabaseConnector.created_at", false]], "created_at (abacusai.databaseconnector attribute)": [[176, "abacusai.DatabaseConnector.created_at", false]], "created_at (abacusai.dataset attribute)": [[176, "abacusai.Dataset.created_at", false]], "created_at (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.created_at", false]], "created_at (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.created_at", false]], "created_at (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.created_at", false]], "created_at (abacusai.deployment attribute)": [[176, "abacusai.Deployment.created_at", false]], "created_at (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.created_at", false]], "created_at (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[99, "abacusai.deployment_auth_token.DeploymentAuthToken.created_at", false]], "created_at (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.created_at", false]], "created_at (abacusai.deploymentauthtoken attribute)": [[176, "abacusai.DeploymentAuthToken.created_at", false]], "created_at (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.created_at", false]], "created_at (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.created_at", false]], "created_at (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.created_at", false]], "created_at (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.created_at", false]], "created_at (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.created_at", false]], "created_at (abacusai.eda attribute)": [[176, "abacusai.Eda.created_at", false]], "created_at (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.created_at", false]], "created_at (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.created_at", false]], "created_at (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.created_at", false]], "created_at (abacusai.feature_group_row.featuregrouprow attribute)": [[139, "abacusai.feature_group_row.FeatureGroupRow.created_at", false]], "created_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.created_at", false]], "created_at (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.created_at", false]], "created_at (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.created_at", false]], "created_at (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.created_at", false]], "created_at (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.created_at", false]], "created_at (abacusai.featuregrouprow attribute)": [[176, "abacusai.FeatureGroupRow.created_at", false]], "created_at (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.created_at", false]], "created_at (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.created_at", false]], "created_at (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.created_at", false]], "created_at (abacusai.file_connector.fileconnector attribute)": [[150, "abacusai.file_connector.FileConnector.created_at", false]], "created_at (abacusai.fileconnector attribute)": [[176, "abacusai.FileConnector.created_at", false]], "created_at (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.created_at", false]], "created_at (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.created_at", false]], "created_at (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.created_at", false]], "created_at (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.created_at", false]], "created_at (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.created_at", false]], "created_at (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.created_at", false]], "created_at (abacusai.hosted_app.hostedapp attribute)": [[164, "abacusai.hosted_app.HostedApp.created_at", false]], "created_at (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.created_at", false]], "created_at (abacusai.hosted_database.hosteddatabase attribute)": [[168, "abacusai.hosted_database.HostedDatabase.created_at", false]], "created_at (abacusai.hosted_database_snapshot.hosteddatabasesnapshot attribute)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.created_at", false]], "created_at (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[170, "abacusai.hosted_model_token.HostedModelToken.created_at", false]], "created_at (abacusai.hostedapp attribute)": [[176, "abacusai.HostedApp.created_at", false]], "created_at (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.created_at", false]], "created_at (abacusai.hosteddatabase attribute)": [[176, "abacusai.HostedDatabase.created_at", false]], "created_at (abacusai.hosteddatabasesnapshot attribute)": [[176, "abacusai.HostedDatabaseSnapshot.created_at", false]], "created_at (abacusai.hostedmodeltoken attribute)": [[176, "abacusai.HostedModelToken.created_at", false]], "created_at (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.created_at", false]], "created_at (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.created_at", false]], "created_at (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.created_at", false]], "created_at (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.created_at", false]], "created_at (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.created_at", false]], "created_at (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.created_at", false]], "created_at (abacusai.model attribute)": [[176, "abacusai.Model.created_at", false]], "created_at (abacusai.model.model attribute)": [[197, "abacusai.model.Model.created_at", false]], "created_at (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.created_at", false]], "created_at (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.created_at", false]], "created_at (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.created_at", false]], "created_at (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.created_at", false]], "created_at (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.created_at", false]], "created_at (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.created_at", false]], "created_at (abacusai.module attribute)": [[176, "abacusai.Module.created_at", false]], "created_at (abacusai.module.module attribute)": [[214, "abacusai.module.Module.created_at", false]], "created_at (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.created_at", false]], "created_at (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.created_at", false]], "created_at (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.created_at", false]], "created_at (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.created_at", false]], "created_at (abacusai.organization_group.organizationgroup attribute)": [[225, "abacusai.organization_group.OrganizationGroup.created_at", false]], "created_at (abacusai.organization_secret.organizationsecret attribute)": [[227, "abacusai.organization_secret.OrganizationSecret.created_at", false]], "created_at (abacusai.organizationgroup attribute)": [[176, "abacusai.OrganizationGroup.created_at", false]], "created_at (abacusai.organizationsecret attribute)": [[176, "abacusai.OrganizationSecret.created_at", false]], "created_at (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.created_at", false]], "created_at (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.created_at", false]], "created_at (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.created_at", false]], "created_at (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.created_at", false]], "created_at (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.created_at", false]], "created_at (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.created_at", false]], "created_at (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.created_at", false]], "created_at (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.created_at", false]], "created_at (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.created_at", false]], "created_at (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.created_at", false]], "created_at (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.created_at", false]], "created_at (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.created_at", false]], "created_at (abacusai.project attribute)": [[176, "abacusai.Project.created_at", false]], "created_at (abacusai.project.project attribute)": [[252, "abacusai.project.Project.created_at", false]], "created_at (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.created_at", false]], "created_at (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.created_at", false]], "created_at (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.created_at", false]], "created_at (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.created_at", false]], "created_at (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.created_at", false]], "created_at (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.created_at", false]], "created_at (abacusai.realtime_monitor.realtimemonitor attribute)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.created_at", false]], "created_at (abacusai.realtimemonitor attribute)": [[176, "abacusai.RealtimeMonitor.created_at", false]], "created_at (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.created_at", false]], "created_at (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.created_at", false]], "created_at (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.created_at", false]], "created_at (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.created_at", false]], "created_at (abacusai.streaming_auth_token.streamingauthtoken attribute)": [[276, "abacusai.streaming_auth_token.StreamingAuthToken.created_at", false]], "created_at (abacusai.streaming_connector.streamingconnector attribute)": [[278, "abacusai.streaming_connector.StreamingConnector.created_at", false]], "created_at (abacusai.streamingauthtoken attribute)": [[176, "abacusai.StreamingAuthToken.created_at", false]], "created_at (abacusai.streamingconnector attribute)": [[176, "abacusai.StreamingConnector.created_at", false]], "created_at (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.created_at", false]], "created_at (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.created_at", false]], "created_at (abacusai.upload attribute)": [[176, "abacusai.Upload.created_at", false]], "created_at (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.created_at", false]], "created_at (abacusai.user attribute)": [[176, "abacusai.User.created_at", false]], "created_at (abacusai.user.user attribute)": [[296, "abacusai.user.User.created_at", false]], "created_at (abacusai.web_app_conversation.webappconversation attribute)": [[305, "abacusai.web_app_conversation.WebAppConversation.created_at", false]], "created_at (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.created_at", false]], "created_at (abacusai.webappconversation attribute)": [[176, "abacusai.WebAppConversation.created_at", false]], "created_at (abacusai.webhook attribute)": [[176, "abacusai.Webhook.created_at", false]], "created_at (abacusai.webhook.webhook attribute)": [[312, "abacusai.webhook.Webhook.created_at", false]], "created_at (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.created_at", false]], "created_by (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.created_by", false]], "created_by (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.created_by", false]], "creation_source (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.creation_source", false]], "creation_source (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.creation_source", false]], "credits_used (abacusai.audio_url_result.audiourlresult attribute)": [[42, "abacusai.audio_url_result.AudioUrlResult.credits_used", false]], "credits_used (abacusai.audiourlresult attribute)": [[176, "abacusai.AudioUrlResult.credits_used", false]], "cron (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.cron", false]], "cron (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.cron", false]], "cron (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.cron", false]], "cron (abacusai.refresh_schedule.refreshschedule attribute)": [[265, "abacusai.refresh_schedule.RefreshSchedule.cron", false]], "cron (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.cron", false]], "cron (abacusai.refreshschedule attribute)": [[176, "abacusai.RefreshSchedule.cron", false]], "cross_entropy (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.CROSS_ENTROPY", false]], "cross_entropy (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.CROSS_ENTROPY", false]], "cross_entropy (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.CROSS_ENTROPY", false]], "csi (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.CSI", false]], "csi (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.CSI", false]], "csi (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.csi", false]], "csi (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.csi", false]], "csi (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.csi", false]], "csi (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.csi", false]], "csi (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.csi", false]], "csi (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.csi", false]], "csi (abacusai.featuredrifttype attribute)": [[176, "abacusai.FeatureDriftType.CSI", false]], "csv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.CSV", false]], "csv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.CSV", false]], "csv (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.CSV", false]], "csv_delimiter (abacusai.api_class.boxdatasetconfig attribute)": [[27, "abacusai.api_class.BoxDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset.parsingconfig attribute)": [[21, "abacusai.api_class.dataset.ParsingConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.boxdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.sftpdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SftpDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.parsingconfig attribute)": [[27, "abacusai.api_class.ParsingConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.sftpdatasetconfig attribute)": [[27, "abacusai.api_class.SftpDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.boxdatasetconfig attribute)": [[176, "abacusai.BoxDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.googledrivedatasetconfig attribute)": [[176, "abacusai.GoogleDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.onedrivedatasetconfig attribute)": [[176, "abacusai.OneDriveDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.parsingconfig attribute)": [[176, "abacusai.ParsingConfig.csv_delimiter", false]], "csv_delimiter (abacusai.sftpdatasetconfig attribute)": [[176, "abacusai.SftpDatasetConfig.csv_delimiter", false]], "csv_delimiter (abacusai.sharepointdatasetconfig attribute)": [[176, "abacusai.SharepointDatasetConfig.csv_delimiter", false]], "csv_explanations_prefix (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.csv_explanations_prefix", false]], "csv_explanations_prefix (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.csv_explanations_prefix", false]], "csv_explanations_prefix (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.csv_explanations_prefix", false]], "csv_explanations_prefix (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.csv_explanations_prefix", false]], "csv_input_prefix (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.csv_input_prefix", false]], "csv_input_prefix (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.csv_input_prefix", false]], "csv_input_prefix (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.csv_input_prefix", false]], "csv_input_prefix (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.csv_input_prefix", false]], "csv_prediction_prefix (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.csv_prediction_prefix", false]], "csv_prediction_prefix (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.csv_prediction_prefix", false]], "csv_prediction_prefix (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.csv_prediction_prefix", false]], "csv_prediction_prefix (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.csv_prediction_prefix", false]], "cummulative_contribution (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.cummulative_contribution", false]], "cummulative_contribution (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.cummulative_contribution", false]], "cumulative_forecasting (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CUMULATIVE_FORECASTING", false]], "cumulative_forecasting (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CUMULATIVE_FORECASTING", false]], "cumulative_forecasting (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.CUMULATIVE_FORECASTING", false]], "cumulative_prediction_lengths (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.cumulative_prediction_lengths", false]], "cumulative_prediction_lengths (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.cumulative_prediction_lengths", false]], "cumulative_prediction_lengths (abacusai.cumulativeforecastingtrainingconfig attribute)": [[176, "abacusai.CumulativeForecastingTrainingConfig.cumulative_prediction_lengths", false]], "cumulativeforecastingpredictionarguments (class in abacusai)": [[176, "abacusai.CumulativeForecastingPredictionArguments", false]], "cumulativeforecastingpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments", false]], "cumulativeforecastingpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments", false]], "cumulativeforecastingtrainingconfig (class in abacusai)": [[176, "abacusai.CumulativeForecastingTrainingConfig", false]], "cumulativeforecastingtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig", false]], "cumulativeforecastingtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig", false]], "curl (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[280, "abacusai.streaming_sample_code.StreamingSampleCode.curl", false]], "curl (abacusai.streamingsamplecode attribute)": [[176, "abacusai.StreamingSampleCode.curl", false]], "curr_month_avail_points (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.curr_month_avail_points", false]], "curr_month_avail_points (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.curr_month_avail_points", false]], "curr_month_usage (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.curr_month_usage", false]], "curr_month_usage (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.curr_month_usage", false]], "current_nameservers (abacusai.custom_domain.customdomain attribute)": [[78, "abacusai.custom_domain.CustomDomain.current_nameservers", false]], "current_nameservers (abacusai.customdomain attribute)": [[176, "abacusai.CustomDomain.current_nameservers", false]], "current_training_config (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[199, "abacusai.model_blueprint_export.ModelBlueprintExport.current_training_config", false]], "current_training_config (abacusai.modelblueprintexport attribute)": [[176, "abacusai.ModelBlueprintExport.current_training_config", false]], "custom (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.CUSTOM", false]], "custom (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.CUSTOM", false]], "custom (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.CUSTOM", false]], "custom (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.CUSTOM", false]], "custom (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.CUSTOM", false]], "custom (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.CUSTOM", false]], "custom (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.CUSTOM", false]], "custom (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.CUSTOM", false]], "custom (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.CUSTOM", false]], "custom_algorithm (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CUSTOM_ALGORITHM", false]], "custom_algorithm (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CUSTOM_ALGORITHM", false]], "custom_algorithm (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.CUSTOM_ALGORITHM", false]], "custom_algorithm_configs (abacusai.model attribute)": [[176, "abacusai.Model.custom_algorithm_configs", false]], "custom_algorithm_configs (abacusai.model.model attribute)": [[197, "abacusai.model.Model.custom_algorithm_configs", false]], "custom_algorithm_configs (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.custom_algorithm_configs", false]], "custom_algorithm_configs (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.custom_algorithm_configs", false]], "custom_algorithms (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.custom_algorithms", false]], "custom_algorithms (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.custom_algorithms", false]], "custom_fields (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.custom_fields", false]], "custom_fields (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.custom_fields", false]], "custom_fields (abacusai.jiradatasetconfig attribute)": [[176, "abacusai.JiraDatasetConfig.custom_fields", false]], "custom_instructions (abacusai.chatllm_project.chatllmproject attribute)": [[54, "abacusai.chatllm_project.ChatllmProject.custom_instructions", false]], "custom_instructions (abacusai.chatllmproject attribute)": [[176, "abacusai.ChatllmProject.custom_instructions", false]], "custom_loss_functions (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.custom_loss_functions", false]], "custom_loss_functions (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.custom_loss_functions", false]], "custom_metric_function_name (abacusai.custom_metric_version.custommetricversion attribute)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.custom_metric_function_name", false]], "custom_metric_function_name (abacusai.custommetricversion attribute)": [[176, "abacusai.CustomMetricVersion.custom_metric_function_name", false]], "custom_metric_id (abacusai.custom_metric.custommetric attribute)": [[80, "abacusai.custom_metric.CustomMetric.custom_metric_id", false]], "custom_metric_id (abacusai.custommetric attribute)": [[176, "abacusai.CustomMetric.custom_metric_id", false]], "custom_metric_version (abacusai.custom_metric_version.custommetricversion attribute)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.custom_metric_version", false]], "custom_metric_version (abacusai.custommetricversion attribute)": [[176, "abacusai.CustomMetricVersion.custom_metric_version", false]], "custom_metrics (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.custom_metrics", false]], "custom_metrics (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.custom_metrics", false]], "custom_trained_model (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.CUSTOM_TRAINED_MODEL", false]], "custom_trained_model (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.CUSTOM_TRAINED_MODEL", false]], "custom_trained_model (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.CUSTOM_TRAINED_MODEL", false]], "customalgorithmtrainingconfig (class in abacusai)": [[176, "abacusai.CustomAlgorithmTrainingConfig", false]], "customalgorithmtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CustomAlgorithmTrainingConfig", false]], "customalgorithmtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.CustomAlgorithmTrainingConfig", false]], "customchatinstructions (class in abacusai)": [[176, "abacusai.CustomChatInstructions", false]], "customchatinstructions (class in abacusai.custom_chat_instructions)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions", false]], "customdomain (class in abacusai)": [[176, "abacusai.CustomDomain", false]], "customdomain (class in abacusai.custom_domain)": [[78, "abacusai.custom_domain.CustomDomain", false]], "customlossfunction (class in abacusai)": [[176, "abacusai.CustomLossFunction", false]], "customlossfunction (class in abacusai.custom_loss_function)": [[79, "abacusai.custom_loss_function.CustomLossFunction", false]], "custommetric (class in abacusai)": [[176, "abacusai.CustomMetric", false]], "custommetric (class in abacusai.custom_metric)": [[80, "abacusai.custom_metric.CustomMetric", false]], "custommetricversion (class in abacusai)": [[176, "abacusai.CustomMetricVersion", false]], "custommetricversion (class in abacusai.custom_metric_version)": [[81, "abacusai.custom_metric_version.CustomMetricVersion", false]], "customtrainedmodeltrainingconfig (class in abacusai)": [[176, "abacusai.CustomTrainedModelTrainingConfig", false]], "customtrainedmodeltrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig", false]], "customtrainedmodeltrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig", false]], "customtrainfunctioninfo (class in abacusai)": [[176, "abacusai.CustomTrainFunctionInfo", false]], "customtrainfunctioninfo (class in abacusai.custom_train_function_info)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo", false]], "cv (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.CV", false]], "cv (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.CV", false]], "cv (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.CV", false]], "daemon_task_id (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.daemon_task_id", false]], "daemon_task_id (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.daemon_task_id", false]], "daemon_task_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.daemon_task_id", false]], "daemon_task_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.daemon_task_id", false]], "daemontaskconversation (class in abacusai)": [[176, "abacusai.DaemonTaskConversation", false]], "daemontaskconversation (class in abacusai.daemon_task_conversation)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation", false]], "daily (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.DAILY", false]], "daily (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.DAILY", false]], "daily (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.DAILY", false]], "dashboard_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.dashboard_endpoint", false]], "dashboard_endpoint (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.dashboard_endpoint", false]], "data (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs attribute)": [[75, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.data", false]], "data (abacusai.cpugpumemoryspecs attribute)": [[176, "abacusai.CpuGpuMemorySpecs.data", false]], "data (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.data", false]], "data (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.data", false]], "data (abacusai.extracted_fields.extractedfields attribute)": [[127, "abacusai.extracted_fields.ExtractedFields.data", false]], "data (abacusai.extractedfields attribute)": [[176, "abacusai.ExtractedFields.data", false]], "data (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.data", false]], "data (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.data", false]], "data (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg attribute)": [[206, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.data", false]], "data (abacusai.modelmonitorsummaryfromorg attribute)": [[176, "abacusai.ModelMonitorSummaryFromOrg.data", false]], "data (abacusai.test_point_predictions.testpointpredictions attribute)": [[286, "abacusai.test_point_predictions.TestPointPredictions.data", false]], "data (abacusai.testpointpredictions attribute)": [[176, "abacusai.TestPointPredictions.data", false]], "data_cluster_info (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.data_cluster_info", false]], "data_cluster_info (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.data_cluster_info", false]], "data_columns (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.data_columns", false]], "data_columns (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.data_columns", false]], "data_columns (abacusai.databaseconnectorexportconfig attribute)": [[176, "abacusai.DatabaseConnectorExportConfig.data_columns", false]], "data_columns (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.data_columns", false]], "data_columns (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.data_columns", false]], "data_columns (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.data_columns", false]], "data_columns (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.data_columns", false]], "data_columns_to_ignore (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_columns_to_ignore", false]], "data_columns_to_ignore (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_columns_to_ignore", false]], "data_columns_to_ignore (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.data_columns_to_ignore", false]], "data_feature_group_ids (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_feature_group_ids", false]], "data_feature_group_ids (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_feature_group_ids", false]], "data_feature_group_ids (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.data_feature_group_ids", false]], "data_generation (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.DATA_GENERATION", false]], "data_generation (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.DATA_GENERATION", false]], "data_generation (abacusai.operatortype attribute)": [[176, "abacusai.OperatorType.DATA_GENERATION", false]], "data_integrity (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.data_integrity", false]], "data_integrity (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.data_integrity", false]], "data_integrity (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.data_integrity", false]], "data_integrity (abacusai.modelmonitorsummary attribute)": [[176, "abacusai.ModelMonitorSummary.data_integrity", false]], "data_integrity_timeseries (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.data_integrity_timeseries", false]], "data_integrity_timeseries (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.data_integrity_timeseries", false]], "data_integrity_type (abacusai.api_class.dataintegrityviolationconditionconfig attribute)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig.data_integrity_type", false]], "data_integrity_type (abacusai.api_class.monitor_alert.dataintegrityviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig.data_integrity_type", false]], "data_integrity_type (abacusai.dataintegrityviolationconditionconfig attribute)": [[176, "abacusai.DataIntegrityViolationConditionConfig.data_integrity_type", false]], "data_integrity_violations (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.DATA_INTEGRITY_VIOLATIONS", false]], "data_integrity_violations (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.DATA_INTEGRITY_VIOLATIONS", false]], "data_integrity_violations (abacusai.monitoralerttype attribute)": [[176, "abacusai.MonitorAlertType.DATA_INTEGRITY_VIOLATIONS", false]], "data_list (abacusai.agentresponse attribute)": [[176, "abacusai.AgentResponse.data_list", false]], "data_list (abacusai.client.agentresponse attribute)": [[58, "abacusai.client.AgentResponse.data_list", false]], "data_llm_feature_groups (abacusai.model attribute)": [[176, "abacusai.Model.data_llm_feature_groups", false]], "data_llm_feature_groups (abacusai.model.model attribute)": [[197, "abacusai.model.Model.data_llm_feature_groups", false]], "data_prompt_column_context (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_prompt_column_context", false]], "data_prompt_column_context (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_prompt_column_context", false]], "data_prompt_column_context (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.data_prompt_column_context", false]], "data_prompt_context (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_prompt_context", false]], "data_prompt_context (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_prompt_context", false]], "data_prompt_context (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.data_prompt_context", false]], "data_prompt_table_context (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.data_prompt_table_context", false]], "data_prompt_table_context (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.data_prompt_table_context", false]], "data_prompt_table_context (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.data_prompt_table_context", false]], "data_source (abacusai.dataset attribute)": [[176, "abacusai.Dataset.data_source", false]], "data_source (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.data_source", false]], "data_split_feature_group_table_name (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.data_split_feature_group_table_name", false]], "data_split_feature_group_table_name (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.data_split_feature_group_table_name", false]], "data_type (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.data_type", false]], "data_type (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.data_type", false]], "data_type (abacusai.feature attribute)": [[176, "abacusai.Feature.data_type", false]], "data_type (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.data_type", false]], "data_type (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.data_type", false]], "data_type (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.data_type", false]], "data_type (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.data_type", false]], "data_type (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.data_type", false]], "data_type (abacusai.schema attribute)": [[176, "abacusai.Schema.data_type", false]], "data_type (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.data_type", false]], "data_type (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.data_type", false]], "data_type (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.data_type", false]], "database (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.DATABASE", false]], "database (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.DATABASE", false]], "database (abacusai.connectortype attribute)": [[176, "abacusai.ConnectorType.DATABASE", false]], "database_column (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping attribute)": [[89, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.database_column", false]], "database_column (abacusai.databasecolumnfeaturemapping attribute)": [[176, "abacusai.DatabaseColumnFeatureMapping.database_column", false]], "database_column_to_feature_mappings (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings attribute)": [[178, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.database_column_to_feature_mappings", false]], "database_column_to_feature_mappings (abacusai.inferreddatabasecolumntofeaturemappings attribute)": [[176, "abacusai.InferredDatabaseColumnToFeatureMappings.database_column_to_feature_mappings", false]], "database_connector (abacusai.model attribute)": [[176, "abacusai.Model.database_connector", false]], "database_connector (abacusai.model.model attribute)": [[197, "abacusai.model.Model.database_connector", false]], "database_connector_config (abacusai.dataset attribute)": [[176, "abacusai.Dataset.database_connector_config", false]], "database_connector_config (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.database_connector_config", false]], "database_connector_config (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.database_connector_config", false]], "database_connector_config (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.database_connector_config", false]], "database_connector_id (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.database_connector_id", false]], "database_connector_id (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.database_connector_id", false]], "database_connector_id (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.database_connector_id", false]], "database_connector_id (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.database_connector_id", false]], "database_connector_id (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.database_connector_id", false]], "database_connector_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.database_connector_id", false]], "database_connector_id (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.database_connector_id", false]], "database_connector_id (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.database_connector_id", false]], "database_connector_id (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.database_connector_id", false]], "database_connector_id (abacusai.database_connector.databaseconnector attribute)": [[90, "abacusai.database_connector.DatabaseConnector.database_connector_id", false]], "database_connector_id (abacusai.databaseconnector attribute)": [[176, "abacusai.DatabaseConnector.database_connector_id", false]], "database_connector_id (abacusai.databaseconnectorexportconfig attribute)": [[176, "abacusai.DatabaseConnectorExportConfig.database_connector_id", false]], "database_connector_id (abacusai.dataset attribute)": [[176, "abacusai.Dataset.database_connector_id", false]], "database_connector_id (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.database_connector_id", false]], "database_connector_id (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.database_connector_id", false]], "database_connector_id (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.database_connector_id", false]], "database_connector_id (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.database_connector_id", false]], "database_connector_id (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.database_connector_id", false]], "database_connector_id (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.database_connector_id", false]], "database_connector_id (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.database_connector_id", false]], "database_connector_ids (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.database_connector_ids", false]], "database_connector_ids (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.database_connector_ids", false]], "database_connector_ids (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.database_connector_ids", false]], "database_connector_tables (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.database_connector_tables", false]], "database_connector_tables (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.database_connector_tables", false]], "database_connector_tables (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.database_connector_tables", false]], "database_connectors() (abacusai.api_class.applicationconnectortype class method)": [[27, "abacusai.api_class.ApplicationConnectorType.database_connectors", false]], "database_connectors() (abacusai.api_class.enums.applicationconnectortype class method)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.database_connectors", false]], "database_connectors() (abacusai.applicationconnectortype class method)": [[176, "abacusai.ApplicationConnectorType.database_connectors", false]], "database_feature_mapping (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.database_feature_mapping", false]], "database_feature_mapping (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.database_feature_mapping", false]], "database_feature_mapping (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.database_feature_mapping", false]], "database_feature_mapping (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.database_feature_mapping", false]], "database_feature_mapping (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.database_feature_mapping", false]], "database_feature_mapping (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.database_feature_mapping", false]], "database_output_configuration (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.database_output_configuration", false]], "database_output_configuration (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_configuration", false]], "database_output_configuration (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.database_output_configuration", false]], "database_output_configuration (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.database_output_configuration", false]], "database_output_error (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_error", false]], "database_output_error (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.database_output_error", false]], "database_output_error (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.database_output_error", false]], "database_output_error (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.database_output_error", false]], "database_output_failed_writes (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_failed_writes", false]], "database_output_failed_writes (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.database_output_failed_writes", false]], "database_output_total_writes (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.database_output_total_writes", false]], "database_output_total_writes (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.database_output_total_writes", false]], "databasecolumnfeaturemapping (class in abacusai)": [[176, "abacusai.DatabaseColumnFeatureMapping", false]], "databasecolumnfeaturemapping (class in abacusai.database_column_feature_mapping)": [[89, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping", false]], "databaseconnector (class in abacusai)": [[176, "abacusai.DatabaseConnector", false]], "databaseconnector (class in abacusai.database_connector)": [[90, "abacusai.database_connector.DatabaseConnector", false]], "databaseconnectorcolumn (class in abacusai)": [[176, "abacusai.DatabaseConnectorColumn", false]], "databaseconnectorcolumn (class in abacusai.database_connector_column)": [[91, "abacusai.database_connector_column.DatabaseConnectorColumn", false]], "databaseconnectorexportconfig (class in abacusai)": [[176, "abacusai.DatabaseConnectorExportConfig", false]], "databaseconnectorexportconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig", false]], "databaseconnectorexportconfig (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig", false]], "databaseconnectorschema (class in abacusai)": [[176, "abacusai.DatabaseConnectorSchema", false]], "databaseconnectorschema (class in abacusai.database_connector_schema)": [[92, "abacusai.database_connector_schema.DatabaseConnectorSchema", false]], "dataconsistencyduplication (class in abacusai)": [[176, "abacusai.DataConsistencyDuplication", false]], "dataconsistencyduplication (class in abacusai.data_consistency_duplication)": [[84, "abacusai.data_consistency_duplication.DataConsistencyDuplication", false]], "dataframeresponsesection (class in abacusai)": [[176, "abacusai.DataframeResponseSection", false]], "dataframeresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.DataframeResponseSection", false]], "dataframeresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.DataframeResponseSection", false]], "datagenerationconfig (class in abacusai)": [[176, "abacusai.DataGenerationConfig", false]], "datagenerationconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DataGenerationConfig", false]], "datagenerationconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig", false]], "dataintegrityviolationconditionconfig (class in abacusai)": [[176, "abacusai.DataIntegrityViolationConditionConfig", false]], "dataintegrityviolationconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig", false]], "dataintegrityviolationconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig", false]], "dataintegrityviolationtype (class in abacusai)": [[176, "abacusai.DataIntegrityViolationType", false]], "dataintegrityviolationtype (class in abacusai.api_class)": [[27, "abacusai.api_class.DataIntegrityViolationType", false]], "dataintegrityviolationtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType", false]], "datametrics (class in abacusai)": [[176, "abacusai.DataMetrics", false]], "datametrics (class in abacusai.data_metrics)": [[85, "abacusai.data_metrics.DataMetrics", false]], "datanotfounderror": [[58, "abacusai.client.DataNotFoundError", false]], "datapreplogs (class in abacusai)": [[176, "abacusai.DataPrepLogs", false]], "datapreplogs (class in abacusai.data_prep_logs)": [[86, "abacusai.data_prep_logs.DataPrepLogs", false]], "dataqualityresults (class in abacusai)": [[176, "abacusai.DataQualityResults", false]], "dataqualityresults (class in abacusai.data_quality_results)": [[87, "abacusai.data_quality_results.DataQualityResults", false]], "dataset (class in abacusai)": [[176, "abacusai.Dataset", false]], "dataset (class in abacusai.dataset)": [[93, "abacusai.dataset.Dataset", false]], "dataset_errors (abacusai.project_validation.projectvalidation attribute)": [[257, "abacusai.project_validation.ProjectValidation.dataset_errors", false]], "dataset_errors (abacusai.projectvalidation attribute)": [[176, "abacusai.ProjectValidation.dataset_errors", false]], "dataset_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.DATASET_ID", false]], "dataset_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.DATASET_ID", false]], "dataset_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.DATASET_ID", false]], "dataset_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.DATASET_ID", false]], "dataset_id (abacusai.dataset attribute)": [[176, "abacusai.Dataset.dataset_id", false]], "dataset_id (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.dataset_id", false]], "dataset_id (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.dataset_id", false]], "dataset_id (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.dataset_id", false]], "dataset_id (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.dataset_id", false]], "dataset_id (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.dataset_id", false]], "dataset_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.dataset_id", false]], "dataset_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.dataset_id", false]], "dataset_id (abacusai.prediction_dataset.predictiondataset attribute)": [[243, "abacusai.prediction_dataset.PredictionDataset.dataset_id", false]], "dataset_id (abacusai.predictiondataset attribute)": [[176, "abacusai.PredictionDataset.dataset_id", false]], "dataset_id (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.dataset_id", false]], "dataset_id (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.dataset_id", false]], "dataset_id (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.DATASET_ID", false]], "dataset_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.DATASET_ID", false]], "dataset_id (abacusai.upload attribute)": [[176, "abacusai.Upload.dataset_id", false]], "dataset_id (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.dataset_id", false]], "dataset_id_remap (abacusai.prediction_input.predictioninput attribute)": [[245, "abacusai.prediction_input.PredictionInput.dataset_id_remap", false]], "dataset_id_remap (abacusai.predictioninput attribute)": [[176, "abacusai.PredictionInput.dataset_id_remap", false]], "dataset_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.dataset_ids", false]], "dataset_ids (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.dataset_ids", false]], "dataset_type (abacusai.prediction_dataset.predictiondataset attribute)": [[243, "abacusai.prediction_dataset.PredictionDataset.dataset_type", false]], "dataset_type (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.dataset_type", false]], "dataset_type (abacusai.predictiondataset attribute)": [[176, "abacusai.PredictionDataset.dataset_type", false]], "dataset_type (abacusai.predictionfeaturegroup attribute)": [[176, "abacusai.PredictionFeatureGroup.dataset_type", false]], "dataset_type (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.dataset_type", false]], "dataset_type (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.dataset_type", false]], "dataset_upload_id (abacusai.upload attribute)": [[176, "abacusai.Upload.dataset_upload_id", false]], "dataset_upload_id (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.dataset_upload_id", false]], "dataset_version (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.dataset_version", false]], "dataset_version (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.dataset_version", false]], "dataset_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.dataset_version", false]], "dataset_version (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.dataset_version", false]], "dataset_version (abacusai.prediction_dataset.predictiondataset attribute)": [[243, "abacusai.prediction_dataset.PredictionDataset.dataset_version", false]], "dataset_version (abacusai.predictiondataset attribute)": [[176, "abacusai.PredictionDataset.dataset_version", false]], "dataset_version (abacusai.upload attribute)": [[176, "abacusai.Upload.dataset_version", false]], "dataset_version (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.dataset_version", false]], "dataset_versions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.dataset_versions", false]], "dataset_versions (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.dataset_versions", false]], "datasetcolumn (class in abacusai)": [[176, "abacusai.DatasetColumn", false]], "datasetcolumn (class in abacusai.dataset_column)": [[94, "abacusai.dataset_column.DatasetColumn", false]], "datasetconfig (class in abacusai)": [[176, "abacusai.DatasetConfig", false]], "datasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DatasetConfig", false], [27, "id61", false], [27, "id68", false]], "datasetconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.DatasetConfig", false]], "datasetdocumentprocessingconfig (class in abacusai)": [[176, "abacusai.DatasetDocumentProcessingConfig", false]], "datasetdocumentprocessingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DatasetDocumentProcessingConfig", false], [27, "id70", false]], "datasetdocumentprocessingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.DatasetDocumentProcessingConfig", false]], "datasets (abacusai.prediction_input.predictioninput attribute)": [[245, "abacusai.prediction_input.PredictionInput.datasets", false]], "datasets (abacusai.predictioninput attribute)": [[176, "abacusai.PredictionInput.datasets", false]], "datasetversion (class in abacusai)": [[176, "abacusai.DatasetVersion", false]], "datasetversion (class in abacusai.dataset_version)": [[95, "abacusai.dataset_version.DatasetVersion", false]], "datasetversionlogs (class in abacusai)": [[176, "abacusai.DatasetVersionLogs", false]], "datasetversionlogs (class in abacusai.dataset_version_logs)": [[96, "abacusai.dataset_version_logs.DatasetVersionLogs", false]], "datatype (class in abacusai)": [[176, "abacusai.DataType", false]], "datatype (class in abacusai.api_class)": [[27, "abacusai.api_class.DataType", false]], "datatype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DataType", false]], "datauploadresult (class in abacusai)": [[176, "abacusai.DataUploadResult", false]], "datauploadresult (class in abacusai.data_upload_result)": [[88, "abacusai.data_upload_result.DataUploadResult", false]], "date (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.DATE", false]], "date (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.DATE", false]], "date (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.DATE", false]], "date (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.DATE", false]], "date (abacusai.datatype attribute)": [[176, "abacusai.DataType.DATE", false]], "date (abacusai.fielddescriptortype attribute)": [[176, "abacusai.FieldDescriptorType.DATE", false]], "date_labels (abacusai.deployment_statistics.deploymentstatistics attribute)": [[103, "abacusai.deployment_statistics.DeploymentStatistics.date_labels", false]], "date_labels (abacusai.deploymentstatistics attribute)": [[176, "abacusai.DeploymentStatistics.date_labels", false]], "date_published (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.date_published", false]], "date_published (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.date_published", false]], "datetime (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.DATETIME", false]], "datetime (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.DATETIME", false]], "datetime (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.DATETIME", false]], "datetime (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.DATETIME", false]], "datetime (abacusai.datatype attribute)": [[176, "abacusai.DataType.DATETIME", false]], "datetime (abacusai.fielddescriptortype attribute)": [[176, "abacusai.FieldDescriptorType.DATETIME", false]], "datetime_holiday_calendars (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.datetime_holiday_calendars", false]], "datetime_holiday_calendars (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.datetime_holiday_calendars", false]], "datetime_holiday_calendars (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.datetime_holiday_calendars", false]], "dbc (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.DBC", false]], "dbc (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.DBC", false]], "dbc (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.DBC", false]], "debounce_delay (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.debounce_delay", false]], "debounce_delay (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.debounce_delay", false]], "decisionnode (class in abacusai)": [[176, "abacusai.DecisionNode", false]], "decisionnode (class in abacusai.api_class)": [[27, "abacusai.api_class.DecisionNode", false]], "decisionnode (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.DecisionNode", false]], "deepagent_mode (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.deepagent_mode", false]], "deepagent_mode (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.deepagent_mode", false]], "deepseek_r1 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.DEEPSEEK_R1", false]], "deepseek_r1 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.DEEPSEEK_R1", false]], "deepseek_r1 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.DEEPSEEK_R1", false]], "deepseek_v3_1 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.DEEPSEEK_V3_1", false]], "deepseek_v3_1 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.DEEPSEEK_V3_1", false]], "deepseek_v3_1 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.DEEPSEEK_V3_1", false]], "default (abacusai.agentinterface attribute)": [[176, "abacusai.AgentInterface.DEFAULT", false]], "default (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.DEFAULT", false]], "default (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.DEFAULT", false]], "default (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.DEFAULT", false]], "default (abacusai.api_class.enums.workflownodetemplatetype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeTemplateType.DEFAULT", false]], "default (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.DEFAULT", false], [27, "id117", false]], "default (abacusai.api_class.workflownodetemplatetype attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateType.DEFAULT", false]], "default (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs attribute)": [[75, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.default", false]], "default (abacusai.cpugpumemoryspecs attribute)": [[176, "abacusai.CpuGpuMemorySpecs.default", false]], "default (abacusai.edit_image_models.editimagemodels attribute)": [[121, "abacusai.edit_image_models.EditImageModels.default", false]], "default (abacusai.editimagemodels attribute)": [[176, "abacusai.EditImageModels.default", false]], "default (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.default", false]], "default (abacusai.generatedpitfeatureconfigoption attribute)": [[176, "abacusai.GeneratedPitFeatureConfigOption.default", false]], "default (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.default", false]], "default (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.default", false]], "default (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.DEFAULT", false]], "default (abacusai.prediction_dataset.predictiondataset attribute)": [[243, "abacusai.prediction_dataset.PredictionDataset.default", false]], "default (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.default", false]], "default (abacusai.predictiondataset attribute)": [[176, "abacusai.PredictionDataset.default", false]], "default (abacusai.predictionfeaturegroup attribute)": [[176, "abacusai.PredictionFeatureGroup.default", false]], "default (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.default", false]], "default (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.default", false]], "default (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.default", false]], "default (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.default", false]], "default (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.default", false]], "default (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.default", false]], "default (abacusai.workflownodetemplatetype attribute)": [[176, "abacusai.WorkflowNodeTemplateType.DEFAULT", false]], "default_algorithm (abacusai.model attribute)": [[176, "abacusai.Model.default_algorithm", false]], "default_algorithm (abacusai.model.model attribute)": [[197, "abacusai.model.Model.default_algorithm", false]], "default_algorithm (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.default_algorithm", false]], "default_algorithm (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.default_algorithm", false]], "default_group (abacusai.organization_group.organizationgroup attribute)": [[225, "abacusai.organization_group.OrganizationGroup.default_group", false]], "default_group (abacusai.organizationgroup attribute)": [[176, "abacusai.OrganizationGroup.default_group", false]], "default_items_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.default_items_upload_id", false]], "default_items_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.default_items_upload_id", false]], "default_labels (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.default_labels", false]], "default_labels (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.default_labels", false]], "default_message (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.default_message", false]], "default_message (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.default_message", false]], "default_prediction_arguments (abacusai.deployment attribute)": [[176, "abacusai.Deployment.default_prediction_arguments", false]], "default_prediction_arguments (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.default_prediction_arguments", false]], "default_server (in module abacusai.client)": [[58, "abacusai.client.DEFAULT_SERVER", false]], "default_surrounding_lines (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.default_surrounding_lines", false]], "default_surrounding_lines (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.default_surrounding_lines", false]], "default_value (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.default_value", false]], "default_value (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.default_value", false]], "default_value (abacusai.workflownodetemplateconfig attribute)": [[176, "abacusai.WorkflowNodeTemplateConfig.default_value", false]], "defaultllm (class in abacusai)": [[176, "abacusai.DefaultLlm", false]], "defaultllm (class in abacusai.default_llm)": [[97, "abacusai.default_llm.DefaultLlm", false]], "delay_summary_batches (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.delay_summary_batches", false]], "delay_summary_batches (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.delay_summary_batches", false]], "delay_summary_batches_rate_limit (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.delay_summary_batches_rate_limit", false]], "delay_summary_batches_rate_limit (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.delay_summary_batches_rate_limit", false]], "delete() (abacusai.api_key.apikey method)": [[37, "abacusai.api_key.ApiKey.delete", false]], "delete() (abacusai.apikey method)": [[176, "abacusai.ApiKey.delete", false]], "delete() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.delete", false]], "delete() (abacusai.applicationconnector method)": [[176, "abacusai.ApplicationConnector.delete", false]], "delete() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.delete", false]], "delete() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.delete", false]], "delete() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.delete", false]], "delete() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.delete", false]], "delete() (abacusai.dataset method)": [[176, "abacusai.Dataset.delete", false]], "delete() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.delete", false]], "delete() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.delete", false]], "delete() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.delete", false]], "delete() (abacusai.deployment method)": [[176, "abacusai.Deployment.delete", false]], "delete() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.delete", false]], "delete() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.delete", false]], "delete() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.delete", false]], "delete() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.delete", false]], "delete() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.delete", false]], "delete() (abacusai.eda method)": [[176, "abacusai.Eda.delete", false]], "delete() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.delete", false]], "delete() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.delete", false]], "delete() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.delete", false]], "delete() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.delete", false]], "delete() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.delete", false]], "delete() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.delete", false]], "delete() (abacusai.feature_group_template.featuregrouptemplate method)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.delete", false]], "delete() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.delete", false]], "delete() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.delete", false]], "delete() (abacusai.featuregrouptemplate method)": [[176, "abacusai.FeatureGroupTemplate.delete", false]], "delete() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.delete", false]], "delete() (abacusai.graph_dashboard.graphdashboard method)": [[161, "abacusai.graph_dashboard.GraphDashboard.delete", false]], "delete() (abacusai.graphdashboard method)": [[176, "abacusai.GraphDashboard.delete", false]], "delete() (abacusai.model method)": [[176, "abacusai.Model.delete", false]], "delete() (abacusai.model.model method)": [[197, "abacusai.model.Model.delete", false]], "delete() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.delete", false]], "delete() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.delete", false]], "delete() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.delete", false]], "delete() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.delete", false]], "delete() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.delete", false]], "delete() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.delete", false]], "delete() (abacusai.monitor_alert.monitoralert method)": [[215, "abacusai.monitor_alert.MonitorAlert.delete", false]], "delete() (abacusai.monitoralert method)": [[176, "abacusai.MonitorAlert.delete", false]], "delete() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.delete", false]], "delete() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.delete", false]], "delete() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.delete", false]], "delete() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.delete", false]], "delete() (abacusai.pipeline_step.pipelinestep method)": [[231, "abacusai.pipeline_step.PipelineStep.delete", false]], "delete() (abacusai.pipelinestep method)": [[176, "abacusai.PipelineStep.delete", false]], "delete() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.delete", false]], "delete() (abacusai.prediction_operator_version.predictionoperatorversion method)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.delete", false]], "delete() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.delete", false]], "delete() (abacusai.predictionoperatorversion method)": [[176, "abacusai.PredictionOperatorVersion.delete", false]], "delete() (abacusai.project method)": [[176, "abacusai.Project.delete", false]], "delete() (abacusai.project.project method)": [[252, "abacusai.project.Project.delete", false]], "delete() (abacusai.realtime_monitor.realtimemonitor method)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.delete", false]], "delete() (abacusai.realtimemonitor method)": [[176, "abacusai.RealtimeMonitor.delete", false]], "delete() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.delete", false]], "delete() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.delete", false]], "delete() (abacusai.streaming_connector.streamingconnector method)": [[278, "abacusai.streaming_connector.StreamingConnector.delete", false]], "delete() (abacusai.streamingconnector method)": [[176, "abacusai.StreamingConnector.delete", false]], "delete() (abacusai.webhook method)": [[176, "abacusai.Webhook.delete", false]], "delete() (abacusai.webhook.webhook method)": [[312, "abacusai.webhook.Webhook.delete", false]], "delete_algorithm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_algorithm", false]], "delete_algorithm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_algorithm", false]], "delete_api_key() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_api_key", false]], "delete_api_key() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_api_key", false]], "delete_app_user_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_app_user_group", false]], "delete_app_user_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_app_user_group", false]], "delete_application_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_application_connector", false]], "delete_application_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_application_connector", false]], "delete_batch_prediction() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_batch_prediction", false]], "delete_batch_prediction() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_batch_prediction", false]], "delete_chat_message() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_chat_message", false]], "delete_chat_message() (abacusai.chat_session.chatsession method)": [[50, "abacusai.chat_session.ChatSession.delete_chat_message", false]], "delete_chat_message() (abacusai.chatsession method)": [[176, "abacusai.ChatSession.delete_chat_message", false]], "delete_chat_message() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_chat_message", false]], "delete_custom_loss_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_custom_loss_function", false]], "delete_custom_loss_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_custom_loss_function", false]], "delete_custom_metric() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_custom_metric", false]], "delete_custom_metric() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_custom_metric", false]], "delete_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_data", false]], "delete_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_data", false]], "delete_data() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.delete_data", false]], "delete_data() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.delete_data", false]], "delete_database_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_database_connector", false]], "delete_database_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_database_connector", false]], "delete_dataset() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_dataset", false]], "delete_dataset() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_dataset", false]], "delete_dataset_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_dataset_version", false]], "delete_dataset_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_dataset_version", false]], "delete_deployment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_deployment", false]], "delete_deployment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_deployment", false]], "delete_deployment_conversation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_deployment_conversation", false]], "delete_deployment_conversation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_deployment_conversation", false]], "delete_deployment_token() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_deployment_token", false]], "delete_deployment_token() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_deployment_token", false]], "delete_document_retriever() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_document_retriever", false]], "delete_document_retriever() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_document_retriever", false]], "delete_document_retriever_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_document_retriever_version", false]], "delete_document_retriever_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_document_retriever_version", false]], "delete_eda() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_eda", false]], "delete_eda() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_eda", false]], "delete_eda_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_eda_version", false]], "delete_eda_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_eda_version", false]], "delete_external_application() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_external_application", false]], "delete_external_application() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_external_application", false]], "delete_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_feature", false]], "delete_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_feature", false]], "delete_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.delete_feature", false]], "delete_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.delete_feature", false]], "delete_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_feature_group", false]], "delete_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_feature_group", false]], "delete_feature_group_template() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_feature_group_template", false]], "delete_feature_group_template() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_feature_group_template", false]], "delete_feature_group_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_feature_group_version", false]], "delete_feature_group_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_feature_group_version", false]], "delete_file_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_file_connector", false]], "delete_file_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_file_connector", false]], "delete_graph_dashboard() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_graph_dashboard", false]], "delete_graph_dashboard() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_graph_dashboard", false]], "delete_graph_from_dashboard() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_graph_from_dashboard", false]], "delete_graph_from_dashboard() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_graph_from_dashboard", false]], "delete_item_embeddings() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_item_embeddings", false]], "delete_item_embeddings() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_item_embeddings", false]], "delete_item_embeddings() (abacusai.streaming_client.streamingclient method)": [[277, "abacusai.streaming_client.StreamingClient.delete_item_embeddings", false]], "delete_item_embeddings() (abacusai.streamingclient method)": [[176, "abacusai.StreamingClient.delete_item_embeddings", false]], "delete_model() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_model", false]], "delete_model() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_model", false]], "delete_model_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_model_monitor", false]], "delete_model_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_model_monitor", false]], "delete_model_monitor_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_model_monitor_version", false]], "delete_model_monitor_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_model_monitor_version", false]], "delete_model_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_model_version", false]], "delete_model_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_model_version", false]], "delete_module() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_module", false]], "delete_module() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_module", false]], "delete_monitor_alert() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_monitor_alert", false]], "delete_monitor_alert() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_monitor_alert", false]], "delete_nested_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_nested_feature", false]], "delete_nested_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_nested_feature", false]], "delete_nested_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.delete_nested_feature", false]], "delete_nested_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.delete_nested_feature", false]], "delete_organization_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_organization_group", false]], "delete_organization_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_organization_group", false]], "delete_organization_secret() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_organization_secret", false]], "delete_organization_secret() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_organization_secret", false]], "delete_pipeline() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_pipeline", false]], "delete_pipeline() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_pipeline", false]], "delete_pipeline_step() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_pipeline_step", false]], "delete_pipeline_step() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_pipeline_step", false]], "delete_point_in_time_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_point_in_time_group", false]], "delete_point_in_time_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_point_in_time_group", false]], "delete_point_in_time_group() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.delete_point_in_time_group", false]], "delete_point_in_time_group() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.delete_point_in_time_group", false]], "delete_prediction_operator() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_prediction_operator", false]], "delete_prediction_operator() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_prediction_operator", false]], "delete_prediction_operator_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_prediction_operator_version", false]], "delete_prediction_operator_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_prediction_operator_version", false]], "delete_project() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_project", false]], "delete_project() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_project", false]], "delete_python_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_python_function", false]], "delete_python_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_python_function", false]], "delete_realtime_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_realtime_monitor", false]], "delete_realtime_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_realtime_monitor", false]], "delete_refresh_policy() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_refresh_policy", false]], "delete_refresh_policy() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_refresh_policy", false]], "delete_scoped_cache_key() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_scoped_cache_key", false]], "delete_scoped_cache_key() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_scoped_cache_key", false]], "delete_streaming_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_streaming_connector", false]], "delete_streaming_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_streaming_connector", false]], "delete_streaming_token() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_streaming_token", false]], "delete_streaming_token() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_streaming_token", false]], "delete_webhook() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.delete_webhook", false]], "delete_webhook() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.delete_webhook", false]], "deleted_files (abacusai.code_llm_changed_files.codellmchangedfiles attribute)": [[67, "abacusai.code_llm_changed_files.CodeLlmChangedFiles.deleted_files", false]], "deleted_files (abacusai.codellmchangedfiles attribute)": [[176, "abacusai.CodeLlmChangedFiles.deleted_files", false]], "deletions (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.deletions", false]], "deletions (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.deletions", false]], "demographic_parity (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.DEMOGRAPHIC_PARITY", false]], "demographic_parity (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.DEMOGRAPHIC_PARITY", false]], "demographic_parity (abacusai.biastype attribute)": [[176, "abacusai.BiasType.DEMOGRAPHIC_PARITY", false]], "deploy() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.deploy", false]], "deploy() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.deploy", false]], "deploy_prediction_operator() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.deploy_prediction_operator", false]], "deploy_prediction_operator() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.deploy_prediction_operator", false]], "deployable (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.deployable", false]], "deployable (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.deployable", false]], "deployable_algorithms (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.deployable_algorithms", false]], "deployable_algorithms (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.deployable_algorithms", false]], "deployablealgorithm (class in abacusai)": [[176, "abacusai.DeployableAlgorithm", false]], "deployablealgorithm (class in abacusai.api_class)": [[27, "abacusai.api_class.DeployableAlgorithm", false]], "deployablealgorithm (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DeployableAlgorithm", false]], "deployed_at (abacusai.deployment attribute)": [[176, "abacusai.Deployment.deployed_at", false]], "deployed_at (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.deployed_at", false]], "deployed_llm_artifact_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.deployed_llm_artifact_id", false]], "deployed_llm_artifact_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.deployed_llm_artifact_id", false]], "deployed_status (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.deployed_status", false]], "deployed_status (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.deployed_status", false]], "deployment (class in abacusai)": [[176, "abacusai.Deployment", false]], "deployment (class in abacusai.deployment)": [[98, "abacusai.deployment.Deployment", false]], "deployment_conversation_id (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.agentdataexecutionresult attribute)": [[176, "abacusai.AgentDataExecutionResult.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.code_agent_response.codeagentresponse attribute)": [[59, "abacusai.code_agent_response.CodeAgentResponse.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.codeagentresponse attribute)": [[176, "abacusai.CodeAgentResponse.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.daemon_task_conversation.daemontaskconversation attribute)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.daemontaskconversation attribute)": [[176, "abacusai.DaemonTaskConversation.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deployment_conversation_export.deploymentconversationexport attribute)": [[102, "abacusai.deployment_conversation_export.DeploymentConversationExport.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.deploymentconversationexport attribute)": [[176, "abacusai.DeploymentConversationExport.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.hosted_app.hostedapp attribute)": [[164, "abacusai.hosted_app.HostedApp.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.hostedapp attribute)": [[176, "abacusai.HostedApp.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.nlp_chat_response.nlpchatresponse attribute)": [[222, "abacusai.nlp_chat_response.NlpChatResponse.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.nlpchatresponse attribute)": [[176, "abacusai.NlpChatResponse.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.web_app_conversation.webappconversation attribute)": [[305, "abacusai.web_app_conversation.WebAppConversation.deployment_conversation_id", false]], "deployment_conversation_id (abacusai.webappconversation attribute)": [[176, "abacusai.WebAppConversation.deployment_conversation_id", false]], "deployment_conversation_name (abacusai.daemon_task_conversation.daemontaskconversation attribute)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.deployment_conversation_name", false]], "deployment_conversation_name (abacusai.daemontaskconversation attribute)": [[176, "abacusai.DaemonTaskConversation.deployment_conversation_name", false]], "deployment_conversation_name (abacusai.web_app_conversation.webappconversation attribute)": [[305, "abacusai.web_app_conversation.WebAppConversation.deployment_conversation_name", false]], "deployment_conversation_name (abacusai.webappconversation attribute)": [[176, "abacusai.WebAppConversation.deployment_conversation_name", false]], "deployment_conversation_retention_hours (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.deployment_conversation_retention_hours", false]], "deployment_conversation_retention_hours (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.deployment_conversation_retention_hours", false]], "deployment_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.deployment_id", false]], "deployment_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.deployment_id", false]], "deployment_id (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.deployment_id", false]], "deployment_id (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.deployment_id", false]], "deployment_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.deployment_id", false]], "deployment_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.deployment_id", false]], "deployment_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.deployment_id", false]], "deployment_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.deployment_id", false]], "deployment_id (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.deployment_id", false]], "deployment_id (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.deployment_id", false]], "deployment_id (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.deployment_id", false]], "deployment_id (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.deployment_id", false]], "deployment_id (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.deployment_id", false]], "deployment_id (abacusai.featuregrouprowprocesslogs attribute)": [[176, "abacusai.FeatureGroupRowProcessLogs.deployment_id", false]], "deployment_id (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.deployment_id", false]], "deployment_id (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.deployment_id", false]], "deployment_id (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.deployment_id", false]], "deployment_id (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.deployment_id", false]], "deployment_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.deployment_id", false]], "deployment_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.deployment_id", false]], "deployment_id (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.DEPLOYMENT_ID", false]], "deployment_id (abacusai.realtime_monitor.realtimemonitor attribute)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.deployment_id", false]], "deployment_id (abacusai.realtimemonitor attribute)": [[176, "abacusai.RealtimeMonitor.deployment_id", false]], "deployment_id (abacusai.webhook attribute)": [[176, "abacusai.Webhook.deployment_id", false]], "deployment_id (abacusai.webhook.webhook attribute)": [[312, "abacusai.webhook.Webhook.deployment_id", false]], "deployment_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.deployment_ids", false]], "deployment_ids (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.deployment_ids", false]], "deployment_permissions (abacusai.web_app_deployment_permission_dict.webappdeploymentpermissiondict attribute)": [[306, "abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict.deployment_permissions", false]], "deployment_permissions (abacusai.webappdeploymentpermissiondict attribute)": [[176, "abacusai.WebAppDeploymentPermissionDict.deployment_permissions", false]], "deployment_status (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.deployment_status", false]], "deployment_status (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.deployment_status", false]], "deployment_status (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.deployment_status", false]], "deployment_status (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.deployment_status", false]], "deployment_token (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[99, "abacusai.deployment_auth_token.DeploymentAuthToken.deployment_token", false]], "deployment_token (abacusai.deploymentauthtoken attribute)": [[176, "abacusai.DeploymentAuthToken.deployment_token", false]], "deployment_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.deployment_version", false]], "deployment_version (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.deployment_version", false]], "deployment_versions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.deployment_versions", false]], "deployment_versions (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.deployment_versions", false]], "deploymentauthtoken (class in abacusai)": [[176, "abacusai.DeploymentAuthToken", false]], "deploymentauthtoken (class in abacusai.deployment_auth_token)": [[99, "abacusai.deployment_auth_token.DeploymentAuthToken", false]], "deploymentconversation (class in abacusai)": [[176, "abacusai.DeploymentConversation", false]], "deploymentconversation (class in abacusai.deployment_conversation)": [[100, "abacusai.deployment_conversation.DeploymentConversation", false]], "deploymentconversationevent (class in abacusai)": [[176, "abacusai.DeploymentConversationEvent", false]], "deploymentconversationevent (class in abacusai.deployment_conversation_event)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent", false]], "deploymentconversationexport (class in abacusai)": [[176, "abacusai.DeploymentConversationExport", false]], "deploymentconversationexport (class in abacusai.deployment_conversation_export)": [[102, "abacusai.deployment_conversation_export.DeploymentConversationExport", false]], "deploymentconversationtype (class in abacusai)": [[176, "abacusai.DeploymentConversationType", false]], "deploymentconversationtype (class in abacusai.api_class)": [[27, "abacusai.api_class.DeploymentConversationType", false]], "deploymentconversationtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DeploymentConversationType", false]], "deploymentstatistics (class in abacusai)": [[176, "abacusai.DeploymentStatistics", false]], "deploymentstatistics (class in abacusai.deployment_statistics)": [[103, "abacusai.deployment_statistics.DeploymentStatistics", false]], "deprecated_enums() (in module abacusai)": [[176, "abacusai.deprecated_enums", false]], "deprecated_enums() (in module abacusai.api_class)": [[27, "abacusai.api_class.deprecated_enums", false]], "deprecated_enums() (in module abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.deprecated_enums", false]], "deprecated_keys (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.deprecated_keys", false]], "deprecated_keys (abacusai.abacusapi attribute)": [[176, "abacusai.AbacusApi.deprecated_keys", false]], "deprecated_keys (abacusai.address attribute)": [[176, "abacusai.Address.deprecated_keys", false]], "deprecated_keys (abacusai.address.address attribute)": [[1, "abacusai.address.Address.deprecated_keys", false]], "deprecated_keys (abacusai.agent attribute)": [[176, "abacusai.Agent.deprecated_keys", false]], "deprecated_keys (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.deprecated_keys", false]], "deprecated_keys (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.agent_conversation.agentconversation attribute)": [[4, "abacusai.agent_conversation.AgentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.deprecated_keys", false]], "deprecated_keys (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.deprecated_keys", false]], "deprecated_keys (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.agentconversation attribute)": [[176, "abacusai.AgentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.agentdatadocumentinfo attribute)": [[176, "abacusai.AgentDataDocumentInfo.deprecated_keys", false]], "deprecated_keys (abacusai.agentdataexecutionresult attribute)": [[176, "abacusai.AgentDataExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.deprecated_keys", false]], "deprecated_keys (abacusai.ai_building_task.aibuildingtask attribute)": [[8, "abacusai.ai_building_task.AiBuildingTask.deprecated_keys", false]], "deprecated_keys (abacusai.aibuildingtask attribute)": [[176, "abacusai.AiBuildingTask.deprecated_keys", false]], "deprecated_keys (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.deprecated_keys", false]], "deprecated_keys (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.deprecated_keys", false]], "deprecated_keys (abacusai.annotation attribute)": [[176, "abacusai.Annotation.deprecated_keys", false]], "deprecated_keys (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.deprecated_keys", false]], "deprecated_keys (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.deprecated_keys", false]], "deprecated_keys (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.deprecated_keys", false]], "deprecated_keys (abacusai.annotationconfig attribute)": [[176, "abacusai.AnnotationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.annotationdocument attribute)": [[176, "abacusai.AnnotationDocument.deprecated_keys", false]], "deprecated_keys (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.deprecated_keys", false]], "deprecated_keys (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.deprecated_keys", false]], "deprecated_keys (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.deprecated_keys", false]], "deprecated_keys (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.deprecated_keys", false]], "deprecated_keys (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.deprecated_keys", false]], "deprecated_keys (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.deprecated_keys", false]], "deprecated_keys (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.deprecated_keys", false]], "deprecated_keys (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.deprecated_keys", false]], "deprecated_keys (abacusai.app_user_group_sign_in_token.appusergroupsignintoken attribute)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.deprecated_keys", false]], "deprecated_keys (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.deprecated_keys", false]], "deprecated_keys (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.deprecated_keys", false]], "deprecated_keys (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.deprecated_keys", false]], "deprecated_keys (abacusai.appusergroupsignintoken attribute)": [[176, "abacusai.AppUserGroupSignInToken.deprecated_keys", false]], "deprecated_keys (abacusai.audio_gen_settings.audiogensettings attribute)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.audio_url_result.audiourlresult attribute)": [[42, "abacusai.audio_url_result.AudioUrlResult.deprecated_keys", false]], "deprecated_keys (abacusai.audiogensettings attribute)": [[176, "abacusai.AudioGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.audiourlresult attribute)": [[176, "abacusai.AudioUrlResult.deprecated_keys", false]], "deprecated_keys (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.deprecated_keys", false]], "deprecated_keys (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.deprecated_keys", false]], "deprecated_keys (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.deprecated_keys", false]], "deprecated_keys (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.deprecated_keys", false]], "deprecated_keys (abacusai.batch_prediction_version_logs.batchpredictionversionlogs attribute)": [[46, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.deprecated_keys", false]], "deprecated_keys (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.deprecated_keys", false]], "deprecated_keys (abacusai.batchpredictionversionlogs attribute)": [[176, "abacusai.BatchPredictionVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.bot_info.botinfo attribute)": [[47, "abacusai.bot_info.BotInfo.deprecated_keys", false]], "deprecated_keys (abacusai.botinfo attribute)": [[176, "abacusai.BotInfo.deprecated_keys", false]], "deprecated_keys (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[48, "abacusai.categorical_range_violation.CategoricalRangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.categoricalrangeviolation attribute)": [[176, "abacusai.CategoricalRangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_computer.chatllmcomputer attribute)": [[51, "abacusai.chatllm_computer.ChatllmComputer.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_computer_status.chatllmcomputerstatus attribute)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_memory.chatllmmemory attribute)": [[53, "abacusai.chatllm_memory.ChatllmMemory.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_project.chatllmproject attribute)": [[54, "abacusai.chatllm_project.ChatllmProject.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_project_permissions.chatllmprojectpermissions attribute)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_referral_invite.chatllmreferralinvite attribute)": [[56, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.deprecated_keys", false]], "deprecated_keys (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmcomputer attribute)": [[176, "abacusai.ChatllmComputer.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmcomputerstatus attribute)": [[176, "abacusai.ChatllmComputerStatus.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmmemory attribute)": [[176, "abacusai.ChatllmMemory.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmproject attribute)": [[176, "abacusai.ChatllmProject.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmprojectpermissions attribute)": [[176, "abacusai.ChatllmProjectPermissions.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmreferralinvite attribute)": [[176, "abacusai.ChatllmReferralInvite.deprecated_keys", false]], "deprecated_keys (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.deprecated_keys", false]], "deprecated_keys (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.deprecated_keys", false]], "deprecated_keys (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.deprecated_keys", false]], "deprecated_keys (abacusai.code_agent_response.codeagentresponse attribute)": [[59, "abacusai.code_agent_response.CodeAgentResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_autocomplete_edit_prediction_response.codeautocompleteeditpredictionresponse attribute)": [[60, "abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[61, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.deprecated_keys", false]], "deprecated_keys (abacusai.code_edit.codeedit attribute)": [[63, "abacusai.code_edit.CodeEdit.deprecated_keys", false]], "deprecated_keys (abacusai.code_edit_response.codeeditresponse attribute)": [[64, "abacusai.code_edit_response.CodeEditResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_edits.codeedits attribute)": [[65, "abacusai.code_edits.CodeEdits.deprecated_keys", false]], "deprecated_keys (abacusai.code_embeddings.codeembeddings attribute)": [[66, "abacusai.code_embeddings.CodeEmbeddings.deprecated_keys", false]], "deprecated_keys (abacusai.code_llm_changed_files.codellmchangedfiles attribute)": [[67, "abacusai.code_llm_changed_files.CodeLlmChangedFiles.deprecated_keys", false]], "deprecated_keys (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.deprecated_keys", false]], "deprecated_keys (abacusai.code_suggestion_validation_response.codesuggestionvalidationresponse attribute)": [[69, "abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse.deprecated_keys", false]], "deprecated_keys (abacusai.code_summary_response.codesummaryresponse attribute)": [[70, "abacusai.code_summary_response.CodeSummaryResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codeagentresponse attribute)": [[176, "abacusai.CodeAgentResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codeautocompleteeditpredictionresponse attribute)": [[176, "abacusai.CodeAutocompleteEditPredictionResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codeautocompleteresponse attribute)": [[176, "abacusai.CodeAutocompleteResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.deprecated_keys", false]], "deprecated_keys (abacusai.codeedit attribute)": [[176, "abacusai.CodeEdit.deprecated_keys", false]], "deprecated_keys (abacusai.codeeditresponse attribute)": [[176, "abacusai.CodeEditResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codeedits attribute)": [[176, "abacusai.CodeEdits.deprecated_keys", false]], "deprecated_keys (abacusai.codeembeddings attribute)": [[176, "abacusai.CodeEmbeddings.deprecated_keys", false]], "deprecated_keys (abacusai.codellm_embedding_constants.codellmembeddingconstants attribute)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.deprecated_keys", false]], "deprecated_keys (abacusai.codellmchangedfiles attribute)": [[176, "abacusai.CodeLlmChangedFiles.deprecated_keys", false]], "deprecated_keys (abacusai.codellmembeddingconstants attribute)": [[176, "abacusai.CodellmEmbeddingConstants.deprecated_keys", false]], "deprecated_keys (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.deprecated_keys", false]], "deprecated_keys (abacusai.codesuggestionvalidationresponse attribute)": [[176, "abacusai.CodeSuggestionValidationResponse.deprecated_keys", false]], "deprecated_keys (abacusai.codesummaryresponse attribute)": [[176, "abacusai.CodeSummaryResponse.deprecated_keys", false]], "deprecated_keys (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.deprecated_keys", false]], "deprecated_keys (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.deprecated_keys", false]], "deprecated_keys (abacusai.concatenation_config.concatenationconfig attribute)": [[73, "abacusai.concatenation_config.ConcatenationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.concatenationconfig attribute)": [[176, "abacusai.ConcatenationConfig.deprecated_keys", false]], "deprecated_keys (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.deprecated_keys", false]], "deprecated_keys (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.deprecated_keys", false]], "deprecated_keys (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs attribute)": [[75, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.deprecated_keys", false]], "deprecated_keys (abacusai.cpugpumemoryspecs attribute)": [[176, "abacusai.CpuGpuMemorySpecs.deprecated_keys", false]], "deprecated_keys (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.custom_domain.customdomain attribute)": [[78, "abacusai.custom_domain.CustomDomain.deprecated_keys", false]], "deprecated_keys (abacusai.custom_loss_function.customlossfunction attribute)": [[79, "abacusai.custom_loss_function.CustomLossFunction.deprecated_keys", false]], "deprecated_keys (abacusai.custom_metric.custommetric attribute)": [[80, "abacusai.custom_metric.CustomMetric.deprecated_keys", false]], "deprecated_keys (abacusai.custom_metric_version.custommetricversion attribute)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.deprecated_keys", false]], "deprecated_keys (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.deprecated_keys", false]], "deprecated_keys (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.customdomain attribute)": [[176, "abacusai.CustomDomain.deprecated_keys", false]], "deprecated_keys (abacusai.customlossfunction attribute)": [[176, "abacusai.CustomLossFunction.deprecated_keys", false]], "deprecated_keys (abacusai.custommetric attribute)": [[176, "abacusai.CustomMetric.deprecated_keys", false]], "deprecated_keys (abacusai.custommetricversion attribute)": [[176, "abacusai.CustomMetricVersion.deprecated_keys", false]], "deprecated_keys (abacusai.customtrainfunctioninfo attribute)": [[176, "abacusai.CustomTrainFunctionInfo.deprecated_keys", false]], "deprecated_keys (abacusai.daemon_task_conversation.daemontaskconversation attribute)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.deprecated_keys", false]], "deprecated_keys (abacusai.daemontaskconversation attribute)": [[176, "abacusai.DaemonTaskConversation.deprecated_keys", false]], "deprecated_keys (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[84, "abacusai.data_consistency_duplication.DataConsistencyDuplication.deprecated_keys", false]], "deprecated_keys (abacusai.data_metrics.datametrics attribute)": [[85, "abacusai.data_metrics.DataMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.data_prep_logs.datapreplogs attribute)": [[86, "abacusai.data_prep_logs.DataPrepLogs.deprecated_keys", false]], "deprecated_keys (abacusai.data_quality_results.dataqualityresults attribute)": [[87, "abacusai.data_quality_results.DataQualityResults.deprecated_keys", false]], "deprecated_keys (abacusai.data_upload_result.datauploadresult attribute)": [[88, "abacusai.data_upload_result.DataUploadResult.deprecated_keys", false]], "deprecated_keys (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping attribute)": [[89, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.database_connector.databaseconnector attribute)": [[90, "abacusai.database_connector.DatabaseConnector.deprecated_keys", false]], "deprecated_keys (abacusai.database_connector_column.databaseconnectorcolumn attribute)": [[91, "abacusai.database_connector_column.DatabaseConnectorColumn.deprecated_keys", false]], "deprecated_keys (abacusai.database_connector_schema.databaseconnectorschema attribute)": [[92, "abacusai.database_connector_schema.DatabaseConnectorSchema.deprecated_keys", false]], "deprecated_keys (abacusai.databasecolumnfeaturemapping attribute)": [[176, "abacusai.DatabaseColumnFeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.databaseconnector attribute)": [[176, "abacusai.DatabaseConnector.deprecated_keys", false]], "deprecated_keys (abacusai.databaseconnectorcolumn attribute)": [[176, "abacusai.DatabaseConnectorColumn.deprecated_keys", false]], "deprecated_keys (abacusai.databaseconnectorschema attribute)": [[176, "abacusai.DatabaseConnectorSchema.deprecated_keys", false]], "deprecated_keys (abacusai.dataconsistencyduplication attribute)": [[176, "abacusai.DataConsistencyDuplication.deprecated_keys", false]], "deprecated_keys (abacusai.datametrics attribute)": [[176, "abacusai.DataMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.datapreplogs attribute)": [[176, "abacusai.DataPrepLogs.deprecated_keys", false]], "deprecated_keys (abacusai.dataqualityresults attribute)": [[176, "abacusai.DataQualityResults.deprecated_keys", false]], "deprecated_keys (abacusai.dataset attribute)": [[176, "abacusai.Dataset.deprecated_keys", false]], "deprecated_keys (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.deprecated_keys", false]], "deprecated_keys (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.deprecated_keys", false]], "deprecated_keys (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.deprecated_keys", false]], "deprecated_keys (abacusai.dataset_version_logs.datasetversionlogs attribute)": [[96, "abacusai.dataset_version_logs.DatasetVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.deprecated_keys", false]], "deprecated_keys (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.deprecated_keys", false]], "deprecated_keys (abacusai.datasetversionlogs attribute)": [[176, "abacusai.DatasetVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.datauploadresult attribute)": [[176, "abacusai.DataUploadResult.deprecated_keys", false]], "deprecated_keys (abacusai.default_llm.defaultllm attribute)": [[97, "abacusai.default_llm.DefaultLlm.deprecated_keys", false]], "deprecated_keys (abacusai.defaultllm attribute)": [[176, "abacusai.DefaultLlm.deprecated_keys", false]], "deprecated_keys (abacusai.deployment attribute)": [[176, "abacusai.Deployment.deprecated_keys", false]], "deprecated_keys (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[99, "abacusai.deployment_auth_token.DeploymentAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_conversation_export.deploymentconversationexport attribute)": [[102, "abacusai.deployment_conversation_export.DeploymentConversationExport.deprecated_keys", false]], "deprecated_keys (abacusai.deployment_statistics.deploymentstatistics attribute)": [[103, "abacusai.deployment_statistics.DeploymentStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentauthtoken attribute)": [[176, "abacusai.DeploymentAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentconversationexport attribute)": [[176, "abacusai.DeploymentConversationExport.deprecated_keys", false]], "deprecated_keys (abacusai.deploymentstatistics attribute)": [[176, "abacusai.DeploymentStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.deprecated_keys", false]], "deprecated_keys (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.deprecated_keys", false]], "deprecated_keys (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.deprecated_keys", false]], "deprecated_keys (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.deprecated_keys", false]], "deprecated_keys (abacusai.document_retriever_version_logs.documentretrieverversionlogs attribute)": [[108, "abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.deprecated_keys", false]], "deprecated_keys (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.deprecated_keys", false]], "deprecated_keys (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.deprecated_keys", false]], "deprecated_keys (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.deprecated_keys", false]], "deprecated_keys (abacusai.documentretrieverversionlogs attribute)": [[176, "abacusai.DocumentRetrieverVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.domain_purchase_result.domainpurchaseresult attribute)": [[109, "abacusai.domain_purchase_result.DomainPurchaseResult.deprecated_keys", false]], "deprecated_keys (abacusai.domain_search_result.domainsearchresult attribute)": [[110, "abacusai.domain_search_result.DomainSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.domainpurchaseresult attribute)": [[176, "abacusai.DomainPurchaseResult.deprecated_keys", false]], "deprecated_keys (abacusai.domainsearchresult attribute)": [[176, "abacusai.DomainSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.drift_distribution.driftdistribution attribute)": [[111, "abacusai.drift_distribution.DriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.drift_distributions.driftdistributions attribute)": [[112, "abacusai.drift_distributions.DriftDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.driftdistribution attribute)": [[176, "abacusai.DriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.driftdistributions attribute)": [[176, "abacusai.DriftDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.eda attribute)": [[176, "abacusai.Eda.deprecated_keys", false]], "deprecated_keys (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.deprecated_keys", false]], "deprecated_keys (abacusai.eda_chart_description.edachartdescription attribute)": [[114, "abacusai.eda_chart_description.EdaChartDescription.deprecated_keys", false]], "deprecated_keys (abacusai.eda_collinearity.edacollinearity attribute)": [[115, "abacusai.eda_collinearity.EdaCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.deprecated_keys", false]], "deprecated_keys (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.deprecated_keys", false]], "deprecated_keys (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[118, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.edachartdescription attribute)": [[176, "abacusai.EdaChartDescription.deprecated_keys", false]], "deprecated_keys (abacusai.edacollinearity attribute)": [[176, "abacusai.EdaCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.deprecated_keys", false]], "deprecated_keys (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.deprecated_keys", false]], "deprecated_keys (abacusai.edafeaturecollinearity attribute)": [[176, "abacusai.EdaFeatureCollinearity.deprecated_keys", false]], "deprecated_keys (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.edit_image_models.editimagemodels attribute)": [[121, "abacusai.edit_image_models.EditImageModels.deprecated_keys", false]], "deprecated_keys (abacusai.editimagemodels attribute)": [[176, "abacusai.EditImageModels.deprecated_keys", false]], "deprecated_keys (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.entri_auth_token.entriauthtoken attribute)": [[123, "abacusai.entri_auth_token.EntriAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.entriauthtoken attribute)": [[176, "abacusai.EntriAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.deprecated_keys", false]], "deprecated_keys (abacusai.executefeaturegroupoperation attribute)": [[176, "abacusai.ExecuteFeatureGroupOperation.deprecated_keys", false]], "deprecated_keys (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.external_invite.externalinvite attribute)": [[126, "abacusai.external_invite.ExternalInvite.deprecated_keys", false]], "deprecated_keys (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.externalinvite attribute)": [[176, "abacusai.ExternalInvite.deprecated_keys", false]], "deprecated_keys (abacusai.extracted_fields.extractedfields attribute)": [[127, "abacusai.extracted_fields.ExtractedFields.deprecated_keys", false]], "deprecated_keys (abacusai.extractedfields attribute)": [[176, "abacusai.ExtractedFields.deprecated_keys", false]], "deprecated_keys (abacusai.feature attribute)": [[176, "abacusai.Feature.deprecated_keys", false]], "deprecated_keys (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.deprecated_keys", false]], "deprecated_keys (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.deprecated_keys", false]], "deprecated_keys (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_document.featuregroupdocument attribute)": [[133, "abacusai.feature_group_document.FeatureGroupDocument.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl attribute)": [[136, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_lineage.featuregrouplineage attribute)": [[137, "abacusai.feature_group_lineage.FeatureGroupLineage.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row.featuregrouprow attribute)": [[139, "abacusai.feature_group_row.FeatureGroupRow.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions attribute)": [[144, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.deprecated_keys", false]], "deprecated_keys (abacusai.feature_group_version_logs.featuregroupversionlogs attribute)": [[146, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.feature_importance.featureimportance attribute)": [[147, "abacusai.feature_importance.FeatureImportance.deprecated_keys", false]], "deprecated_keys (abacusai.feature_mapping.featuremapping attribute)": [[148, "abacusai.feature_mapping.FeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[149, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.deprecated_keys", false]], "deprecated_keys (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.deprecated_keys", false]], "deprecated_keys (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupdocument attribute)": [[176, "abacusai.FeatureGroupDocument.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupexportdownloadurl attribute)": [[176, "abacusai.FeatureGroupExportDownloadUrl.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouplineage attribute)": [[176, "abacusai.FeatureGroupLineage.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprow attribute)": [[176, "abacusai.FeatureGroupRow.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprowprocesslogs attribute)": [[176, "abacusai.FeatureGroupRowProcessLogs.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouprowprocesssummary attribute)": [[176, "abacusai.FeatureGroupRowProcessSummary.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.featuregrouptemplatevariableoptions attribute)": [[176, "abacusai.FeatureGroupTemplateVariableOptions.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.deprecated_keys", false]], "deprecated_keys (abacusai.featuregroupversionlogs attribute)": [[176, "abacusai.FeatureGroupVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.featureimportance attribute)": [[176, "abacusai.FeatureImportance.deprecated_keys", false]], "deprecated_keys (abacusai.featuremapping attribute)": [[176, "abacusai.FeatureMapping.deprecated_keys", false]], "deprecated_keys (abacusai.featureperformanceanalysis attribute)": [[176, "abacusai.FeaturePerformanceAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.file_connector.fileconnector attribute)": [[150, "abacusai.file_connector.FileConnector.deprecated_keys", false]], "deprecated_keys (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[151, "abacusai.file_connector_instructions.FileConnectorInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.file_connector_verification.fileconnectorverification attribute)": [[152, "abacusai.file_connector_verification.FileConnectorVerification.deprecated_keys", false]], "deprecated_keys (abacusai.fileconnector attribute)": [[176, "abacusai.FileConnector.deprecated_keys", false]], "deprecated_keys (abacusai.fileconnectorinstructions attribute)": [[176, "abacusai.FileConnectorInstructions.deprecated_keys", false]], "deprecated_keys (abacusai.fileconnectorverification attribute)": [[176, "abacusai.FileConnectorVerification.deprecated_keys", false]], "deprecated_keys (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.deprecated_keys", false]], "deprecated_keys (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.deprecated_keys", false]], "deprecated_keys (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.deprecated_keys", false]], "deprecated_keys (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis attribute)": [[155, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.deprecated_keys", false]], "deprecated_keys (abacusai.forecastingmonitoritemanalysis attribute)": [[176, "abacusai.ForecastingMonitorItemAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.deprecated_keys", false]], "deprecated_keys (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.deprecated_keys", false]], "deprecated_keys (abacusai.function_logs.functionlogs attribute)": [[158, "abacusai.function_logs.FunctionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.functionlogs attribute)": [[176, "abacusai.FunctionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.deprecated_keys", false]], "deprecated_keys (abacusai.generatedpitfeatureconfigoption attribute)": [[176, "abacusai.GeneratedPitFeatureConfigOption.deprecated_keys", false]], "deprecated_keys (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.deprecated_keys", false]], "deprecated_keys (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.deprecated_keys", false]], "deprecated_keys (abacusai.holdout_analysis.holdoutanalysis attribute)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.deprecated_keys", false]], "deprecated_keys (abacusai.holdoutanalysis attribute)": [[176, "abacusai.HoldoutAnalysis.deprecated_keys", false]], "deprecated_keys (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_app.hostedapp attribute)": [[164, "abacusai.hosted_app.HostedApp.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_app_file_read.hostedappfileread attribute)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_database.hosteddatabase attribute)": [[168, "abacusai.hosted_database.HostedDatabase.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_database_snapshot.hosteddatabasesnapshot attribute)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.deprecated_keys", false]], "deprecated_keys (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[170, "abacusai.hosted_model_token.HostedModelToken.deprecated_keys", false]], "deprecated_keys (abacusai.hostedapp attribute)": [[176, "abacusai.HostedApp.deprecated_keys", false]], "deprecated_keys (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.deprecated_keys", false]], "deprecated_keys (abacusai.hostedappfileread attribute)": [[176, "abacusai.HostedAppFileRead.deprecated_keys", false]], "deprecated_keys (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.deprecated_keys", false]], "deprecated_keys (abacusai.hosteddatabase attribute)": [[176, "abacusai.HostedDatabase.deprecated_keys", false]], "deprecated_keys (abacusai.hosteddatabasesnapshot attribute)": [[176, "abacusai.HostedDatabaseSnapshot.deprecated_keys", false]], "deprecated_keys (abacusai.hostedmodeltoken attribute)": [[176, "abacusai.HostedModelToken.deprecated_keys", false]], "deprecated_keys (abacusai.hostname_info.hostnameinfo attribute)": [[171, "abacusai.hostname_info.HostnameInfo.deprecated_keys", false]], "deprecated_keys (abacusai.hostnameinfo attribute)": [[176, "abacusai.HostnameInfo.deprecated_keys", false]], "deprecated_keys (abacusai.hume_voice.humevoice attribute)": [[172, "abacusai.hume_voice.HumeVoice.deprecated_keys", false]], "deprecated_keys (abacusai.humevoice attribute)": [[176, "abacusai.HumeVoice.deprecated_keys", false]], "deprecated_keys (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.deprecated_keys", false]], "deprecated_keys (abacusai.image_gen_model_options.imagegenmodeloptions attribute)": [[174, "abacusai.image_gen_model_options.ImageGenModelOptions.deprecated_keys", false]], "deprecated_keys (abacusai.image_gen_settings.imagegensettings attribute)": [[175, "abacusai.image_gen_settings.ImageGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.deprecated_keys", false]], "deprecated_keys (abacusai.imagegenmodeloptions attribute)": [[176, "abacusai.ImageGenModelOptions.deprecated_keys", false]], "deprecated_keys (abacusai.imagegensettings attribute)": [[176, "abacusai.ImageGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.indexing_config.indexingconfig attribute)": [[177, "abacusai.indexing_config.IndexingConfig.deprecated_keys", false]], "deprecated_keys (abacusai.indexingconfig attribute)": [[176, "abacusai.IndexingConfig.deprecated_keys", false]], "deprecated_keys (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings attribute)": [[178, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.inferred_feature_mappings.inferredfeaturemappings attribute)": [[179, "abacusai.inferred_feature_mappings.InferredFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.inferreddatabasecolumntofeaturemappings attribute)": [[176, "abacusai.InferredDatabaseColumnToFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.inferredfeaturemappings attribute)": [[176, "abacusai.InferredFeatureMappings.deprecated_keys", false]], "deprecated_keys (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.deprecated_keys", false]], "deprecated_keys (abacusai.lip_sync_gen_settings.lipsyncgensettings attribute)": [[181, "abacusai.lip_sync_gen_settings.LipSyncGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.lipsyncgensettings attribute)": [[176, "abacusai.LipSyncGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.deprecated_keys", false]], "deprecated_keys (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.deprecated_keys", false]], "deprecated_keys (abacusai.llm_code_block.llmcodeblock attribute)": [[184, "abacusai.llm_code_block.LlmCodeBlock.deprecated_keys", false]], "deprecated_keys (abacusai.llm_execution_preview.llmexecutionpreview attribute)": [[185, "abacusai.llm_execution_preview.LlmExecutionPreview.deprecated_keys", false]], "deprecated_keys (abacusai.llm_execution_result.llmexecutionresult attribute)": [[186, "abacusai.llm_execution_result.LlmExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.llm_generated_code.llmgeneratedcode attribute)": [[187, "abacusai.llm_generated_code.LlmGeneratedCode.deprecated_keys", false]], "deprecated_keys (abacusai.llm_input.llminput attribute)": [[188, "abacusai.llm_input.LlmInput.deprecated_keys", false]], "deprecated_keys (abacusai.llm_parameters.llmparameters attribute)": [[189, "abacusai.llm_parameters.LlmParameters.deprecated_keys", false]], "deprecated_keys (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.deprecated_keys", false]], "deprecated_keys (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.deprecated_keys", false]], "deprecated_keys (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.deprecated_keys", false]], "deprecated_keys (abacusai.llmcodeblock attribute)": [[176, "abacusai.LlmCodeBlock.deprecated_keys", false]], "deprecated_keys (abacusai.llmexecutionpreview attribute)": [[176, "abacusai.LlmExecutionPreview.deprecated_keys", false]], "deprecated_keys (abacusai.llmexecutionresult attribute)": [[176, "abacusai.LlmExecutionResult.deprecated_keys", false]], "deprecated_keys (abacusai.llmgeneratedcode attribute)": [[176, "abacusai.LlmGeneratedCode.deprecated_keys", false]], "deprecated_keys (abacusai.llminput attribute)": [[176, "abacusai.LlmInput.deprecated_keys", false]], "deprecated_keys (abacusai.llmparameters attribute)": [[176, "abacusai.LlmParameters.deprecated_keys", false]], "deprecated_keys (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.deprecated_keys", false]], "deprecated_keys (abacusai.mcp_config.mcpconfig attribute)": [[191, "abacusai.mcp_config.McpConfig.deprecated_keys", false]], "deprecated_keys (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.deprecated_keys", false]], "deprecated_keys (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.deprecated_keys", false]], "deprecated_keys (abacusai.mcp_server_query_result.mcpserverqueryresult attribute)": [[194, "abacusai.mcp_server_query_result.McpServerQueryResult.deprecated_keys", false]], "deprecated_keys (abacusai.mcpconfig attribute)": [[176, "abacusai.McpConfig.deprecated_keys", false]], "deprecated_keys (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.deprecated_keys", false]], "deprecated_keys (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.deprecated_keys", false]], "deprecated_keys (abacusai.mcpserverqueryresult attribute)": [[176, "abacusai.McpServerQueryResult.deprecated_keys", false]], "deprecated_keys (abacusai.memory_options.memoryoptions attribute)": [[195, "abacusai.memory_options.MemoryOptions.deprecated_keys", false]], "deprecated_keys (abacusai.memoryoptions attribute)": [[176, "abacusai.MemoryOptions.deprecated_keys", false]], "deprecated_keys (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.deprecated_keys", false]], "deprecated_keys (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.deprecated_keys", false]], "deprecated_keys (abacusai.model attribute)": [[176, "abacusai.Model.deprecated_keys", false]], "deprecated_keys (abacusai.model.model attribute)": [[197, "abacusai.model.Model.deprecated_keys", false]], "deprecated_keys (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.deprecated_keys", false]], "deprecated_keys (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[199, "abacusai.model_blueprint_export.ModelBlueprintExport.deprecated_keys", false]], "deprecated_keys (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.deprecated_keys", false]], "deprecated_keys (abacusai.model_location.modellocation attribute)": [[201, "abacusai.model_location.ModelLocation.deprecated_keys", false]], "deprecated_keys (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg attribute)": [[206, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.deprecated_keys", false]], "deprecated_keys (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment attribute)": [[209, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.deprecated_keys", false]], "deprecated_keys (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.deprecated_keys", false]], "deprecated_keys (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.deprecated_keys", false]], "deprecated_keys (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[212, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.deprecated_keys", false]], "deprecated_keys (abacusai.modelblueprintexport attribute)": [[176, "abacusai.ModelBlueprintExport.deprecated_keys", false]], "deprecated_keys (abacusai.modelblueprintstage attribute)": [[176, "abacusai.ModelBlueprintStage.deprecated_keys", false]], "deprecated_keys (abacusai.modellocation attribute)": [[176, "abacusai.ModelLocation.deprecated_keys", false]], "deprecated_keys (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorsummary attribute)": [[176, "abacusai.ModelMonitorSummary.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorsummaryfromorg attribute)": [[176, "abacusai.ModelMonitorSummaryFromOrg.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.deprecated_keys", false]], "deprecated_keys (abacusai.modeltrainingtypefordeployment attribute)": [[176, "abacusai.ModelTrainingTypeForDeployment.deprecated_keys", false]], "deprecated_keys (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.deprecated_keys", false]], "deprecated_keys (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.deprecated_keys", false]], "deprecated_keys (abacusai.modelversionfeaturegroupschema attribute)": [[176, "abacusai.ModelVersionFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.modification_lock_info.modificationlockinfo attribute)": [[213, "abacusai.modification_lock_info.ModificationLockInfo.deprecated_keys", false]], "deprecated_keys (abacusai.modificationlockinfo attribute)": [[176, "abacusai.ModificationLockInfo.deprecated_keys", false]], "deprecated_keys (abacusai.module attribute)": [[176, "abacusai.Module.deprecated_keys", false]], "deprecated_keys (abacusai.module.module attribute)": [[214, "abacusai.module.Module.deprecated_keys", false]], "deprecated_keys (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.deprecated_keys", false]], "deprecated_keys (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.deprecated_keys", false]], "deprecated_keys (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.deprecated_keys", false]], "deprecated_keys (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.deprecated_keys", false]], "deprecated_keys (abacusai.monitordriftanddistributions attribute)": [[176, "abacusai.MonitorDriftAndDistributions.deprecated_keys", false]], "deprecated_keys (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation.deprecated_keys", false]], "deprecated_keys (abacusai.naturallanguageexplanation attribute)": [[176, "abacusai.NaturalLanguageExplanation.deprecated_keys", false]], "deprecated_keys (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.deprecated_keys", false]], "deprecated_keys (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.deprecated_keys", false]], "deprecated_keys (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.deprecated_keys", false]], "deprecated_keys (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.deprecated_keys", false]], "deprecated_keys (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.nlp_chat_response.nlpchatresponse attribute)": [[222, "abacusai.nlp_chat_response.NlpChatResponse.deprecated_keys", false]], "deprecated_keys (abacusai.nlpchatresponse attribute)": [[176, "abacusai.NlpChatResponse.deprecated_keys", false]], "deprecated_keys (abacusai.null_violation.nullviolation attribute)": [[223, "abacusai.null_violation.NullViolation.deprecated_keys", false]], "deprecated_keys (abacusai.nullviolation attribute)": [[176, "abacusai.NullViolation.deprecated_keys", false]], "deprecated_keys (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.deprecated_keys", false]], "deprecated_keys (abacusai.organization_group.organizationgroup attribute)": [[225, "abacusai.organization_group.OrganizationGroup.deprecated_keys", false]], "deprecated_keys (abacusai.organization_search_result.organizationsearchresult attribute)": [[226, "abacusai.organization_search_result.OrganizationSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.organization_secret.organizationsecret attribute)": [[227, "abacusai.organization_secret.OrganizationSecret.deprecated_keys", false]], "deprecated_keys (abacusai.organizationexternalapplicationsettings attribute)": [[176, "abacusai.OrganizationExternalApplicationSettings.deprecated_keys", false]], "deprecated_keys (abacusai.organizationgroup attribute)": [[176, "abacusai.OrganizationGroup.deprecated_keys", false]], "deprecated_keys (abacusai.organizationsearchresult attribute)": [[176, "abacusai.OrganizationSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.organizationsecret attribute)": [[176, "abacusai.OrganizationSecret.deprecated_keys", false]], "deprecated_keys (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.deprecated_keys", false]], "deprecated_keys (abacusai.pagedata attribute)": [[176, "abacusai.PageData.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipeline_version_logs.pipelineversionlogs attribute)": [[236, "abacusai.pipeline_version_logs.PipelineVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestepversionlogs attribute)": [[176, "abacusai.PipelineStepVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.deprecated_keys", false]], "deprecated_keys (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.deprecated_keys", false]], "deprecated_keys (abacusai.pipelineversionlogs attribute)": [[176, "abacusai.PipelineVersionLogs.deprecated_keys", false]], "deprecated_keys (abacusai.playground_text.playgroundtext attribute)": [[237, "abacusai.playground_text.PlaygroundText.deprecated_keys", false]], "deprecated_keys (abacusai.playgroundtext attribute)": [[176, "abacusai.PlaygroundText.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_feature_info.pointintimefeatureinfo attribute)": [[239, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.deprecated_keys", false]], "deprecated_keys (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimefeatureinfo attribute)": [[176, "abacusai.PointInTimeFeatureInfo.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.deprecated_keys", false]], "deprecated_keys (abacusai.pointintimegroupfeature attribute)": [[176, "abacusai.PointInTimeGroupFeature.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_dataset.predictiondataset attribute)": [[243, "abacusai.prediction_dataset.PredictionDataset.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_input.predictioninput attribute)": [[245, "abacusai.prediction_input.PredictionInput.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_log_record.predictionlogrecord attribute)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.deprecated_keys", false]], "deprecated_keys (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.predictiondataset attribute)": [[176, "abacusai.PredictionDataset.deprecated_keys", false]], "deprecated_keys (abacusai.predictionfeaturegroup attribute)": [[176, "abacusai.PredictionFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.predictioninput attribute)": [[176, "abacusai.PredictionInput.deprecated_keys", false]], "deprecated_keys (abacusai.predictionlogrecord attribute)": [[176, "abacusai.PredictionLogRecord.deprecated_keys", false]], "deprecated_keys (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.deprecated_keys", false]], "deprecated_keys (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.deprecated_keys", false]], "deprecated_keys (abacusai.presentation_export_result.presentationexportresult attribute)": [[249, "abacusai.presentation_export_result.PresentationExportResult.deprecated_keys", false]], "deprecated_keys (abacusai.presentationexportresult attribute)": [[176, "abacusai.PresentationExportResult.deprecated_keys", false]], "deprecated_keys (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.deprecated_keys", false]], "deprecated_keys (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.deprecated_keys", false]], "deprecated_keys (abacusai.problem_type.problemtype attribute)": [[251, "abacusai.problem_type.ProblemType.deprecated_keys", false]], "deprecated_keys (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.deprecated_keys", false]], "deprecated_keys (abacusai.project attribute)": [[176, "abacusai.Project.deprecated_keys", false]], "deprecated_keys (abacusai.project.project attribute)": [[252, "abacusai.project.Project.deprecated_keys", false]], "deprecated_keys (abacusai.project_config.projectconfig attribute)": [[253, "abacusai.project_config.ProjectConfig.deprecated_keys", false]], "deprecated_keys (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion attribute)": [[256, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.project_validation.projectvalidation attribute)": [[257, "abacusai.project_validation.ProjectValidation.deprecated_keys", false]], "deprecated_keys (abacusai.projectconfig attribute)": [[176, "abacusai.ProjectConfig.deprecated_keys", false]], "deprecated_keys (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.deprecated_keys", false]], "deprecated_keys (abacusai.projectfeaturegroupschema attribute)": [[176, "abacusai.ProjectFeatureGroupSchema.deprecated_keys", false]], "deprecated_keys (abacusai.projectfeaturegroupschemaversion attribute)": [[176, "abacusai.ProjectFeatureGroupSchemaVersion.deprecated_keys", false]], "deprecated_keys (abacusai.projectvalidation attribute)": [[176, "abacusai.ProjectValidation.deprecated_keys", false]], "deprecated_keys (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.deprecated_keys", false]], "deprecated_keys (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.deprecated_keys", false]], "deprecated_keys (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.deprecated_keys", false]], "deprecated_keys (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.deprecated_keys", false]], "deprecated_keys (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.deprecated_keys", false]], "deprecated_keys (abacusai.realtime_monitor.realtimemonitor attribute)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.realtimemonitor attribute)": [[176, "abacusai.RealtimeMonitor.deprecated_keys", false]], "deprecated_keys (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.deprecated_keys", false]], "deprecated_keys (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.deprecated_keys", false]], "deprecated_keys (abacusai.refresh_schedule.refreshschedule attribute)": [[265, "abacusai.refresh_schedule.RefreshSchedule.deprecated_keys", false]], "deprecated_keys (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.deprecated_keys", false]], "deprecated_keys (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.deprecated_keys", false]], "deprecated_keys (abacusai.refreshschedule attribute)": [[176, "abacusai.RefreshSchedule.deprecated_keys", false]], "deprecated_keys (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication attribute)": [[266, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.regenerate_llm_option.regeneratellmoption attribute)": [[267, "abacusai.regenerate_llm_option.RegenerateLlmOption.deprecated_keys", false]], "deprecated_keys (abacusai.regeneratellmexternalapplication attribute)": [[176, "abacusai.RegenerateLlmExternalApplication.deprecated_keys", false]], "deprecated_keys (abacusai.regeneratellmoption attribute)": [[176, "abacusai.RegenerateLlmOption.deprecated_keys", false]], "deprecated_keys (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.resolvedfeaturegrouptemplate attribute)": [[176, "abacusai.ResolvedFeatureGroupTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.deprecated_keys", false]], "deprecated_keys (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.deprecated_keys", false]], "deprecated_keys (abacusai.schema attribute)": [[176, "abacusai.Schema.deprecated_keys", false]], "deprecated_keys (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.deprecated_keys", false]], "deprecated_keys (abacusai.session_summary.sessionsummary attribute)": [[272, "abacusai.session_summary.SessionSummary.deprecated_keys", false]], "deprecated_keys (abacusai.session_transcript.sessiontranscript attribute)": [[273, "abacusai.session_transcript.SessionTranscript.deprecated_keys", false]], "deprecated_keys (abacusai.session_transcripts.sessiontranscripts attribute)": [[274, "abacusai.session_transcripts.SessionTranscripts.deprecated_keys", false]], "deprecated_keys (abacusai.sessionsummary attribute)": [[176, "abacusai.SessionSummary.deprecated_keys", false]], "deprecated_keys (abacusai.sessiontranscript attribute)": [[176, "abacusai.SessionTranscript.deprecated_keys", false]], "deprecated_keys (abacusai.sessiontranscripts attribute)": [[176, "abacusai.SessionTranscripts.deprecated_keys", false]], "deprecated_keys (abacusai.sftp_key.sftpkey attribute)": [[275, "abacusai.sftp_key.SftpKey.deprecated_keys", false]], "deprecated_keys (abacusai.sftpkey attribute)": [[176, "abacusai.SftpKey.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_auth_token.streamingauthtoken attribute)": [[276, "abacusai.streaming_auth_token.StreamingAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_connector.streamingconnector attribute)": [[278, "abacusai.streaming_connector.StreamingConnector.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_row_count.streamingrowcount attribute)": [[279, "abacusai.streaming_row_count.StreamingRowCount.deprecated_keys", false]], "deprecated_keys (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[280, "abacusai.streaming_sample_code.StreamingSampleCode.deprecated_keys", false]], "deprecated_keys (abacusai.streamingauthtoken attribute)": [[176, "abacusai.StreamingAuthToken.deprecated_keys", false]], "deprecated_keys (abacusai.streamingconnector attribute)": [[176, "abacusai.StreamingConnector.deprecated_keys", false]], "deprecated_keys (abacusai.streamingrowcount attribute)": [[176, "abacusai.StreamingRowCount.deprecated_keys", false]], "deprecated_keys (abacusai.streamingsamplecode attribute)": [[176, "abacusai.StreamingSampleCode.deprecated_keys", false]], "deprecated_keys (abacusai.sts_gen_settings.stsgensettings attribute)": [[281, "abacusai.sts_gen_settings.StsGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.stsgensettings attribute)": [[176, "abacusai.StsGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.deprecated_keys", false]], "deprecated_keys (abacusai.stt_gen_model_options.sttgenmodeloptions attribute)": [[283, "abacusai.stt_gen_model_options.SttGenModelOptions.deprecated_keys", false]], "deprecated_keys (abacusai.stt_gen_settings.sttgensettings attribute)": [[284, "abacusai.stt_gen_settings.SttGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.deprecated_keys", false]], "deprecated_keys (abacusai.sttgenmodeloptions attribute)": [[176, "abacusai.SttGenModelOptions.deprecated_keys", false]], "deprecated_keys (abacusai.sttgensettings attribute)": [[176, "abacusai.SttGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.template_node_details.templatenodedetails attribute)": [[285, "abacusai.template_node_details.TemplateNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.templatenodedetails attribute)": [[176, "abacusai.TemplateNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.test_point_predictions.testpointpredictions attribute)": [[286, "abacusai.test_point_predictions.TestPointPredictions.deprecated_keys", false]], "deprecated_keys (abacusai.testpointpredictions attribute)": [[176, "abacusai.TestPointPredictions.deprecated_keys", false]], "deprecated_keys (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.deprecated_keys", false]], "deprecated_keys (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.deprecated_keys", false]], "deprecated_keys (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.deprecated_keys", false]], "deprecated_keys (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.deprecated_keys", false]], "deprecated_keys (abacusai.tts_gen_settings.ttsgensettings attribute)": [[289, "abacusai.tts_gen_settings.TtsGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.ttsgensettings attribute)": [[176, "abacusai.TtsGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.deprecated_keys", false]], "deprecated_keys (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.deprecated_keys", false]], "deprecated_keys (abacusai.upload attribute)": [[176, "abacusai.Upload.deprecated_keys", false]], "deprecated_keys (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.deprecated_keys", false]], "deprecated_keys (abacusai.upload_part.uploadpart attribute)": [[293, "abacusai.upload_part.UploadPart.deprecated_keys", false]], "deprecated_keys (abacusai.uploadpart attribute)": [[176, "abacusai.UploadPart.deprecated_keys", false]], "deprecated_keys (abacusai.use_case.usecase attribute)": [[294, "abacusai.use_case.UseCase.deprecated_keys", false]], "deprecated_keys (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.deprecated_keys", false]], "deprecated_keys (abacusai.usecase attribute)": [[176, "abacusai.UseCase.deprecated_keys", false]], "deprecated_keys (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.deprecated_keys", false]], "deprecated_keys (abacusai.user attribute)": [[176, "abacusai.User.deprecated_keys", false]], "deprecated_keys (abacusai.user.user attribute)": [[296, "abacusai.user.User.deprecated_keys", false]], "deprecated_keys (abacusai.user_exception.userexception attribute)": [[297, "abacusai.user_exception.UserException.deprecated_keys", false]], "deprecated_keys (abacusai.user_group_object_permission.usergroupobjectpermission attribute)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission.deprecated_keys", false]], "deprecated_keys (abacusai.userexception attribute)": [[176, "abacusai.UserException.deprecated_keys", false]], "deprecated_keys (abacusai.usergroupobjectpermission attribute)": [[176, "abacusai.UserGroupObjectPermission.deprecated_keys", false]], "deprecated_keys (abacusai.video_gen_costs.videogencosts attribute)": [[299, "abacusai.video_gen_costs.VideoGenCosts.deprecated_keys", false]], "deprecated_keys (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.deprecated_keys", false]], "deprecated_keys (abacusai.video_gen_model_options.videogenmodeloptions attribute)": [[301, "abacusai.video_gen_model_options.VideoGenModelOptions.deprecated_keys", false]], "deprecated_keys (abacusai.video_gen_settings.videogensettings attribute)": [[302, "abacusai.video_gen_settings.VideoGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.video_search_result.videosearchresult attribute)": [[303, "abacusai.video_search_result.VideoSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.videogencosts attribute)": [[176, "abacusai.VideoGenCosts.deprecated_keys", false]], "deprecated_keys (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.deprecated_keys", false]], "deprecated_keys (abacusai.videogenmodeloptions attribute)": [[176, "abacusai.VideoGenModelOptions.deprecated_keys", false]], "deprecated_keys (abacusai.videogensettings attribute)": [[176, "abacusai.VideoGenSettings.deprecated_keys", false]], "deprecated_keys (abacusai.videosearchresult attribute)": [[176, "abacusai.VideoSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.voice_gen_details.voicegendetails attribute)": [[304, "abacusai.voice_gen_details.VoiceGenDetails.deprecated_keys", false]], "deprecated_keys (abacusai.voicegendetails attribute)": [[176, "abacusai.VoiceGenDetails.deprecated_keys", false]], "deprecated_keys (abacusai.web_app_conversation.webappconversation attribute)": [[305, "abacusai.web_app_conversation.WebAppConversation.deprecated_keys", false]], "deprecated_keys (abacusai.web_app_deployment_permission_dict.webappdeploymentpermissiondict attribute)": [[306, "abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict.deprecated_keys", false]], "deprecated_keys (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.deprecated_keys", false]], "deprecated_keys (abacusai.web_page_response.webpageresponse attribute)": [[308, "abacusai.web_page_response.WebPageResponse.deprecated_keys", false]], "deprecated_keys (abacusai.web_search_response.websearchresponse attribute)": [[309, "abacusai.web_search_response.WebSearchResponse.deprecated_keys", false]], "deprecated_keys (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.deprecated_keys", false]], "deprecated_keys (abacusai.webappconversation attribute)": [[176, "abacusai.WebAppConversation.deprecated_keys", false]], "deprecated_keys (abacusai.webappdeploymentpermissiondict attribute)": [[176, "abacusai.WebAppDeploymentPermissionDict.deprecated_keys", false]], "deprecated_keys (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.deprecated_keys", false]], "deprecated_keys (abacusai.webhook attribute)": [[176, "abacusai.Webhook.deprecated_keys", false]], "deprecated_keys (abacusai.webhook.webhook attribute)": [[312, "abacusai.webhook.Webhook.deprecated_keys", false]], "deprecated_keys (abacusai.webpageresponse attribute)": [[176, "abacusai.WebPageResponse.deprecated_keys", false]], "deprecated_keys (abacusai.websearchresponse attribute)": [[176, "abacusai.WebSearchResponse.deprecated_keys", false]], "deprecated_keys (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.deprecated_keys", false]], "deprecated_keys (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.deprecated_keys", false]], "deprecated_keys (abacusai.workflow_graph_node_details.workflowgraphnodedetails attribute)": [[313, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.deprecated_keys", false]], "deprecated_keys (abacusai.workflowgraphnodedetails attribute)": [[176, "abacusai.WorkflowGraphNodeDetails.deprecated_keys", false]], "deprecated_keys (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.deprecated_keys", false]], "depth_column (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.depth_column", false]], "depth_column (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.depth_column", false]], "depth_column (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.depth_column", false]], "derivative_threshold (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.derivative_threshold", false]], "derivative_threshold (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.derivative_threshold", false]], "describe() (abacusai.agent method)": [[176, "abacusai.Agent.describe", false]], "describe() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.describe", false]], "describe() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.describe", false]], "describe() (abacusai.agentversion method)": [[176, "abacusai.AgentVersion.describe", false]], "describe() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.describe", false]], "describe() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.describe", false]], "describe() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.describe", false]], "describe() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.describe", false]], "describe() (abacusai.custom_metric_version.custommetricversion method)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.describe", false]], "describe() (abacusai.custommetricversion method)": [[176, "abacusai.CustomMetricVersion.describe", false]], "describe() (abacusai.dataset method)": [[176, "abacusai.Dataset.describe", false]], "describe() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.describe", false]], "describe() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.describe", false]], "describe() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.describe", false]], "describe() (abacusai.deployment method)": [[176, "abacusai.Deployment.describe", false]], "describe() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.describe", false]], "describe() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.describe", false]], "describe() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.describe", false]], "describe() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.describe", false]], "describe() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.describe", false]], "describe() (abacusai.eda method)": [[176, "abacusai.Eda.describe", false]], "describe() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.describe", false]], "describe() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.describe", false]], "describe() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.describe", false]], "describe() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.describe", false]], "describe() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.describe", false]], "describe() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.describe", false]], "describe() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.describe", false]], "describe() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.describe", false]], "describe() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.describe", false]], "describe() (abacusai.feature_group_template.featuregrouptemplate method)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.describe", false]], "describe() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.describe", false]], "describe() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.describe", false]], "describe() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.describe", false]], "describe() (abacusai.featuregrouptemplate method)": [[176, "abacusai.FeatureGroupTemplate.describe", false]], "describe() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.describe", false]], "describe() (abacusai.graph_dashboard.graphdashboard method)": [[161, "abacusai.graph_dashboard.GraphDashboard.describe", false]], "describe() (abacusai.graphdashboard method)": [[176, "abacusai.GraphDashboard.describe", false]], "describe() (abacusai.holdout_analysis.holdoutanalysis method)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.describe", false]], "describe() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.describe", false]], "describe() (abacusai.holdoutanalysis method)": [[176, "abacusai.HoldoutAnalysis.describe", false]], "describe() (abacusai.holdoutanalysisversion method)": [[176, "abacusai.HoldoutAnalysisVersion.describe", false]], "describe() (abacusai.model method)": [[176, "abacusai.Model.describe", false]], "describe() (abacusai.model.model method)": [[197, "abacusai.model.Model.describe", false]], "describe() (abacusai.model_artifacts_export.modelartifactsexport method)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.describe", false]], "describe() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.describe", false]], "describe() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.describe", false]], "describe() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.describe", false]], "describe() (abacusai.modelartifactsexport method)": [[176, "abacusai.ModelArtifactsExport.describe", false]], "describe() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.describe", false]], "describe() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.describe", false]], "describe() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.describe", false]], "describe() (abacusai.monitor_alert.monitoralert method)": [[215, "abacusai.monitor_alert.MonitorAlert.describe", false]], "describe() (abacusai.monitor_alert_version.monitoralertversion method)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.describe", false]], "describe() (abacusai.monitoralert method)": [[176, "abacusai.MonitorAlert.describe", false]], "describe() (abacusai.monitoralertversion method)": [[176, "abacusai.MonitorAlertVersion.describe", false]], "describe() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.describe", false]], "describe() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.describe", false]], "describe() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.describe", false]], "describe() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.describe", false]], "describe() (abacusai.pipeline_step.pipelinestep method)": [[231, "abacusai.pipeline_step.PipelineStep.describe", false]], "describe() (abacusai.pipeline_step_version.pipelinestepversion method)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.describe", false]], "describe() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.describe", false]], "describe() (abacusai.pipelinestep method)": [[176, "abacusai.PipelineStep.describe", false]], "describe() (abacusai.pipelinestepversion method)": [[176, "abacusai.PipelineStepVersion.describe", false]], "describe() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.describe", false]], "describe() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.describe", false]], "describe() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.describe", false]], "describe() (abacusai.project method)": [[176, "abacusai.Project.describe", false]], "describe() (abacusai.project.project method)": [[252, "abacusai.project.Project.describe", false]], "describe() (abacusai.realtime_monitor.realtimemonitor method)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.describe", false]], "describe() (abacusai.realtimemonitor method)": [[176, "abacusai.RealtimeMonitor.describe", false]], "describe() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.describe", false]], "describe() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.describe", false]], "describe() (abacusai.refreshpipelinerun method)": [[176, "abacusai.RefreshPipelineRun.describe", false]], "describe() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.describe", false]], "describe() (abacusai.upload method)": [[176, "abacusai.Upload.describe", false]], "describe() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.describe", false]], "describe() (abacusai.webhook method)": [[176, "abacusai.Webhook.describe", false]], "describe() (abacusai.webhook.webhook method)": [[312, "abacusai.webhook.Webhook.describe", false]], "describe_agent() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_agent", false]], "describe_agent() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_agent", false]], "describe_agent_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_agent_version", false]], "describe_agent_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_agent_version", false]], "describe_algorithm() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_algorithm", false]], "describe_algorithm() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_algorithm", false]], "describe_annotation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.describe_annotation", false]], "describe_annotation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.describe_annotation", false]], "describe_annotation() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.describe_annotation", false]], "describe_annotation() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.describe_annotation", false]], "describe_async_feature_group_operation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.describe_async_feature_group_operation", false]], "describe_async_feature_group_operation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.describe_async_feature_group_operation", false]], "describe_batch_prediction() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_batch_prediction", false]], "describe_batch_prediction() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_batch_prediction", false]], "describe_batch_prediction_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_batch_prediction_version", false]], "describe_batch_prediction_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_batch_prediction_version", false]], "describe_custom_loss_function() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_custom_loss_function", false]], "describe_custom_loss_function() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_custom_loss_function", false]], "describe_custom_metric() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_custom_metric", false]], "describe_custom_metric() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_custom_metric", false]], "describe_custom_metric_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_custom_metric_version", false]], "describe_custom_metric_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_custom_metric_version", false]], "describe_dataset() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_dataset", false]], "describe_dataset() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.describe_dataset", false]], "describe_dataset() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.describe_dataset", false]], "describe_dataset() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_dataset", false]], "describe_dataset_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_dataset_version", false]], "describe_dataset_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_dataset_version", false]], "describe_deployment() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_deployment", false]], "describe_deployment() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_deployment", false]], "describe_document_retriever() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_document_retriever", false]], "describe_document_retriever() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_document_retriever", false]], "describe_document_retriever_by_name() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_document_retriever_by_name", false]], "describe_document_retriever_by_name() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_document_retriever_by_name", false]], "describe_document_retriever_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_document_retriever_version", false]], "describe_document_retriever_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_document_retriever_version", false]], "describe_eda() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_eda", false]], "describe_eda() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_eda", false]], "describe_eda_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_eda_version", false]], "describe_eda_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_eda_version", false]], "describe_external_application() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_external_application", false]], "describe_external_application() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_external_application", false]], "describe_feature_group() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_feature_group", false]], "describe_feature_group() (abacusai.dataset method)": [[176, "abacusai.Dataset.describe_feature_group", false]], "describe_feature_group() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.describe_feature_group", false]], "describe_feature_group() (abacusai.project method)": [[176, "abacusai.Project.describe_feature_group", false]], "describe_feature_group() (abacusai.project.project method)": [[252, "abacusai.project.Project.describe_feature_group", false]], "describe_feature_group() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_feature_group", false]], "describe_feature_group_by_table_name() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_feature_group_by_table_name", false]], "describe_feature_group_by_table_name() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_feature_group_by_table_name", false]], "describe_feature_group_export() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_feature_group_export", false]], "describe_feature_group_export() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_feature_group_export", false]], "describe_feature_group_row_process_by_key() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.describe_feature_group_row_process_by_key", false]], "describe_feature_group_row_process_by_key() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.describe_feature_group_row_process_by_key", false]], "describe_feature_group_row_process_by_key() (abacusai.deployment method)": [[176, "abacusai.Deployment.describe_feature_group_row_process_by_key", false]], "describe_feature_group_row_process_by_key() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.describe_feature_group_row_process_by_key", false]], "describe_feature_group_template() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_feature_group_template", false]], "describe_feature_group_template() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_feature_group_template", false]], "describe_feature_group_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_feature_group_version", false]], "describe_feature_group_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_feature_group_version", false]], "describe_graph_dashboard() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_graph_dashboard", false]], "describe_graph_dashboard() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_graph_dashboard", false]], "describe_graph_for_dashboard() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_graph_for_dashboard", false]], "describe_graph_for_dashboard() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_graph_for_dashboard", false]], "describe_holdout_analysis() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_holdout_analysis", false]], "describe_holdout_analysis() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_holdout_analysis", false]], "describe_holdout_analysis_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_holdout_analysis_version", false]], "describe_holdout_analysis_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_holdout_analysis_version", false]], "describe_image() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.describe_image", false]], "describe_image() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.describe_image", false]], "describe_image() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.describe_image", false]], "describe_image() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.describe_image", false]], "describe_model() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_model", false]], "describe_model() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_model", false]], "describe_model_artifacts_export() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_model_artifacts_export", false]], "describe_model_artifacts_export() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_model_artifacts_export", false]], "describe_model_monitor() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_model_monitor", false]], "describe_model_monitor() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_model_monitor", false]], "describe_model_monitor_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_model_monitor_version", false]], "describe_model_monitor_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_model_monitor_version", false]], "describe_model_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_model_version", false]], "describe_model_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_model_version", false]], "describe_module() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_module", false]], "describe_module() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_module", false]], "describe_monitor_alert() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_monitor_alert", false]], "describe_monitor_alert() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_monitor_alert", false]], "describe_monitor_alert_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_monitor_alert_version", false]], "describe_monitor_alert_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_monitor_alert_version", false]], "describe_organization_group() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_organization_group", false]], "describe_organization_group() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_organization_group", false]], "describe_output_feature_group() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.describe_output_feature_group", false]], "describe_output_feature_group() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.describe_output_feature_group", false]], "describe_pipeline() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.describe_pipeline", false]], "describe_pipeline() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.describe_pipeline", false]], "describe_pipeline_by_name() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.describe_pipeline_by_name", false]], "describe_pipeline_by_name() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.describe_pipeline_by_name", false]], "describe_pipeline_step() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_pipeline_step", false]], "describe_pipeline_step() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_pipeline_step", false]], "describe_pipeline_step_by_name() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_pipeline_step_by_name", false]], "describe_pipeline_step_by_name() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_pipeline_step_by_name", false]], "describe_pipeline_step_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_pipeline_step_version", false]], "describe_pipeline_step_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_pipeline_step_version", false]], "describe_pipeline_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_pipeline_version", false]], "describe_pipeline_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_pipeline_version", false]], "describe_prediction_operator() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_prediction_operator", false]], "describe_prediction_operator() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_prediction_operator", false]], "describe_problem_type() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_problem_type", false]], "describe_problem_type() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_problem_type", false]], "describe_project() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_project", false]], "describe_project() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_project", false]], "describe_project_feature_group() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_project_feature_group", false]], "describe_project_feature_group() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_project_feature_group", false]], "describe_python_function() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_python_function", false]], "describe_python_function() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_python_function", false]], "describe_realtime_monitor() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_realtime_monitor", false]], "describe_realtime_monitor() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_realtime_monitor", false]], "describe_refresh_pipeline_run() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_refresh_pipeline_run", false]], "describe_refresh_pipeline_run() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_refresh_pipeline_run", false]], "describe_refresh_policy() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_refresh_policy", false]], "describe_refresh_policy() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_refresh_policy", false]], "describe_step_by_name() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.describe_step_by_name", false]], "describe_step_by_name() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.describe_step_by_name", false]], "describe_train_test_data_split_feature_group() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group() (abacusai.model method)": [[176, "abacusai.Model.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group() (abacusai.model.model method)": [[197, "abacusai.model.Model.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_train_test_data_split_feature_group", false]], "describe_train_test_data_split_feature_group_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_train_test_data_split_feature_group_version", false]], "describe_train_test_data_split_feature_group_version() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.describe_train_test_data_split_feature_group_version", false]], "describe_train_test_data_split_feature_group_version() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.describe_train_test_data_split_feature_group_version", false]], "describe_train_test_data_split_feature_group_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_train_test_data_split_feature_group_version", false]], "describe_upload() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_upload", false]], "describe_upload() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_upload", false]], "describe_use_case_requirements() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_use_case_requirements", false]], "describe_use_case_requirements() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_use_case_requirements", false]], "describe_user() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_user", false]], "describe_user() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_user", false]], "describe_webhook() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.describe_webhook", false]], "describe_webhook() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.describe_webhook", false]], "description (abacusai.agent property)": [[176, "abacusai.Agent.description", false]], "description (abacusai.agent.agent property)": [[2, "abacusai.agent.Agent.description", false]], "description (abacusai.aiagenttrainingconfig attribute)": [[176, "abacusai.AIAgentTrainingConfig.description", false]], "description (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.description", false]], "description (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.description", false]], "description (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.description", false]], "description (abacusai.api_class.ai_agents.workflowgraphnode attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.description", false]], "description (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.description", false]], "description (abacusai.api_class.ai_agents.workflownodeoutputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.description", false]], "description (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.description", false]], "description (abacusai.api_class.ai_agents.workflownodetemplateinput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.description", false]], "description (abacusai.api_class.ai_agents.workflownodetemplateoutput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.description", false]], "description (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.description", false]], "description (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.description", false]], "description (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.description", false]], "description (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.description", false]], "description (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.description", false]], "description (abacusai.api_class.outputvariablemapping attribute)": [[27, "abacusai.api_class.OutputVariableMapping.description", false]], "description (abacusai.api_class.python_functions.outputvariablemapping attribute)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping.description", false]], "description (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.description", false]], "description (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.description", false]], "description (abacusai.api_class.workflowgraphnode attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.description", false]], "description (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.description", false]], "description (abacusai.api_class.workflownodeoutputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.description", false]], "description (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.description", false]], "description (abacusai.api_class.workflownodetemplateinput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.description", false]], "description (abacusai.api_class.workflownodetemplateoutput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.description", false]], "description (abacusai.chatllm_project.chatllmproject attribute)": [[54, "abacusai.chatllm_project.ChatllmProject.description", false]], "description (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.description", false]], "description (abacusai.chatllmproject attribute)": [[176, "abacusai.ChatllmProject.description", false]], "description (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.description", false]], "description (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.description", false]], "description (abacusai.deployment attribute)": [[176, "abacusai.Deployment.description", false]], "description (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.description", false]], "description (abacusai.eda_chart_description.edachartdescription attribute)": [[114, "abacusai.eda_chart_description.EdaChartDescription.description", false]], "description (abacusai.edachartdescription attribute)": [[176, "abacusai.EdaChartDescription.description", false]], "description (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.description", false]], "description (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.description", false]], "description (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.description", false]], "description (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.description", false]], "description (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.description", false]], "description (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.description", false]], "description (abacusai.fielddescriptor attribute)": [[176, "abacusai.FieldDescriptor.description", false]], "description (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.description", false]], "description (abacusai.generatedpitfeatureconfigoption attribute)": [[176, "abacusai.GeneratedPitFeatureConfigOption.description", false]], "description (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.description", false]], "description (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.description", false]], "description (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.description", false]], "description (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.description", false]], "description (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.description", false]], "description (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.description", false]], "description (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.description", false]], "description (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.description", false]], "description (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.description", false]], "description (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.description", false]], "description (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.description", false]], "description (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.description", false]], "description (abacusai.modelblueprintstage attribute)": [[176, "abacusai.ModelBlueprintStage.description", false]], "description (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.description", false]], "description (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.description", false]], "description (abacusai.outputvariablemapping attribute)": [[176, "abacusai.OutputVariableMapping.description", false]], "description (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.description", false]], "description (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.description", false]], "description (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.description", false]], "description (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.description", false]], "description (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.description", false]], "description (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.description", false]], "description (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.description", false]], "description (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.description", false]], "description (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.description", false]], "description (abacusai.use_case.usecase attribute)": [[294, "abacusai.use_case.UseCase.description", false]], "description (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.description", false]], "description (abacusai.usecase attribute)": [[176, "abacusai.UseCase.description", false]], "description (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.description", false]], "description (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.description", false]], "description (abacusai.workflowgraphnode attribute)": [[176, "abacusai.WorkflowGraphNode.description", false]], "description (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.description", false]], "description (abacusai.workflownodeoutputmapping attribute)": [[176, "abacusai.WorkflowNodeOutputMapping.description", false]], "description (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.description", false]], "description (abacusai.workflownodetemplateconfig attribute)": [[176, "abacusai.WorkflowNodeTemplateConfig.description", false]], "description (abacusai.workflownodetemplateinput attribute)": [[176, "abacusai.WorkflowNodeTemplateInput.description", false]], "description (abacusai.workflownodetemplateoutput attribute)": [[176, "abacusai.WorkflowNodeTemplateOutput.description", false]], "description_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.description_col", false]], "description_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.description_col", false]], "description_col (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.description_col", false]], "detach_feature_group_from_template() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.detach_feature_group_from_template", false]], "detach_feature_group_from_template() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.detach_feature_group_from_template", false]], "detach_from_template() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.detach_from_template", false]], "detach_from_template() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.detach_from_template", false]], "details (abacusai.api_class.ai_agents.workflowgraphedge attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.details", false]], "details (abacusai.api_class.workflowgraphedge attribute)": [[27, "abacusai.api_class.WorkflowGraphEdge.details", false]], "details (abacusai.workflowgraphedge attribute)": [[176, "abacusai.WorkflowGraphEdge.details", false]], "detected_data_type (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.detected_data_type", false]], "detected_data_type (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.detected_data_type", false]], "detected_data_type (abacusai.feature attribute)": [[176, "abacusai.Feature.detected_data_type", false]], "detected_data_type (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.detected_data_type", false]], "detected_data_type (abacusai.schema attribute)": [[176, "abacusai.Schema.detected_data_type", false]], "detected_data_type (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.detected_data_type", false]], "detected_feature_mapping (abacusai.schema attribute)": [[176, "abacusai.Schema.detected_feature_mapping", false]], "detected_feature_mapping (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.detected_feature_mapping", false]], "detected_feature_type (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.detected_feature_type", false]], "detected_feature_type (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.detected_feature_type", false]], "detected_feature_type (abacusai.feature attribute)": [[176, "abacusai.Feature.detected_feature_type", false]], "detected_feature_type (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.detected_feature_type", false]], "detected_feature_type (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.detected_feature_type", false]], "detected_feature_type (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.detected_feature_type", false]], "detected_feature_type (abacusai.schema attribute)": [[176, "abacusai.Schema.detected_feature_type", false]], "detected_feature_type (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.detected_feature_type", false]], "df (abacusai.api_class.dataframeresponsesection attribute)": [[27, "abacusai.api_class.DataframeResponseSection.df", false]], "df (abacusai.api_class.segments.dataframeresponsesection attribute)": [[34, "abacusai.api_class.segments.DataframeResponseSection.df", false]], "df (abacusai.dataframeresponsesection attribute)": [[176, "abacusai.DataframeResponseSection.df", false]], "diagnostic_each_threshold (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.diagnostic_each_threshold", false]], "diagnostic_each_threshold (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.diagnostic_each_threshold", false]], "diagnostics_threshold (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.diagnostics_threshold", false]], "diagnostics_threshold (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.diagnostics_threshold", false]], "dict (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.DICT", false]], "dict (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.DICT", false]], "dict (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.DICT", false]], "diff_threshold (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.diff_threshold", false]], "diff_threshold (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.diff_threshold", false]], "direct (abacusai.api_class.enums.forecastingquanitlesextensionmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod.DIRECT", false]], "direct (abacusai.api_class.forecastingquanitlesextensionmethod attribute)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod.DIRECT", false]], "direct (abacusai.forecastingquanitlesextensionmethod attribute)": [[176, "abacusai.ForecastingQuanitlesExtensionMethod.DIRECT", false]], "disable (abacusai.api_class.enums.timeseriesanomalyuseheuristic attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic.DISABLE", false]], "disable (abacusai.api_class.timeseriesanomalyuseheuristic attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic.DISABLE", false]], "disable (abacusai.timeseriesanomalyuseheuristic attribute)": [[176, "abacusai.TimeseriesAnomalyUseHeuristic.DISABLE", false]], "disable_data_fetch_for_training (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.disable_data_fetch_for_training", false]], "disable_data_fetch_for_training (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.disable_data_fetch_for_training", false]], "disable_data_fetch_for_training (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.disable_data_fetch_for_training", false]], "disable_data_summarization (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.disable_data_summarization", false]], "disable_data_summarization (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.disable_data_summarization", false]], "disable_data_summarization (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.disable_data_summarization", false]], "disable_gpu (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.disable_gpu", false]], "disable_gpu (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.disable_gpu", false]], "disable_gpu (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.disable_gpu", false]], "disable_host_restriction (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.disable_host_restriction", false]], "disable_host_restriction (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.disable_host_restriction", false]], "disable_host_restriction (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.disable_host_restriction", false]], "disable_networks_without_analytic_quantiles (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.disable_networks_without_analytic_quantiles", false]], "disable_networks_without_analytic_quantiles (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.disable_networks_without_analytic_quantiles", false]], "disable_networks_without_analytic_quantiles (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.disable_networks_without_analytic_quantiles", false]], "disable_problem_type_context (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.disable_problem_type_context", false]], "disable_problem_type_context (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.disable_problem_type_context", false]], "disable_problem_type_context (abacusai.hotkeyprompt attribute)": [[176, "abacusai.HotkeyPrompt.disable_problem_type_context", false]], "disable_test_val_fold (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.disable_test_val_fold", false]], "disable_test_val_fold (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.disable_test_val_fold", false]], "disable_test_val_fold (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.disable_test_val_fold", false]], "disable_timestamp_scalar_features (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.disable_timestamp_scalar_features", false]], "disable_timestamp_scalar_features (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.disable_timestamp_scalar_features", false]], "disable_timestamp_scalar_features (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.disable_timestamp_scalar_features", false]], "disable_transformer (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.disable_transformer", false]], "disable_transformer (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.disable_transformer", false]], "disable_transformer (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.disable_transformer", false]], "disclaimer (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.disclaimer", false]], "disclaimer (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.disclaimer", false]], "display_markdown (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.display_markdown", false]], "display_markdown (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.display_markdown", false]], "display_name (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.display_name", false]], "display_name (abacusai.generatedpitfeatureconfigoption attribute)": [[176, "abacusai.GeneratedPitFeatureConfigOption.display_name", false]], "display_name (abacusai.hosted_database.hosteddatabase attribute)": [[168, "abacusai.hosted_database.HostedDatabase.display_name", false]], "display_name (abacusai.hosteddatabase attribute)": [[176, "abacusai.HostedDatabase.display_name", false]], "display_name (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.display_name", false]], "display_name (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.display_name", false]], "display_name (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.display_name", false]], "display_name (abacusai.modelblueprintstage attribute)": [[176, "abacusai.ModelBlueprintStage.display_name", false]], "display_name (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.display_name", false]], "display_name (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.display_name", false]], "display_name (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.display_name", false]], "display_name (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.display_name", false]], "display_name (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.display_name", false]], "display_name (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.display_name", false]], "distance (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.distance", false]], "distance (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.distance", false]], "distance (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.distance", false]], "distance (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.distance", false]], "distance (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.distance", false]], "distance (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.distance", false]], "distribution (abacusai.drift_distribution.driftdistribution attribute)": [[111, "abacusai.drift_distribution.DriftDistribution.distribution", false]], "distribution (abacusai.driftdistribution attribute)": [[176, "abacusai.DriftDistribution.distribution", false]], "dns_records (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.dns_records", false]], "dns_records (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.dns_records", false]], "do_masked_language_model_pretraining (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.do_masked_language_model_pretraining", false]], "do_masked_language_model_pretraining (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.do_masked_language_model_pretraining", false]], "do_masked_language_model_pretraining (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.do_masked_language_model_pretraining", false]], "doc (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.DOC", false]], "doc (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.DOC", false]], "doc (abacusai.nlpdocumentformat attribute)": [[176, "abacusai.NLPDocumentFormat.DOC", false]], "doc_id (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.doc_id", false]], "doc_id (abacusai.agentdatadocumentinfo attribute)": [[176, "abacusai.AgentDataDocumentInfo.doc_id", false]], "doc_id (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.doc_id", false]], "doc_id (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.doc_id", false]], "doc_id (abacusai.annotationdocument attribute)": [[176, "abacusai.AnnotationDocument.doc_id", false]], "doc_id (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.doc_id", false]], "doc_id (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.DOC_ID", false]], "doc_id (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.doc_id", false]], "doc_id (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.doc_id", false]], "doc_id (abacusai.feature_group_document.featuregroupdocument attribute)": [[133, "abacusai.feature_group_document.FeatureGroupDocument.doc_id", false]], "doc_id (abacusai.featuregroupdocument attribute)": [[176, "abacusai.FeatureGroupDocument.doc_id", false]], "doc_id (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.doc_id", false]], "doc_id (abacusai.pagedata attribute)": [[176, "abacusai.PageData.doc_id", false]], "doc_id_column (abacusai.api_class.extractdocumentdataconfig attribute)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.doc_id_column", false]], "doc_id_column (abacusai.api_class.feature_group.extractdocumentdataconfig attribute)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.doc_id_column", false]], "doc_id_column (abacusai.extractdocumentdataconfig attribute)": [[176, "abacusai.ExtractDocumentDataConfig.doc_id_column", false]], "doc_ids (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.doc_ids", false]], "doc_ids (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.doc_ids", false]], "doc_ids (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.doc_ids", false]], "doc_ids (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.doc_ids", false]], "doc_infos (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.doc_infos", false]], "doc_infos (abacusai.agentdataexecutionresult attribute)": [[176, "abacusai.AgentDataExecutionResult.doc_infos", false]], "doc_infos (abacusai.data_upload_result.datauploadresult attribute)": [[88, "abacusai.data_upload_result.DataUploadResult.doc_infos", false]], "doc_infos (abacusai.datauploadresult attribute)": [[176, "abacusai.DataUploadResult.doc_infos", false]], "doc_infos (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.doc_infos", false]], "doc_infos (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.doc_infos", false]], "docker_image_uri (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.docker_image_uri", false]], "docker_image_uri (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.docker_image_uri", false]], "docker_image_uri (abacusai.customtrainedmodeltrainingconfig attribute)": [[176, "abacusai.CustomTrainedModelTrainingConfig.docker_image_uri", false]], "docstoreutils (class in abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.DocstoreUtils", false]], "docstring (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.docstring", false]], "docstring (abacusai.abacusapi attribute)": [[176, "abacusai.AbacusApi.docstring", false]], "document (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.document", false]], "document (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.document", false]], "document_classification (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.DOCUMENT_CLASSIFICATION", false]], "document_classification (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.DOCUMENT_CLASSIFICATION", false]], "document_classification (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.DOCUMENT_CLASSIFICATION", false]], "document_column (abacusai.api_class.extractdocumentdataconfig attribute)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.document_column", false]], "document_column (abacusai.api_class.feature_group.extractdocumentdataconfig attribute)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.document_column", false]], "document_column (abacusai.extractdocumentdataconfig attribute)": [[176, "abacusai.ExtractDocumentDataConfig.document_column", false]], "document_contents (abacusai.agentconversationmessage attribute)": [[176, "abacusai.AgentConversationMessage.document_contents", false]], "document_contents (abacusai.api_class.agentconversationmessage attribute)": [[27, "abacusai.api_class.AgentConversationMessage.document_contents", false]], "document_contents (abacusai.api_class.ai_agents.agentconversationmessage attribute)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.document_contents", false]], "document_format (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.document_format", false]], "document_format (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.document_format", false]], "document_format (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.document_format", false]], "document_processing_config (abacusai.api_class.applicationconnectordatasetconfig attribute)": [[27, "abacusai.api_class.ApplicationConnectorDatasetConfig.document_processing_config", false]], "document_processing_config (abacusai.api_class.dataset_application_connector.applicationconnectordatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig.document_processing_config", false]], "document_processing_config (abacusai.api_class.extractdocumentdataconfig attribute)": [[27, "abacusai.api_class.ExtractDocumentDataConfig.document_processing_config", false]], "document_processing_config (abacusai.api_class.feature_group.extractdocumentdataconfig attribute)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig.document_processing_config", false]], "document_processing_config (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.DOCUMENT_PROCESSING_CONFIG", false]], "document_processing_config (abacusai.applicationconnectordatasetconfig attribute)": [[176, "abacusai.ApplicationConnectorDatasetConfig.document_processing_config", false]], "document_processing_config (abacusai.dataset attribute)": [[176, "abacusai.Dataset.document_processing_config", false]], "document_processing_config (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.document_processing_config", false]], "document_processing_config (abacusai.extractdocumentdataconfig attribute)": [[176, "abacusai.ExtractDocumentDataConfig.document_processing_config", false]], "document_processing_version (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.DOCUMENT_PROCESSING_VERSION", false]], "document_retriever_config (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.document_retriever_config", false]], "document_retriever_config (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.document_retriever_config", false]], "document_retriever_config (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.document_retriever_config", false]], "document_retriever_config (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.document_retriever_config", false]], "document_retriever_id (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.document_retriever_id", false]], "document_retriever_id (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.document_retriever_id", false]], "document_retriever_id (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.document_retriever_id", false]], "document_retriever_id (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.document_retriever_id", false]], "document_retriever_ids (abacusai.model attribute)": [[176, "abacusai.Model.document_retriever_ids", false]], "document_retriever_ids (abacusai.model.model attribute)": [[197, "abacusai.model.Model.document_retriever_ids", false]], "document_retriever_mappings (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.document_retriever_mappings", false]], "document_retriever_mappings (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.document_retriever_mappings", false]], "document_retriever_version (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.document_retriever_version", false]], "document_retriever_version (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.document_retriever_version", false]], "document_retrievers (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.document_retrievers", false]], "document_retrievers (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.document_retrievers", false]], "document_retrievers (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.document_retrievers", false]], "document_retrievers (abacusai.model attribute)": [[176, "abacusai.Model.document_retrievers", false]], "document_retrievers (abacusai.model.model attribute)": [[197, "abacusai.model.Model.document_retrievers", false]], "document_source (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.document_source", false]], "document_source (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.document_source", false]], "document_summarization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.DOCUMENT_SUMMARIZATION", false]], "document_summarization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.DOCUMENT_SUMMARIZATION", false]], "document_summarization (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.DOCUMENT_SUMMARIZATION", false]], "document_type (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.document_type", false]], "document_type (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.document_type", false], [27, "id157", false]], "document_type (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.document_type", false]], "document_visualization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.DOCUMENT_VISUALIZATION", false]], "document_visualization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.DOCUMENT_VISUALIZATION", false]], "document_visualization (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.DOCUMENT_VISUALIZATION", false]], "documentation_char_limit (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.documentation_char_limit", false]], "documentation_char_limit (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.documentation_char_limit", false]], "documentation_char_limit (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.documentation_char_limit", false]], "documentclassificationtrainingconfig (class in abacusai)": [[176, "abacusai.DocumentClassificationTrainingConfig", false]], "documentclassificationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig", false]], "documentclassificationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig", false]], "documentdata (class in abacusai)": [[176, "abacusai.DocumentData", false]], "documentdata (class in abacusai.document_data)": [[104, "abacusai.document_data.DocumentData", false]], "documentprocessingconfig (class in abacusai)": [[176, "abacusai.DocumentProcessingConfig", false]], "documentprocessingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentProcessingConfig", false], [27, "id156", false]], "documentprocessingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig", false]], "documentretriever (class in abacusai)": [[176, "abacusai.DocumentRetriever", false]], "documentretriever (class in abacusai.document_retriever)": [[105, "abacusai.document_retriever.DocumentRetriever", false]], "documentretrieverconfig (in module abacusai)": [[176, "abacusai.DocumentRetrieverConfig", false]], "documentretrieverconfig (in module abacusai.api_class)": [[27, "abacusai.api_class.DocumentRetrieverConfig", false]], "documentretrieverconfig (in module abacusai.api_class.document_retriever)": [[24, "abacusai.api_class.document_retriever.DocumentRetrieverConfig", false]], "documentretrieverlookupresult (class in abacusai)": [[176, "abacusai.DocumentRetrieverLookupResult", false]], "documentretrieverlookupresult (class in abacusai.document_retriever_lookup_result)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult", false]], "documentretrieverversion (class in abacusai)": [[176, "abacusai.DocumentRetrieverVersion", false]], "documentretrieverversion (class in abacusai.document_retriever_version)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion", false]], "documentretrieverversionlogs (class in abacusai)": [[176, "abacusai.DocumentRetrieverVersionLogs", false]], "documentretrieverversionlogs (class in abacusai.document_retriever_version_logs)": [[108, "abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs", false]], "documentsummarizationtrainingconfig (class in abacusai)": [[176, "abacusai.DocumentSummarizationTrainingConfig", false]], "documentsummarizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig", false]], "documentsummarizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig", false]], "documenttype (class in abacusai)": [[176, "abacusai.DocumentType", false]], "documenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentType", false], [27, "id129", false]], "documenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.DocumentType", false]], "documentvisualizationtrainingconfig (class in abacusai)": [[176, "abacusai.DocumentVisualizationTrainingConfig", false]], "documentvisualizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig", false]], "documentvisualizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig", false]], "docx (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.DOCX", false]], "docx (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.DOCX", false]], "docx (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.DOCX", false]], "domain (abacusai.domain_purchase_result.domainpurchaseresult attribute)": [[109, "abacusai.domain_purchase_result.DomainPurchaseResult.domain", false]], "domain (abacusai.domain_search_result.domainsearchresult attribute)": [[110, "abacusai.domain_search_result.DomainSearchResult.domain", false]], "domain (abacusai.domainpurchaseresult attribute)": [[176, "abacusai.DomainPurchaseResult.domain", false]], "domain (abacusai.domainsearchresult attribute)": [[176, "abacusai.DomainSearchResult.domain", false]], "domain_type (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.domain_type", false]], "domain_type (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.domain_type", false]], "domainpurchaseresult (class in abacusai)": [[176, "abacusai.DomainPurchaseResult", false]], "domainpurchaseresult (class in abacusai.domain_purchase_result)": [[109, "abacusai.domain_purchase_result.DomainPurchaseResult", false]], "domainsearchresult (class in abacusai)": [[176, "abacusai.DomainSearchResult", false]], "domainsearchresult (class in abacusai.domain_search_result)": [[110, "abacusai.domain_search_result.DomainSearchResult", false]], "done (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.done", false]], "done (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.done", false]], "download_agent_attachment() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.download_agent_attachment", false]], "download_agent_attachment() (abacusai.deployment method)": [[176, "abacusai.Deployment.download_agent_attachment", false]], "download_agent_attachment() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.download_agent_attachment", false]], "download_agent_attachment() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.download_agent_attachment", false]], "download_batch_prediction_result_chunk() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.download_batch_prediction_result_chunk", false]], "download_batch_prediction_result_chunk() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.download_batch_prediction_result_chunk", false]], "download_batch_prediction_result_chunk() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.download_batch_prediction_result_chunk", false]], "download_batch_prediction_result_chunk() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.download_batch_prediction_result_chunk", false]], "download_execute_feature_group_operation_result_part_chunk() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.download_execute_feature_group_operation_result_part_chunk", false]], "download_execute_feature_group_operation_result_part_chunk() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.download_execute_feature_group_operation_result_part_chunk", false]], "download_result_to_file() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.download_result_to_file", false]], "download_result_to_file() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.download_result_to_file", false]], "download_url (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl attribute)": [[136, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.download_url", false]], "download_url (abacusai.featuregroupexportdownloadurl attribute)": [[176, "abacusai.FeatureGroupExportDownloadUrl.download_url", false]], "downsample_item_popularity_percentile (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.downsample_item_popularity_percentile", false]], "downsample_item_popularity_percentile (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.downsample_item_popularity_percentile", false]], "downsample_item_popularity_percentile (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.downsample_item_popularity_percentile", false]], "draft_workflow_graph (abacusai.agent attribute)": [[176, "abacusai.Agent.draft_workflow_graph", false]], "draft_workflow_graph (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.draft_workflow_graph", false]], "drift_monitor_error (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.drift_monitor_error", false]], "drift_monitor_error (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.drift_monitor_error", false]], "drift_monitor_status (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.drift_monitor_status", false]], "drift_monitor_status (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.drift_monitor_status", false]], "drift_type (abacusai.api_class.monitor_alert.monitorthresholdconfig attribute)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.drift_type", false]], "drift_type (abacusai.api_class.monitorthresholdconfig attribute)": [[27, "abacusai.api_class.MonitorThresholdConfig.drift_type", false]], "drift_type (abacusai.monitorthresholdconfig attribute)": [[176, "abacusai.MonitorThresholdConfig.drift_type", false]], "driftdistribution (class in abacusai)": [[176, "abacusai.DriftDistribution", false]], "driftdistribution (class in abacusai.drift_distribution)": [[111, "abacusai.drift_distribution.DriftDistribution", false]], "driftdistributions (class in abacusai)": [[176, "abacusai.DriftDistributions", false]], "driftdistributions (class in abacusai.drift_distributions)": [[112, "abacusai.drift_distributions.DriftDistributions", false]], "drop_non_intersecting_columns (abacusai.api_class.feature_group.uniontransformconfig attribute)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig.drop_non_intersecting_columns", false]], "drop_non_intersecting_columns (abacusai.api_class.uniontransformconfig attribute)": [[27, "abacusai.api_class.UnionTransformConfig.drop_non_intersecting_columns", false]], "drop_non_intersecting_columns (abacusai.uniontransformconfig attribute)": [[176, "abacusai.UnionTransformConfig.drop_non_intersecting_columns", false]], "drop_original_categoricals (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.drop_original_categoricals", false]], "drop_original_categoricals (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.drop_original_categoricals", false]], "drop_original_categoricals (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.drop_original_categoricals", false]], "dropout_rate (abacusai.api_class.documentsummarizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.documentvisualizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.documentsummarizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.documentvisualizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.api_class.sentenceboundarydetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.documentsummarizationtrainingconfig attribute)": [[176, "abacusai.DocumentSummarizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.documentvisualizationtrainingconfig attribute)": [[176, "abacusai.DocumentVisualizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.dropout_rate", false]], "dropout_rate (abacusai.sentenceboundarydetectiontrainingconfig attribute)": [[176, "abacusai.SentenceBoundaryDetectionTrainingConfig.dropout_rate", false]], "duplicate_features (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.duplicate_features", false]], "duplicate_features (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.duplicate_features", false]], "duplicate_features (abacusai.projectfeaturegroupschema attribute)": [[176, "abacusai.ProjectFeatureGroupSchema.duplicate_features", false]], "e5 (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.E5", false]], "e5 (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.E5", false], [27, "id108", false]], "e5 (abacusai.vectorstoretextencoder attribute)": [[176, "abacusai.VectorStoreTextEncoder.E5", false]], "e5_small (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.E5_SMALL", false]], "e5_small (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.E5_SMALL", false], [27, "id113", false]], "e5_small (abacusai.vectorstoretextencoder attribute)": [[176, "abacusai.VectorStoreTextEncoder.E5_SMALL", false]], "ebm_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.EBM_EXPLAINER", false]], "ebm_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.EBM_EXPLAINER", false]], "ebm_explainer (abacusai.explainertype attribute)": [[176, "abacusai.ExplainerType.EBM_EXPLAINER", false]], "ebm_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[147, "abacusai.feature_importance.FeatureImportance.ebm_feature_importance", false]], "ebm_feature_importance (abacusai.featureimportance attribute)": [[176, "abacusai.FeatureImportance.ebm_feature_importance", false]], "eda (class in abacusai)": [[176, "abacusai.Eda", false]], "eda (class in abacusai.eda)": [[113, "abacusai.eda.Eda", false]], "eda_completed_at (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.eda_completed_at", false]], "eda_completed_at (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.eda_completed_at", false]], "eda_configs (abacusai.eda attribute)": [[176, "abacusai.Eda.eda_configs", false]], "eda_configs (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.eda_configs", false]], "eda_configs (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.eda_configs", false]], "eda_configs (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.eda_configs", false]], "eda_configs (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.eda_configs", false]], "eda_configs (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.eda_configs", false]], "eda_id (abacusai.eda attribute)": [[176, "abacusai.Eda.eda_id", false]], "eda_id (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.eda_id", false]], "eda_id (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.eda_id", false]], "eda_id (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.eda_id", false]], "eda_started_at (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.eda_started_at", false]], "eda_started_at (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.eda_started_at", false]], "eda_version (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.eda_version", false]], "eda_version (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.eda_version", false]], "edachartdescription (class in abacusai)": [[176, "abacusai.EdaChartDescription", false]], "edachartdescription (class in abacusai.eda_chart_description)": [[114, "abacusai.eda_chart_description.EdaChartDescription", false]], "edacollinearity (class in abacusai)": [[176, "abacusai.EdaCollinearity", false]], "edacollinearity (class in abacusai.eda_collinearity)": [[115, "abacusai.eda_collinearity.EdaCollinearity", false]], "edadataconsistency (class in abacusai)": [[176, "abacusai.EdaDataConsistency", false]], "edadataconsistency (class in abacusai.eda_data_consistency)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency", false]], "edafeatureassociation (class in abacusai)": [[176, "abacusai.EdaFeatureAssociation", false]], "edafeatureassociation (class in abacusai.eda_feature_association)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation", false]], "edafeaturecollinearity (class in abacusai)": [[176, "abacusai.EdaFeatureCollinearity", false]], "edafeaturecollinearity (class in abacusai.eda_feature_collinearity)": [[118, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity", false]], "edaforecastinganalysis (class in abacusai)": [[176, "abacusai.EdaForecastingAnalysis", false]], "edaforecastinganalysis (class in abacusai.eda_forecasting_analysis)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis", false]], "edaversion (class in abacusai)": [[176, "abacusai.EdaVersion", false]], "edaversion (class in abacusai.eda_version)": [[120, "abacusai.eda_version.EdaVersion", false]], "edges (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.edges", false]], "edges (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.edges", false]], "edges (abacusai.workflowgraph attribute)": [[176, "abacusai.WorkflowGraph.edges", false]], "edit_cooldown_ms (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.edit_cooldown_ms", false]], "edit_cooldown_ms (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.edit_cooldown_ms", false]], "edit_prediction_enabled (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.edit_prediction_enabled", false]], "edit_prediction_enabled (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.edit_prediction_enabled", false]], "edit_prediction_similarity_threshold (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.edit_prediction_similarity_threshold", false]], "edit_prediction_similarity_threshold (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.edit_prediction_similarity_threshold", false]], "editimagemodels (class in abacusai)": [[176, "abacusai.EditImageModels", false]], "editimagemodels (class in abacusai.edit_image_models)": [[121, "abacusai.edit_image_models.EditImageModels", false]], "email (abacusai.alertactiontype attribute)": [[176, "abacusai.AlertActionType.EMAIL", false]], "email (abacusai.api_class.alertactiontype attribute)": [[27, "abacusai.api_class.AlertActionType.EMAIL", false]], "email (abacusai.api_class.enums.alertactiontype attribute)": [[25, "abacusai.api_class.enums.AlertActionType.EMAIL", false]], "email (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.email", false]], "email (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.email", false]], "email (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.email", false]], "email (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.email", false]], "email (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.email", false]], "email (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.email", false]], "email (abacusai.user attribute)": [[176, "abacusai.User.email", false]], "email (abacusai.user.user attribute)": [[296, "abacusai.user.User.email", false]], "email_body (abacusai.api_class.emailactionconfig attribute)": [[27, "abacusai.api_class.EmailActionConfig.email_body", false]], "email_body (abacusai.api_class.monitor_alert.emailactionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig.email_body", false]], "email_body (abacusai.emailactionconfig attribute)": [[176, "abacusai.EmailActionConfig.email_body", false]], "email_recipients (abacusai.api_class.emailactionconfig attribute)": [[27, "abacusai.api_class.EmailActionConfig.email_recipients", false]], "email_recipients (abacusai.api_class.monitor_alert.emailactionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig.email_recipients", false]], "email_recipients (abacusai.emailactionconfig attribute)": [[176, "abacusai.EmailActionConfig.email_recipients", false]], "emailactionconfig (class in abacusai)": [[176, "abacusai.EmailActionConfig", false]], "emailactionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.EmailActionConfig", false]], "emailactionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.EmailActionConfig", false]], "embed_url (abacusai.video_search_result.videosearchresult attribute)": [[303, "abacusai.video_search_result.VideoSearchResult.embed_url", false]], "embed_url (abacusai.videosearchresult attribute)": [[176, "abacusai.VideoSearchResult.embed_url", false]], "embedded_images (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.EMBEDDED_IMAGES", false], [27, "id133", false]], "embedded_images (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.EMBEDDED_IMAGES", false]], "embedded_images (abacusai.documenttype attribute)": [[176, "abacusai.DocumentType.EMBEDDED_IMAGES", false]], "embedded_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.EMBEDDED_TEXT", false]], "embedded_text (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.embedded_text", false]], "embedded_text (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.embedded_text", false]], "embedded_text (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.embedded_text", false]], "embedded_text (abacusai.pagedata attribute)": [[176, "abacusai.PageData.embedded_text", false]], "embedding_constants (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.embedding_constants", false]], "embedding_constants (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.embedding_constants", false]], "embedding_file_size (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.embedding_file_size", false]], "embedding_file_size (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.embedding_file_size", false]], "embeddingfeaturedriftdistribution (class in abacusai)": [[176, "abacusai.EmbeddingFeatureDriftDistribution", false]], "embeddingfeaturedriftdistribution (class in abacusai.embedding_feature_drift_distribution)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution", false]], "embeddings (abacusai.code_embeddings.codeembeddings attribute)": [[66, "abacusai.code_embeddings.CodeEmbeddings.embeddings", false]], "embeddings (abacusai.codeembeddings attribute)": [[176, "abacusai.CodeEmbeddings.embeddings", false]], "embeddings_distribution (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.embeddings_distribution", false]], "embeddings_distribution (abacusai.monitordriftanddistributions attribute)": [[176, "abacusai.MonitorDriftAndDistributions.embeddings_distribution", false]], "embeddings_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.embeddings_upload_id", false]], "embeddings_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.embeddings_upload_id", false]], "eml (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.EML", false]], "eml (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.EML", false]], "eml (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.EML", false]], "emotion (abacusai.api_class.enums.sentimenttype attribute)": [[25, "abacusai.api_class.enums.SentimentType.EMOTION", false]], "emotion (abacusai.api_class.sentimenttype attribute)": [[27, "abacusai.api_class.SentimentType.EMOTION", false]], "emotion (abacusai.sentimenttype attribute)": [[176, "abacusai.SentimentType.EMOTION", false]], "enable (abacusai.api_class.enums.timeseriesanomalyuseheuristic attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic.ENABLE", false]], "enable (abacusai.api_class.timeseriesanomalyuseheuristic attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic.ENABLE", false]], "enable (abacusai.timeseriesanomalyuseheuristic attribute)": [[176, "abacusai.TimeseriesAnomalyUseHeuristic.ENABLE", false]], "enable_binary_input (abacusai.aiagenttrainingconfig attribute)": [[176, "abacusai.AIAgentTrainingConfig.enable_binary_input", false]], "enable_binary_input (abacusai.api_class.aiagenttrainingconfig attribute)": [[27, "abacusai.api_class.AIAgentTrainingConfig.enable_binary_input", false]], "enable_binary_input (abacusai.api_class.model.aiagenttrainingconfig attribute)": [[28, "abacusai.api_class.model.AIAgentTrainingConfig.enable_binary_input", false]], "enable_clustering (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_clustering", false]], "enable_clustering (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_clustering", false]], "enable_clustering (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.enable_clustering", false]], "enable_code_execution (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_code_execution", false]], "enable_code_execution (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_code_execution", false]], "enable_code_execution (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.enable_code_execution", false]], "enable_code_execution (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_code_execution", false]], "enable_code_execution (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.enable_code_execution", false]], "enable_cold_start (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_cold_start", false]], "enable_cold_start (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_cold_start", false]], "enable_cold_start (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.enable_cold_start", false]], "enable_email_alerts (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.enable_email_alerts", false]], "enable_email_alerts (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.enable_email_alerts", false]], "enable_feature_selection (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_feature_selection", false]], "enable_feature_selection (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_feature_selection", false]], "enable_feature_selection (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.enable_feature_selection", false]], "enable_image_generation (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_image_generation", false]], "enable_image_generation (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.enable_image_generation", false]], "enable_inline_source_citations (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_inline_source_citations", false]], "enable_inline_source_citations (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_inline_source_citations", false]], "enable_inline_source_citations (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.enable_inline_source_citations", false]], "enable_llm_rewrite (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_llm_rewrite", false]], "enable_llm_rewrite (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_llm_rewrite", false]], "enable_llm_rewrite (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.enable_llm_rewrite", false]], "enable_memories (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_memories", false]], "enable_memories (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.enable_memories", false]], "enable_multiple_backtests (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_multiple_backtests", false]], "enable_multiple_backtests (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_multiple_backtests", false]], "enable_multiple_backtests (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.enable_multiple_backtests", false]], "enable_padding (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.enable_padding", false]], "enable_padding (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.enable_padding", false]], "enable_padding (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.enable_padding", false]], "enable_playground (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_playground", false]], "enable_playground (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.enable_playground", false]], "enable_response_caching (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_response_caching", false]], "enable_response_caching (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_response_caching", false]], "enable_response_caching (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.enable_response_caching", false]], "enable_tool_bar (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_tool_bar", false]], "enable_tool_bar (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_tool_bar", false]], "enable_tool_bar (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.enable_tool_bar", false]], "enable_web_search (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.enable_web_search", false]], "enable_web_search (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.enable_web_search", false]], "enable_web_search (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.enable_web_search", false]], "enable_web_search (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.enable_web_search", false]], "enable_web_search (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.enable_web_search", false]], "enabled_external_links (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.enabled_external_links", false]], "enabled_external_links (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.enabled_external_links", false]], "end (abacusai.hosted_app_file_read.hostedappfileread attribute)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead.end", false]], "end (abacusai.hostedappfileread attribute)": [[176, "abacusai.HostedAppFileRead.end", false]], "end (abacusai.llm_code_block.llmcodeblock attribute)": [[184, "abacusai.llm_code_block.LlmCodeBlock.end", false]], "end (abacusai.llmcodeblock attribute)": [[176, "abacusai.LlmCodeBlock.end", false]], "end_line (abacusai.code_edit.codeedit attribute)": [[63, "abacusai.code_edit.CodeEdit.end_line", false]], "end_line (abacusai.codeedit attribute)": [[176, "abacusai.CodeEdit.end_line", false]], "end_time (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.end_time", false]], "end_time (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.end_time", false]], "end_time (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.end_time", false]], "end_time (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.end_time", false]], "end_time (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.end_time", false]], "end_time (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.end_time", false]], "end_time (abacusai.forecastingmonitorconfig attribute)": [[176, "abacusai.ForecastingMonitorConfig.end_time", false]], "end_time (abacusai.monitorfilteringconfig attribute)": [[176, "abacusai.MonitorFilteringConfig.end_time", false]], "end_time (abacusai.restrictfeaturemappings attribute)": [[176, "abacusai.RestrictFeatureMappings.end_time", false]], "end_timestamp (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.end_timestamp", false]], "end_timestamp (abacusai.api_class.deployment.timeseriesanomalypredictionarguments attribute)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.end_timestamp", false]], "end_timestamp (abacusai.api_class.googleanalyticsdatasetconfig attribute)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.end_timestamp", false]], "end_timestamp (abacusai.api_class.timeseriesanomalypredictionarguments attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.end_timestamp", false]], "end_timestamp (abacusai.googleanalyticsdatasetconfig attribute)": [[176, "abacusai.GoogleAnalyticsDatasetConfig.end_timestamp", false]], "end_timestamp (abacusai.timeseriesanomalypredictionarguments attribute)": [[176, "abacusai.TimeseriesAnomalyPredictionArguments.end_timestamp", false]], "endpoint (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.endpoint", false]], "endpoint (abacusai.webhook attribute)": [[176, "abacusai.Webhook.endpoint", false]], "endpoint (abacusai.webhook.webhook attribute)": [[312, "abacusai.webhook.Webhook.endpoint", false]], "endpoint (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.endpoint", false]], "enforcement (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.enforcement", false]], "enforcement (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.enforcement", false]], "enforcement (abacusai.constraintconfig attribute)": [[176, "abacusai.ConstraintConfig.enforcement", false]], "enhanced_ocr (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.enhanced_ocr", false]], "enhanced_ocr (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.enhanced_ocr", false]], "enhanced_ocr (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.enhanced_ocr", false]], "entity (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.entity", false]], "entity (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.entity", false]], "entriauthtoken (class in abacusai)": [[176, "abacusai.EntriAuthToken", false]], "entriauthtoken (class in abacusai.entri_auth_token)": [[123, "abacusai.entri_auth_token.EntriAuthToken", false]], "enum (abacusai.default_llm.defaultllm attribute)": [[97, "abacusai.default_llm.DefaultLlm.enum", false]], "enum (abacusai.defaultllm attribute)": [[176, "abacusai.DefaultLlm.enum", false]], "env_var_instructions (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.env_var_instructions", false]], "env_var_instructions (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.env_var_instructions", false]], "env_vars (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.env_vars", false]], "env_vars (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.env_vars", false]], "ephemeral (abacusai.dataset attribute)": [[176, "abacusai.Dataset.ephemeral", false]], "ephemeral (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.ephemeral", false]], "equal_opportunity (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.EQUAL_OPPORTUNITY", false]], "equal_opportunity (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.EQUAL_OPPORTUNITY", false]], "equal_opportunity (abacusai.biastype attribute)": [[176, "abacusai.BiasType.EQUAL_OPPORTUNITY", false]], "error (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.error", false]], "error (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.error", false]], "error (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.error", false]], "error (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.error", false]], "error (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.error", false]], "error (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.error", false]], "error (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.error", false]], "error (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.error", false]], "error (abacusai.deployment attribute)": [[176, "abacusai.Deployment.error", false]], "error (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.error", false]], "error (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.error", false]], "error (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.error", false]], "error (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.error", false]], "error (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.error", false]], "error (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.error", false]], "error (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.error", false]], "error (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.error", false]], "error (abacusai.executefeaturegroupoperation attribute)": [[176, "abacusai.ExecuteFeatureGroupOperation.error", false]], "error (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.error", false]], "error (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.error", false]], "error (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.error", false]], "error (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.error", false]], "error (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.error", false]], "error (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.error", false]], "error (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.error", false]], "error (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.error", false]], "error (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.error", false]], "error (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.error", false]], "error (abacusai.inferred_feature_mappings.inferredfeaturemappings attribute)": [[179, "abacusai.inferred_feature_mappings.InferredFeatureMappings.error", false]], "error (abacusai.inferredfeaturemappings attribute)": [[176, "abacusai.InferredFeatureMappings.error", false]], "error (abacusai.llm_execution_preview.llmexecutionpreview attribute)": [[185, "abacusai.llm_execution_preview.LlmExecutionPreview.error", false]], "error (abacusai.llm_execution_result.llmexecutionresult attribute)": [[186, "abacusai.llm_execution_result.LlmExecutionResult.error", false]], "error (abacusai.llmexecutionpreview attribute)": [[176, "abacusai.LlmExecutionPreview.error", false]], "error (abacusai.llmexecutionresult attribute)": [[176, "abacusai.LlmExecutionResult.error", false]], "error (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.error", false]], "error (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.error", false]], "error (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.error", false]], "error (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.error", false]], "error (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.error", false]], "error (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.error", false]], "error (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.error", false]], "error (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.error", false]], "error (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.error", false]], "error (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.error", false]], "error (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.error", false]], "error (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.error", false]], "error (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.error", false]], "error (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.error", false]], "error (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.error", false]], "error (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.error", false]], "error (abacusai.refresh_schedule.refreshschedule attribute)": [[265, "abacusai.refresh_schedule.RefreshSchedule.error", false]], "error (abacusai.refreshschedule attribute)": [[176, "abacusai.RefreshSchedule.error", false]], "error (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.error", false]], "error (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.error", false]], "error_description (abacusai.test_point_predictions.testpointpredictions attribute)": [[286, "abacusai.test_point_predictions.TestPointPredictions.error_description", false]], "error_description (abacusai.testpointpredictions attribute)": [[176, "abacusai.TestPointPredictions.error_description", false]], "error_msg (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.error_msg", false]], "error_msg (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.error_msg", false]], "escape (abacusai.api_class.dataset.parsingconfig attribute)": [[21, "abacusai.api_class.dataset.ParsingConfig.escape", false]], "escape (abacusai.api_class.parsingconfig attribute)": [[27, "abacusai.api_class.ParsingConfig.escape", false]], "escape (abacusai.parsingconfig attribute)": [[176, "abacusai.ParsingConfig.escape", false]], "etag (abacusai.upload_part.uploadpart attribute)": [[293, "abacusai.upload_part.UploadPart.etag", false]], "etag (abacusai.uploadpart attribute)": [[176, "abacusai.UploadPart.etag", false]], "evalartifacttype (class in abacusai)": [[176, "abacusai.EvalArtifactType", false]], "evalartifacttype (class in abacusai.api_class)": [[27, "abacusai.api_class.EvalArtifactType", false]], "evalartifacttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.EvalArtifactType", false]], "evaluate_edge_condition() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.evaluate_edge_condition", false]], "evaluate_prompt() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.evaluate_prompt", false]], "evaluate_prompt() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.evaluate_prompt", false]], "event_anomaly (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.EVENT_ANOMALY", false]], "event_anomaly (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.EVENT_ANOMALY", false]], "event_anomaly (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.EVENT_ANOMALY", false]], "eventanomalytrainingconfig (class in abacusai)": [[176, "abacusai.EventAnomalyTrainingConfig", false]], "eventanomalytrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.EventAnomalyTrainingConfig", false]], "eventanomalytrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.EventAnomalyTrainingConfig", false]], "example_extraction (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.example_extraction", false]], "example_extraction (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.example_extraction", false]], "example_extraction (abacusai.fielddescriptor attribute)": [[176, "abacusai.FieldDescriptor.example_extraction", false]], "examples (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.examples", false]], "examples (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.examples", false]], "examples_per_target (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.examples_per_target", false]], "examples_per_target (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.examples_per_target", false]], "examples_per_target (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.examples_per_target", false]], "exception (abacusai.apiexception attribute)": [[176, "abacusai.ApiException.exception", false]], "exception (abacusai.client.apiexception attribute)": [[58, "abacusai.client.ApiException.exception", false]], "exception (abacusai.function_logs.functionlogs attribute)": [[158, "abacusai.function_logs.FunctionLogs.exception", false]], "exception (abacusai.functionlogs attribute)": [[176, "abacusai.FunctionLogs.exception", false]], "exception_on_404 (abacusai.client.clientoptions attribute)": [[58, "abacusai.client.ClientOptions.exception_on_404", false]], "exception_on_404 (abacusai.clientoptions attribute)": [[176, "abacusai.ClientOptions.exception_on_404", false]], "exclude (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.exclude", false]], "exclude (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.exclude", false]], "exclude (abacusai.unpivotconfig attribute)": [[176, "abacusai.UnpivotConfig.exclude", false]], "execute_agent() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_agent", false]], "execute_agent() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_agent", false]], "execute_agent_with_binary_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_agent_with_binary_data", false]], "execute_agent_with_binary_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_agent_with_binary_data", false]], "execute_agent_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.execute_agent_with_binary_data", false]], "execute_agent_with_binary_data() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.execute_agent_with_binary_data", false]], "execute_async_feature_group_operation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_async_feature_group_operation", false]], "execute_async_feature_group_operation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_async_feature_group_operation", false]], "execute_chatllm_computer_streaming() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_chatllm_computer_streaming", false]], "execute_chatllm_computer_streaming() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_chatllm_computer_streaming", false]], "execute_conversation_agent() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_conversation_agent", false]], "execute_conversation_agent() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_conversation_agent", false]], "execute_conversation_agent_streaming() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_conversation_agent_streaming", false]], "execute_conversation_agent_streaming() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_conversation_agent_streaming", false]], "execute_data_query_using_llm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_data_query_using_llm", false]], "execute_data_query_using_llm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_data_query_using_llm", false]], "execute_feature_group_sql() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_feature_group_sql", false]], "execute_feature_group_sql() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_feature_group_sql", false]], "execute_python() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_python", false]], "execute_python() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_python", false]], "execute_python_source() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.execute_python_source", false]], "execute_workflow_node() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.execute_workflow_node", false]], "execute_workflow_node() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.execute_workflow_node", false]], "executefeaturegroupoperation (class in abacusai)": [[176, "abacusai.ExecuteFeatureGroupOperation", false]], "executefeaturegroupoperation (class in abacusai.execute_feature_group_operation)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation", false]], "execution (abacusai.llm_execution_result.llmexecutionresult attribute)": [[186, "abacusai.llm_execution_result.LlmExecutionResult.execution", false]], "execution (abacusai.llmexecutionresult attribute)": [[176, "abacusai.LlmExecutionResult.execution", false]], "execution_mode (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.execution_mode", false]], "execution_mode (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.execution_mode", false]], "expected_nameservers (abacusai.custom_domain.customdomain attribute)": [[78, "abacusai.custom_domain.CustomDomain.expected_nameservers", false]], "expected_nameservers (abacusai.customdomain attribute)": [[176, "abacusai.CustomDomain.expected_nameservers", false]], "expensive_models (abacusai.video_gen_costs.videogencosts attribute)": [[299, "abacusai.video_gen_costs.VideoGenCosts.expensive_models", false]], "expensive_models (abacusai.videogencosts attribute)": [[176, "abacusai.VideoGenCosts.expensive_models", false]], "experimental (abacusai.api_class.enums.personalizationtrainingmode attribute)": [[25, "abacusai.api_class.enums.PersonalizationTrainingMode.EXPERIMENTAL", false]], "experimental (abacusai.api_class.personalizationtrainingmode attribute)": [[27, "abacusai.api_class.PersonalizationTrainingMode.EXPERIMENTAL", false]], "experimental (abacusai.personalizationtrainingmode attribute)": [[176, "abacusai.PersonalizationTrainingMode.EXPERIMENTAL", false]], "experimental_features (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.experimental_features", false]], "experimental_features (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.experimental_features", false]], "experimentation_mode (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.experimentation_mode", false]], "experimentation_mode (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.experimentation_mode", false]], "experimentation_mode (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.experimentation_mode", false]], "experimentationmode (class in abacusai)": [[176, "abacusai.ExperimentationMode", false]], "experimentationmode (class in abacusai.api_class)": [[27, "abacusai.api_class.ExperimentationMode", false]], "experimentationmode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ExperimentationMode", false]], "expires_at (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.expires_at", false]], "expires_at (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.expires_at", false]], "expires_at (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl attribute)": [[136, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.expires_at", false]], "expires_at (abacusai.featuregroupexportdownloadurl attribute)": [[176, "abacusai.FeatureGroupExportDownloadUrl.expires_at", false]], "explain_predictions (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.deployment.regressionpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.api_class.regressionpredictionarguments attribute)": [[27, "abacusai.api_class.RegressionPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.cumulativeforecastingpredictionarguments attribute)": [[176, "abacusai.CumulativeForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.forecastingpredictionarguments attribute)": [[176, "abacusai.ForecastingPredictionArguments.explain_predictions", false]], "explain_predictions (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.explain_predictions", false]], "explain_predictions (abacusai.regressionpredictionarguments attribute)": [[176, "abacusai.RegressionPredictionArguments.explain_predictions", false]], "explainer_type (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explainer_type", false]], "explainer_type (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.deployment.regressionpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explainer_type", false]], "explainer_type (abacusai.api_class.regressionpredictionarguments attribute)": [[27, "abacusai.api_class.RegressionPredictionArguments.explainer_type", false]], "explainer_type (abacusai.cumulativeforecastingpredictionarguments attribute)": [[176, "abacusai.CumulativeForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.forecastingpredictionarguments attribute)": [[176, "abacusai.ForecastingPredictionArguments.explainer_type", false]], "explainer_type (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.explainer_type", false]], "explainer_type (abacusai.regressionpredictionarguments attribute)": [[176, "abacusai.RegressionPredictionArguments.explainer_type", false]], "explainertype (class in abacusai)": [[176, "abacusai.ExplainerType", false]], "explainertype (class in abacusai.api_class)": [[27, "abacusai.api_class.ExplainerType", false]], "explainertype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ExplainerType", false]], "explanation (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.explanation", false]], "explanation (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.explanation", false]], "explanation (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.explanation", false]], "explanation (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.explanation", false]], "explanation_filter_label (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explanation_filter_label", false]], "explanation_filter_label (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explanation_filter_label", false]], "explanation_filter_label (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.explanation_filter_label", false]], "explanation_filter_lower_bound (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explanation_filter_lower_bound", false]], "explanation_filter_lower_bound (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explanation_filter_lower_bound", false]], "explanation_filter_lower_bound (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.explanation_filter_lower_bound", false]], "explanation_filter_upper_bound (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.explanation_filter_upper_bound", false]], "explanation_filter_upper_bound (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.explanation_filter_upper_bound", false]], "explanation_filter_upper_bound (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.explanation_filter_upper_bound", false]], "explicit_time_split (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.explicit_time_split", false]], "explicit_time_split (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.explicit_time_split", false]], "explicit_time_split (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.explicit_time_split", false]], "explode_output (abacusai.api_class.batch_prediction.sentenceboundarydetectionbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs.explode_output", false]], "explode_output (abacusai.api_class.sentenceboundarydetectionbatchpredictionargs attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs.explode_output", false]], "explode_output (abacusai.sentenceboundarydetectionbatchpredictionargs attribute)": [[176, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs.explode_output", false]], "export() (abacusai.chat_session.chatsession method)": [[50, "abacusai.chat_session.ChatSession.export", false]], "export() (abacusai.chatsession method)": [[176, "abacusai.ChatSession.export", false]], "export() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.export", false]], "export() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.export", false]], "export_chat_session() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.export_chat_session", false]], "export_chat_session() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.export_chat_session", false]], "export_completed_at (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.export_completed_at", false]], "export_completed_at (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.export_completed_at", false]], "export_completed_at (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.export_completed_at", false]], "export_completed_at (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.export_completed_at", false]], "export_connector_config (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.export_connector_config", false]], "export_connector_config (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.export_connector_config", false]], "export_connector_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.export_connector_config", false]], "export_connector_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.export_connector_config", false]], "export_custom() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.export_custom", false]], "export_custom() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.export_custom", false]], "export_custom_model_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.export_custom_model_version", false]], "export_custom_model_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.export_custom_model_version", false]], "export_deployment_conversation() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.export_deployment_conversation", false]], "export_deployment_conversation() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.export_deployment_conversation", false]], "export_feature_group_version_to_console() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.export_feature_group_version_to_console", false]], "export_feature_group_version_to_console() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.export_feature_group_version_to_console", false]], "export_feature_group_version_to_database_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.export_feature_group_version_to_database_connector", false]], "export_feature_group_version_to_database_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.export_feature_group_version_to_database_connector", false]], "export_feature_group_version_to_file_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.export_feature_group_version_to_file_connector", false]], "export_feature_group_version_to_file_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.export_feature_group_version_to_file_connector", false]], "export_file_format (abacusai.api_class.fileconnectorexportconfig attribute)": [[27, "abacusai.api_class.FileConnectorExportConfig.export_file_format", false]], "export_file_format (abacusai.api_class.refresh.fileconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.export_file_format", false]], "export_file_format (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.export_file_format", false]], "export_file_format (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.export_file_format", false]], "export_file_format (abacusai.fileconnectorexportconfig attribute)": [[176, "abacusai.FileConnectorExportConfig.export_file_format", false]], "export_model_artifact_as_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.export_model_artifact_as_feature_group", false]], "export_model_artifact_as_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.export_model_artifact_as_feature_group", false]], "export_model_artifact_as_feature_group() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.export_model_artifact_as_feature_group", false]], "export_model_artifact_as_feature_group() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.export_model_artifact_as_feature_group", false]], "export_on_materialization (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.export_on_materialization", false]], "export_on_materialization (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.export_on_materialization", false]], "export_on_materialization (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.export_on_materialization", false]], "export_on_materialization (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.export_on_materialization", false]], "export_to_console() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.export_to_console", false]], "export_to_console() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.export_to_console", false]], "export_to_database_connector() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.export_to_database_connector", false]], "export_to_database_connector() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.export_to_database_connector", false]], "export_to_file_connector() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.export_to_file_connector", false]], "export_to_file_connector() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.export_to_file_connector", false]], "expression (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.expression", false]], "expression (abacusai.point_in_time_feature_info.pointintimefeatureinfo attribute)": [[239, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.expression", false]], "expression (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.expression", false]], "expression (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.expression", false]], "expression (abacusai.pointintimefeatureinfo attribute)": [[176, "abacusai.PointInTimeFeatureInfo.expression", false]], "expression (abacusai.pointintimegroupfeature attribute)": [[176, "abacusai.PointInTimeGroupFeature.expression", false]], "external_application_id (abacusai.bot_info.botinfo attribute)": [[47, "abacusai.bot_info.BotInfo.external_application_id", false]], "external_application_id (abacusai.botinfo attribute)": [[176, "abacusai.BotInfo.external_application_id", false]], "external_application_id (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.external_application_id", false]], "external_application_id (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.external_application_id", false]], "external_application_id (abacusai.daemon_task_conversation.daemontaskconversation attribute)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.external_application_id", false]], "external_application_id (abacusai.daemontaskconversation attribute)": [[176, "abacusai.DaemonTaskConversation.external_application_id", false]], "external_application_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.external_application_id", false]], "external_application_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.external_application_id", false]], "external_application_id (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.external_application_id", false]], "external_application_id (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.external_application_id", false]], "external_application_id (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.external_application_id", false]], "external_application_id (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.external_application_id", false]], "external_application_id (abacusai.web_app_conversation.webappconversation attribute)": [[305, "abacusai.web_app_conversation.WebAppConversation.external_application_id", false]], "external_application_id (abacusai.webappconversation attribute)": [[176, "abacusai.WebAppConversation.external_application_id", false]], "external_application_ids (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.external_application_ids", false]], "external_application_ids (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.external_application_ids", false]], "external_chat_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.external_chat_endpoint", false]], "external_chat_endpoint (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.external_chat_endpoint", false]], "external_connection_id (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.external_connection_id", false]], "external_connection_id (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.external_connection_id", false]], "external_connection_id (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.external_connection_id", false]], "external_connection_id (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.external_connection_id", false]], "external_data_type (abacusai.database_connector_column.databaseconnectorcolumn attribute)": [[91, "abacusai.database_connector_column.DatabaseConnectorColumn.external_data_type", false]], "external_data_type (abacusai.databaseconnectorcolumn attribute)": [[176, "abacusai.DatabaseConnectorColumn.external_data_type", false]], "external_service_for_roles (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.external_service_for_roles", false]], "external_service_for_roles (abacusai.organizationexternalapplicationsettings attribute)": [[176, "abacusai.OrganizationExternalApplicationSettings.external_service_for_roles", false]], "external_service_group_id (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.external_service_group_id", false]], "external_service_group_id (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.external_service_group_id", false]], "external_session_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.external_session_id", false]], "external_session_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.external_session_id", false]], "externalapplication (class in abacusai)": [[176, "abacusai.ExternalApplication", false]], "externalapplication (class in abacusai.external_application)": [[125, "abacusai.external_application.ExternalApplication", false]], "externalinvite (class in abacusai)": [[176, "abacusai.ExternalInvite", false]], "externalinvite (class in abacusai.external_invite)": [[126, "abacusai.external_invite.ExternalInvite", false]], "extract_agent_workflow_information() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.extract_agent_workflow_information", false]], "extract_agent_workflow_information() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.extract_agent_workflow_information", false]], "extract_bounding_boxes (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.sftpdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SftpDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.extract_bounding_boxes", false], [27, "id159", false]], "extract_bounding_boxes (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.sftpdatasetconfig attribute)": [[27, "abacusai.api_class.SftpDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.confluencedatasetconfig attribute)": [[176, "abacusai.ConfluenceDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.dataset attribute)": [[176, "abacusai.Dataset.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.googledrivedatasetconfig attribute)": [[176, "abacusai.GoogleDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.onedrivedatasetconfig attribute)": [[176, "abacusai.OneDriveDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.sftpdatasetconfig attribute)": [[176, "abacusai.SftpDatasetConfig.extract_bounding_boxes", false]], "extract_bounding_boxes (abacusai.sharepointdatasetconfig attribute)": [[176, "abacusai.SharepointDatasetConfig.extract_bounding_boxes", false]], "extract_data_using_llm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.extract_data_using_llm", false]], "extract_data_using_llm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.extract_data_using_llm", false]], "extract_document_data (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.EXTRACT_DOCUMENT_DATA", false]], "extract_document_data (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.EXTRACT_DOCUMENT_DATA", false]], "extract_document_data (abacusai.operatortype attribute)": [[176, "abacusai.OperatorType.EXTRACT_DOCUMENT_DATA", false]], "extract_document_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.extract_document_data", false]], "extract_document_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.extract_document_data", false]], "extract_images (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.extract_images", false]], "extract_images (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.extract_images", false], [27, "id166", false]], "extract_images (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.extract_images", false]], "extractdocumentdataconfig (class in abacusai)": [[176, "abacusai.ExtractDocumentDataConfig", false]], "extractdocumentdataconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ExtractDocumentDataConfig", false]], "extractdocumentdataconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.ExtractDocumentDataConfig", false]], "extracted_page_text (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.extracted_page_text", false]], "extracted_page_text (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.extracted_page_text", false]], "extracted_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.EXTRACTED_TEXT", false]], "extracted_text (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.extracted_text", false]], "extracted_text (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.extracted_text", false]], "extracted_text (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.extracted_text", false]], "extracted_text (abacusai.pagedata attribute)": [[176, "abacusai.PageData.extracted_text", false]], "extractedfields (class in abacusai)": [[176, "abacusai.ExtractedFields", false]], "extractedfields (class in abacusai.extracted_fields)": [[127, "abacusai.extracted_fields.ExtractedFields", false]], "f1_score (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.F1_SCORE", false]], "f1_score (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.F1_SCORE", false]], "f1_score (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.F1_SCORE", false]], "failed_deployment_ids (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.failed_deployment_ids", false]], "failed_deployment_ids (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.failed_deployment_ids", false]], "failed_predictions (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.failed_predictions", false]], "failed_predictions (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.failed_predictions", false]], "failed_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.failed_processes", false]], "failed_processes (abacusai.featuregrouprowprocesssummary attribute)": [[176, "abacusai.FeatureGroupRowProcessSummary.failed_processes", false]], "failed_writes (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.failed_writes", false]], "failed_writes (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.failed_writes", false]], "faileddependencyerror": [[58, "abacusai.client.FailedDependencyError", false]], "favicon_url (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.favicon_url", false]], "favicon_url (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.favicon_url", false]], "feature (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping attribute)": [[89, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.feature", false]], "feature (abacusai.databasecolumnfeaturemapping attribute)": [[176, "abacusai.DatabaseColumnFeatureMapping.feature", false]], "feature (class in abacusai)": [[176, "abacusai.Feature", false]], "feature (class in abacusai.feature)": [[128, "abacusai.feature.Feature", false]], "feature_analysis_status (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.feature_analysis_status", false]], "feature_analysis_status (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.feature_analysis_status", false]], "feature_annotation_configs (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.feature_annotation_configs", false]], "feature_annotation_configs (abacusai.annotationconfig attribute)": [[176, "abacusai.AnnotationConfig.feature_annotation_configs", false]], "feature_collinearity (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[118, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.feature_collinearity", false]], "feature_collinearity (abacusai.edafeaturecollinearity attribute)": [[176, "abacusai.EdaFeatureCollinearity.feature_collinearity", false]], "feature_distributions (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.feature_distributions", false]], "feature_distributions (abacusai.monitordriftanddistributions attribute)": [[176, "abacusai.MonitorDriftAndDistributions.feature_distributions", false]], "feature_drift (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.FEATURE_DRIFT", false]], "feature_drift (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.FEATURE_DRIFT", false]], "feature_drift (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.feature_drift", false]], "feature_drift (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.feature_drift", false]], "feature_drift (abacusai.monitoralerttype attribute)": [[176, "abacusai.MonitorAlertType.FEATURE_DRIFT", false]], "feature_drift_type (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.historylengthdriftconditionconfig attribute)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.monitor_alert.historylengthdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.monitor_alert.targetdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.api_class.targetdriftconditionconfig attribute)": [[27, "abacusai.api_class.TargetDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.featuredriftconditionconfig attribute)": [[176, "abacusai.FeatureDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.historylengthdriftconditionconfig attribute)": [[176, "abacusai.HistoryLengthDriftConditionConfig.feature_drift_type", false]], "feature_drift_type (abacusai.targetdriftconditionconfig attribute)": [[176, "abacusai.TargetDriftConditionConfig.feature_drift_type", false]], "feature_drifts (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.feature_drifts", false]], "feature_drifts (abacusai.monitordriftanddistributions attribute)": [[176, "abacusai.MonitorDriftAndDistributions.feature_drifts", false]], "feature_expression (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.feature_expression", false]], "feature_expression (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.feature_expression", false]], "feature_expression (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.feature_expression", false]], "feature_expression (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.feature_expression", false]], "feature_group (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.FEATURE_GROUP", false]], "feature_group (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.FEATURE_GROUP", false]], "feature_group (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.FEATURE_GROUP", false]], "feature_group (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.FEATURE_GROUP", false]], "feature_group (abacusai.organization_search_result.organizationsearchresult attribute)": [[226, "abacusai.organization_search_result.OrganizationSearchResult.feature_group", false]], "feature_group (abacusai.organizationsearchresult attribute)": [[176, "abacusai.OrganizationSearchResult.feature_group", false]], "feature_group (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.FEATURE_GROUP", false]], "feature_group (abacusai.pythonfunctiontype attribute)": [[176, "abacusai.PythonFunctionType.FEATURE_GROUP", false]], "feature_group_context (abacusai.organization_search_result.organizationsearchresult attribute)": [[226, "abacusai.organization_search_result.OrganizationSearchResult.feature_group_context", false]], "feature_group_context (abacusai.organizationsearchresult attribute)": [[176, "abacusai.OrganizationSearchResult.feature_group_context", false]], "feature_group_dataset_ids (abacusai.prediction_input.predictioninput attribute)": [[245, "abacusai.prediction_input.PredictionInput.feature_group_dataset_ids", false]], "feature_group_dataset_ids (abacusai.predictioninput attribute)": [[176, "abacusai.PredictionInput.feature_group_dataset_ids", false]], "feature_group_export_config (abacusai.deployment attribute)": [[176, "abacusai.Deployment.feature_group_export_config", false]], "feature_group_export_config (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.feature_group_export_config", false]], "feature_group_export_config (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.feature_group_export_config", false]], "feature_group_export_config (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.feature_group_export_config", false]], "feature_group_export_id (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.feature_group_export_id", false]], "feature_group_export_id (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.feature_group_export_id", false]], "feature_group_id (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.feature_group_id", false]], "feature_group_id (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.feature_group_id", false]], "feature_group_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.feature_group_id", false]], "feature_group_id (abacusai.api_class.projectfeaturegrouptypemappingsconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.feature_group_id", false]], "feature_group_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.feature_group_id", false]], "feature_group_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.feature_group_id", false]], "feature_group_id (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.feature_group_id", false]], "feature_group_id (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.feature_group_id", false]], "feature_group_id (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.feature_group_id", false]], "feature_group_id (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.feature_group_id", false]], "feature_group_id (abacusai.eda attribute)": [[176, "abacusai.Eda.feature_group_id", false]], "feature_group_id (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.feature_group_id", false]], "feature_group_id (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.feature_group_document.featuregroupdocument attribute)": [[133, "abacusai.feature_group_document.FeatureGroupDocument.feature_group_id", false]], "feature_group_id (abacusai.feature_group_row.featuregrouprow attribute)": [[139, "abacusai.feature_group_row.FeatureGroupRow.feature_group_id", false]], "feature_group_id (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.feature_group_id", false]], "feature_group_id (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.feature_group_id", false]], "feature_group_id (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.feature_group_id", false]], "feature_group_id (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.feature_group_id", false]], "feature_group_id (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.featuregroupdocument attribute)": [[176, "abacusai.FeatureGroupDocument.feature_group_id", false]], "feature_group_id (abacusai.featuregrouprow attribute)": [[176, "abacusai.FeatureGroupRow.feature_group_id", false]], "feature_group_id (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.feature_group_id", false]], "feature_group_id (abacusai.featuregrouprowprocesslogs attribute)": [[176, "abacusai.FeatureGroupRowProcessLogs.feature_group_id", false]], "feature_group_id (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.feature_group_id", false]], "feature_group_id (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.feature_group_id", false]], "feature_group_id (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[212, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.feature_group_id", false]], "feature_group_id (abacusai.modelversionfeaturegroupschema attribute)": [[176, "abacusai.ModelVersionFeatureGroupSchema.feature_group_id", false]], "feature_group_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.feature_group_id", false]], "feature_group_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.feature_group_id", false]], "feature_group_id (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.predictionfeaturegroup attribute)": [[176, "abacusai.PredictionFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.feature_group_id", false]], "feature_group_id (abacusai.projectfeaturegrouptypemappingsconfig attribute)": [[176, "abacusai.ProjectFeatureGroupTypeMappingsConfig.feature_group_id", false]], "feature_group_id (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.FEATURE_GROUP_ID", false]], "feature_group_id (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.feature_group_id", false]], "feature_group_id (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.feature_group_id", false]], "feature_group_ids (abacusai.api_class.feature_group.uniontransformconfig attribute)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig.feature_group_ids", false]], "feature_group_ids (abacusai.api_class.uniontransformconfig attribute)": [[27, "abacusai.api_class.UnionTransformConfig.feature_group_ids", false]], "feature_group_ids (abacusai.holdout_analysis.holdoutanalysis attribute)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.feature_group_ids", false]], "feature_group_ids (abacusai.holdoutanalysis attribute)": [[176, "abacusai.HoldoutAnalysis.feature_group_ids", false]], "feature_group_ids (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.feature_group_ids", false]], "feature_group_ids (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.feature_group_ids", false]], "feature_group_ids (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.feature_group_ids", false]], "feature_group_ids (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.feature_group_ids", false]], "feature_group_ids (abacusai.uniontransformconfig attribute)": [[176, "abacusai.UnionTransformConfig.feature_group_ids", false]], "feature_group_monitor_configs (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.feature_group_monitor_configs", false]], "feature_group_monitor_configs (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.feature_group_monitor_configs", false]], "feature_group_monitor_configs (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.feature_group_monitor_configs", false]], "feature_group_monitor_configs (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.feature_group_monitor_configs", false]], "feature_group_name (abacusai.api_class.attachmentparsingconfig attribute)": [[27, "abacusai.api_class.AttachmentParsingConfig.feature_group_name", false]], "feature_group_name (abacusai.api_class.dataset.attachmentparsingconfig attribute)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig.feature_group_name", false]], "feature_group_name (abacusai.attachmentparsingconfig attribute)": [[176, "abacusai.AttachmentParsingConfig.feature_group_name", false]], "feature_group_name (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.feature_group_name", false]], "feature_group_name (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.feature_group_name", false]], "feature_group_name (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[212, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.feature_group_name", false]], "feature_group_name (abacusai.modelversionfeaturegroupschema attribute)": [[176, "abacusai.ModelVersionFeatureGroupSchema.feature_group_name", false]], "feature_group_operation_run_id (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.feature_group_operation_run_id", false]], "feature_group_operation_run_id (abacusai.executefeaturegroupoperation attribute)": [[176, "abacusai.ExecuteFeatureGroupOperation.feature_group_operation_run_id", false]], "feature_group_row_identifier (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.feature_group_row_identifier", false]], "feature_group_row_identifier (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.feature_group_row_identifier", false]], "feature_group_row_identifier (abacusai.annotationdocument attribute)": [[176, "abacusai.AnnotationDocument.feature_group_row_identifier", false]], "feature_group_row_identifier (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.feature_group_row_identifier", false]], "feature_group_row_index (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.feature_group_row_index", false]], "feature_group_row_index (abacusai.annotationdocument attribute)": [[176, "abacusai.AnnotationDocument.feature_group_row_index", false]], "feature_group_row_process_id (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.feature_group_row_process_id", false]], "feature_group_row_process_id (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.feature_group_row_process_id", false]], "feature_group_row_process_id (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.feature_group_row_process_id", false]], "feature_group_row_process_id (abacusai.featuregrouprowprocesslogs attribute)": [[176, "abacusai.FeatureGroupRowProcessLogs.feature_group_row_process_id", false]], "feature_group_source_type (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.feature_group_source_type", false]], "feature_group_source_type (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.feature_group_source_type", false]], "feature_group_source_type (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_source_type", false]], "feature_group_source_type (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.feature_group_source_type", false]], "feature_group_table_name (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.feature_group_table_name", false]], "feature_group_table_name (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.feature_group_table_name", false]], "feature_group_table_name (abacusai.dataset attribute)": [[176, "abacusai.Dataset.feature_group_table_name", false]], "feature_group_table_name (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.feature_group_table_name", false]], "feature_group_table_names (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.feature_group_table_names", false]], "feature_group_table_names (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.feature_group_table_names", false]], "feature_group_template (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.feature_group_template", false]], "feature_group_template (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.feature_group_template", false]], "feature_group_template (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_template", false]], "feature_group_template (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.feature_group_template", false]], "feature_group_template_id (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.feature_group_template_id", false]], "feature_group_template_id (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.feature_group_template_id", false]], "feature_group_template_id (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.feature_group_template_id", false]], "feature_group_template_id (abacusai.resolvedfeaturegrouptemplate attribute)": [[176, "abacusai.ResolvedFeatureGroupTemplate.feature_group_template_id", false]], "feature_group_type (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.feature_group_type", false]], "feature_group_type (abacusai.api_class.projectfeaturegrouptypemappingsconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.feature_group_type", false]], "feature_group_type (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.feature_group_type", false]], "feature_group_type (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.feature_group_type", false]], "feature_group_type (abacusai.projectfeaturegrouptypemappingsconfig attribute)": [[176, "abacusai.ProjectFeatureGroupTypeMappingsConfig.feature_group_type", false]], "feature_group_version (abacusai.deployment attribute)": [[176, "abacusai.Deployment.feature_group_version", false]], "feature_group_version (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.feature_group_version", false]], "feature_group_version (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.feature_group_version", false]], "feature_group_version (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.feature_group_version", false]], "feature_group_version (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.feature_group_version", false]], "feature_group_version (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.feature_group_version", false]], "feature_group_version (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.feature_group_version", false]], "feature_group_version (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.feature_group_version", false]], "feature_group_version (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.feature_group_version", false]], "feature_group_version (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.feature_group_version", false]], "feature_group_version (abacusai.organization_search_result.organizationsearchresult attribute)": [[226, "abacusai.organization_search_result.OrganizationSearchResult.feature_group_version", false]], "feature_group_version (abacusai.organizationsearchresult attribute)": [[176, "abacusai.OrganizationSearchResult.feature_group_version", false]], "feature_group_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.feature_group_version", false]], "feature_group_version (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.feature_group_version", false]], "feature_group_version (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.feature_group_version", false]], "feature_group_version (abacusai.predictionfeaturegroup attribute)": [[176, "abacusai.PredictionFeatureGroup.feature_group_version", false]], "feature_group_version (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.feature_group_version", false]], "feature_group_version (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.feature_group_version", false]], "feature_group_versions (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.feature_group_versions", false]], "feature_group_versions (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.feature_group_versions", false]], "feature_group_versions (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.feature_group_versions", false]], "feature_group_versions (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.feature_group_versions", false]], "feature_groups (abacusai.prediction_input.predictioninput attribute)": [[245, "abacusai.prediction_input.PredictionInput.feature_groups", false]], "feature_groups (abacusai.predictioninput attribute)": [[176, "abacusai.PredictionInput.feature_groups", false]], "feature_index (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.feature_index", false]], "feature_index (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.feature_index", false]], "feature_mapping (abacusai.api_class.featuremappingconfig attribute)": [[27, "abacusai.api_class.FeatureMappingConfig.feature_mapping", false]], "feature_mapping (abacusai.api_class.project.featuremappingconfig attribute)": [[31, "abacusai.api_class.project.FeatureMappingConfig.feature_mapping", false]], "feature_mapping (abacusai.feature attribute)": [[176, "abacusai.Feature.feature_mapping", false]], "feature_mapping (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.feature_mapping", false]], "feature_mapping (abacusai.feature_mapping.featuremapping attribute)": [[148, "abacusai.feature_mapping.FeatureMapping.feature_mapping", false]], "feature_mapping (abacusai.featuremapping attribute)": [[176, "abacusai.FeatureMapping.feature_mapping", false]], "feature_mapping (abacusai.featuremappingconfig attribute)": [[176, "abacusai.FeatureMappingConfig.feature_mapping", false]], "feature_mapping (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.feature_mapping", false]], "feature_mapping (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.feature_mapping", false]], "feature_mapping (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.feature_mapping", false]], "feature_mapping (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.feature_mapping", false]], "feature_mapping (abacusai.schema attribute)": [[176, "abacusai.Schema.feature_mapping", false]], "feature_mapping (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.feature_mapping", false]], "feature_mappings (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.feature_mappings", false]], "feature_mappings (abacusai.api_class.projectfeaturegrouptypemappingsconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.feature_mappings", false]], "feature_mappings (abacusai.inferred_feature_mappings.inferredfeaturemappings attribute)": [[179, "abacusai.inferred_feature_mappings.InferredFeatureMappings.feature_mappings", false]], "feature_mappings (abacusai.inferredfeaturemappings attribute)": [[176, "abacusai.InferredFeatureMappings.feature_mappings", false]], "feature_mappings (abacusai.projectfeaturegrouptypemappingsconfig attribute)": [[176, "abacusai.ProjectFeatureGroupTypeMappingsConfig.feature_mappings", false]], "feature_metrics (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[149, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.feature_metrics", false]], "feature_metrics (abacusai.featureperformanceanalysis attribute)": [[176, "abacusai.FeaturePerformanceAnalysis.feature_metrics", false]], "feature_name (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.feature_name", false]], "feature_name (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.feature_name", false]], "feature_name (abacusai.api_class.feature_group.timewindowmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.feature_name", false]], "feature_name (abacusai.api_class.featuremappingconfig attribute)": [[27, "abacusai.api_class.FeatureMappingConfig.feature_name", false]], "feature_name (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.feature_name", false]], "feature_name (abacusai.api_class.project.featuremappingconfig attribute)": [[31, "abacusai.api_class.project.FeatureMappingConfig.feature_name", false]], "feature_name (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.feature_name", false]], "feature_name (abacusai.api_class.timewindowmergeconfig attribute)": [[27, "abacusai.api_class.TimeWindowMergeConfig.feature_name", false]], "feature_name (abacusai.feature_mapping.featuremapping attribute)": [[148, "abacusai.feature_mapping.FeatureMapping.feature_name", false]], "feature_name (abacusai.featuremapping attribute)": [[176, "abacusai.FeatureMapping.feature_name", false]], "feature_name (abacusai.featuremappingconfig attribute)": [[176, "abacusai.FeatureMappingConfig.feature_name", false]], "feature_name (abacusai.restrictfeaturemappings attribute)": [[176, "abacusai.RestrictFeatureMappings.feature_name", false]], "feature_name (abacusai.timewindowmergeconfig attribute)": [[176, "abacusai.TimeWindowMergeConfig.feature_name", false]], "feature_names (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.feature_names", false]], "feature_names (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.feature_names", false]], "feature_names (abacusai.featuredriftconditionconfig attribute)": [[176, "abacusai.FeatureDriftConditionConfig.feature_names", false]], "feature_selection_intensity (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.feature_selection_intensity", false]], "feature_selection_intensity (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.feature_selection_intensity", false]], "feature_selection_intensity (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.feature_selection_intensity", false]], "feature_store (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.FEATURE_STORE", false]], "feature_store (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.FEATURE_STORE", false]], "feature_store (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.FEATURE_STORE", false]], "feature_tags (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.feature_tags", false]], "feature_tags (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.feature_tags", false]], "feature_tags (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.feature_tags", false]], "feature_tags (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.feature_tags", false]], "feature_type (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.feature_type", false]], "feature_type (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.feature_type", false]], "feature_type (abacusai.feature attribute)": [[176, "abacusai.Feature.feature_type", false]], "feature_type (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.feature_type", false]], "feature_type (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.feature_type", false]], "feature_type (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.feature_type", false]], "feature_type (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.feature_type", false]], "feature_type (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.feature_type", false]], "feature_type (abacusai.schema attribute)": [[176, "abacusai.Schema.feature_type", false]], "feature_type (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.feature_type", false]], "featuredistribution (class in abacusai)": [[176, "abacusai.FeatureDistribution", false]], "featuredistribution (class in abacusai.feature_distribution)": [[129, "abacusai.feature_distribution.FeatureDistribution", false]], "featuredriftconditionconfig (class in abacusai)": [[176, "abacusai.FeatureDriftConditionConfig", false]], "featuredriftconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureDriftConditionConfig", false]], "featuredriftconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig", false]], "featuredriftrecord (class in abacusai)": [[176, "abacusai.FeatureDriftRecord", false]], "featuredriftrecord (class in abacusai.feature_drift_record)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord", false]], "featuredriftsummary (class in abacusai)": [[176, "abacusai.FeatureDriftSummary", false]], "featuredriftsummary (class in abacusai.feature_drift_summary)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary", false]], "featuredrifttype (class in abacusai)": [[176, "abacusai.FeatureDriftType", false]], "featuredrifttype (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureDriftType", false]], "featuredrifttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FeatureDriftType", false]], "featuregroup (class in abacusai)": [[176, "abacusai.FeatureGroup", false]], "featuregroup (class in abacusai.feature_group)": [[132, "abacusai.feature_group.FeatureGroup", false]], "featuregroupdocument (class in abacusai)": [[176, "abacusai.FeatureGroupDocument", false]], "featuregroupdocument (class in abacusai.feature_group_document)": [[133, "abacusai.feature_group_document.FeatureGroupDocument", false]], "featuregroupexport (class in abacusai)": [[176, "abacusai.FeatureGroupExport", false]], "featuregroupexport (class in abacusai.feature_group_export)": [[134, "abacusai.feature_group_export.FeatureGroupExport", false]], "featuregroupexportconfig (class in abacusai)": [[176, "abacusai.FeatureGroupExportConfig", false], [176, "id0", false]], "featuregroupexportconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureGroupExportConfig", false]], "featuregroupexportconfig (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh.FeatureGroupExportConfig", false]], "featuregroupexportconfig (class in abacusai.feature_group_export_config)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig", false]], "featuregroupexportdownloadurl (class in abacusai)": [[176, "abacusai.FeatureGroupExportDownloadUrl", false]], "featuregroupexportdownloadurl (class in abacusai.feature_group_export_download_url)": [[136, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl", false]], "featuregrouplineage (class in abacusai)": [[176, "abacusai.FeatureGroupLineage", false]], "featuregrouplineage (class in abacusai.feature_group_lineage)": [[137, "abacusai.feature_group_lineage.FeatureGroupLineage", false]], "featuregrouprefreshexportconfig (class in abacusai)": [[176, "abacusai.FeatureGroupRefreshExportConfig", false]], "featuregrouprefreshexportconfig (class in abacusai.feature_group_refresh_export_config)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig", false]], "featuregrouprow (class in abacusai)": [[176, "abacusai.FeatureGroupRow", false]], "featuregrouprow (class in abacusai.feature_group_row)": [[139, "abacusai.feature_group_row.FeatureGroupRow", false]], "featuregrouprowprocess (class in abacusai)": [[176, "abacusai.FeatureGroupRowProcess", false]], "featuregrouprowprocess (class in abacusai.feature_group_row_process)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess", false]], "featuregrouprowprocesslogs (class in abacusai)": [[176, "abacusai.FeatureGroupRowProcessLogs", false]], "featuregrouprowprocesslogs (class in abacusai.feature_group_row_process_logs)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs", false]], "featuregrouprowprocesssummary (class in abacusai)": [[176, "abacusai.FeatureGroupRowProcessSummary", false]], "featuregrouprowprocesssummary (class in abacusai.feature_group_row_process_summary)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary", false]], "featuregrouptemplate (class in abacusai)": [[176, "abacusai.FeatureGroupTemplate", false]], "featuregrouptemplate (class in abacusai.feature_group_template)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate", false]], "featuregrouptemplatevariableoptions (class in abacusai)": [[176, "abacusai.FeatureGroupTemplateVariableOptions", false]], "featuregrouptemplatevariableoptions (class in abacusai.feature_group_template_variable_options)": [[144, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions", false]], "featuregroupversion (class in abacusai)": [[176, "abacusai.FeatureGroupVersion", false]], "featuregroupversion (class in abacusai.feature_group_version)": [[145, "abacusai.feature_group_version.FeatureGroupVersion", false]], "featuregroupversionlogs (class in abacusai)": [[176, "abacusai.FeatureGroupVersionLogs", false]], "featuregroupversionlogs (class in abacusai.feature_group_version_logs)": [[146, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs", false]], "featureimportance (class in abacusai)": [[176, "abacusai.FeatureImportance", false]], "featureimportance (class in abacusai.feature_importance)": [[147, "abacusai.feature_importance.FeatureImportance", false]], "featuremapping (class in abacusai)": [[176, "abacusai.FeatureMapping", false]], "featuremapping (class in abacusai.feature_mapping)": [[148, "abacusai.feature_mapping.FeatureMapping", false]], "featuremappingconfig (class in abacusai)": [[176, "abacusai.FeatureMappingConfig", false]], "featuremappingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureMappingConfig", false]], "featuremappingconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.FeatureMappingConfig", false]], "featureperformanceanalysis (class in abacusai)": [[176, "abacusai.FeaturePerformanceAnalysis", false]], "featureperformanceanalysis (class in abacusai.feature_performance_analysis)": [[149, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis", false]], "features (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.features", false]], "features (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.features", false]], "features (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[149, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.features", false]], "features (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.features", false]], "features (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.features", false]], "features (abacusai.featureperformanceanalysis attribute)": [[176, "abacusai.FeaturePerformanceAnalysis.features", false]], "features (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.features", false]], "features (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.features", false]], "features (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.features", false]], "features (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.features", false]], "features_considered_constant_for_explanations (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.features_considered_constant_for_explanations", false]], "features_considered_constant_for_explanations (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.features_considered_constant_for_explanations", false]], "features_considered_constant_for_explanations (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.features_considered_constant_for_explanations", false]], "featurestorepredictionarguments (class in abacusai)": [[176, "abacusai.FeatureStorePredictionArguments", false]], "featurestorepredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.FeatureStorePredictionArguments", false]], "featurestorepredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.FeatureStorePredictionArguments", false]], "feedback (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.feedback", false]], "feedback (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.feedback", false]], "feedback (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.feedback", false]], "feedback (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.feedback", false]], "feedback_type (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.feedback_type", false]], "feedback_type (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.feedback_type", false]], "fetch_web_page() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.fetch_web_page", false]], "fetch_web_page() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.fetch_web_page", false]], "fewshot_examples (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.fewshot_examples", false]], "fewshot_examples (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.fewshot_examples", false]], "fewshot_examples (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.fewshot_examples", false]], "field (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.field", false]], "field (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.field", false]], "field (abacusai.fielddescriptor attribute)": [[176, "abacusai.FieldDescriptor.field", false]], "fielddescriptor (class in abacusai)": [[176, "abacusai.FieldDescriptor", false]], "fielddescriptor (class in abacusai.api_class)": [[27, "abacusai.api_class.FieldDescriptor", false]], "fielddescriptor (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor", false]], "fielddescriptortype (class in abacusai)": [[176, "abacusai.FieldDescriptorType", false]], "fielddescriptortype (class in abacusai.api_class)": [[27, "abacusai.api_class.FieldDescriptorType", false]], "fielddescriptortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FieldDescriptorType", false]], "file (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.FILE", false]], "file (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.FILE", false]], "file (abacusai.connectortype attribute)": [[176, "abacusai.ConnectorType.FILE", false]], "file_connector_output_location (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.file_connector_output_location", false]], "file_connector_output_location (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.file_connector_output_location", false]], "file_connector_output_location (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.file_connector_output_location", false]], "file_connector_output_location (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.file_connector_output_location", false]], "file_extension_to_chunking_scheme (abacusai.codellm_embedding_constants.codellmembeddingconstants attribute)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.file_extension_to_chunking_scheme", false]], "file_extension_to_chunking_scheme (abacusai.codellmembeddingconstants attribute)": [[176, "abacusai.CodellmEmbeddingConstants.file_extension_to_chunking_scheme", false]], "file_format (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.file_format", false]], "file_format (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.file_format", false]], "file_format (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.file_format", false]], "file_format (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.file_format", false]], "file_inspect_metadata (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.file_inspect_metadata", false]], "file_inspect_metadata (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.file_inspect_metadata", false]], "file_output_format (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.file_output_format", false]], "file_output_format (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.file_output_format", false]], "file_output_format (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.file_output_format", false]], "file_output_format (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.file_output_format", false]], "file_path (abacusai.code_edit.codeedit attribute)": [[63, "abacusai.code_edit.CodeEdit.file_path", false]], "file_path (abacusai.codeedit attribute)": [[176, "abacusai.CodeEdit.file_path", false]], "file_path (abacusai.presentation_export_result.presentationexportresult attribute)": [[249, "abacusai.presentation_export_result.PresentationExportResult.file_path", false]], "file_path (abacusai.presentationexportresult attribute)": [[176, "abacusai.PresentationExportResult.file_path", false]], "file_path_with_schema (abacusai.api_class.dataset.parsingconfig attribute)": [[21, "abacusai.api_class.dataset.ParsingConfig.file_path_with_schema", false]], "file_path_with_schema (abacusai.api_class.parsingconfig attribute)": [[27, "abacusai.api_class.ParsingConfig.file_path_with_schema", false]], "file_path_with_schema (abacusai.parsingconfig attribute)": [[176, "abacusai.ParsingConfig.file_path_with_schema", false]], "fileconnector (class in abacusai)": [[176, "abacusai.FileConnector", false]], "fileconnector (class in abacusai.file_connector)": [[150, "abacusai.file_connector.FileConnector", false]], "fileconnectorexportconfig (class in abacusai)": [[176, "abacusai.FileConnectorExportConfig", false]], "fileconnectorexportconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FileConnectorExportConfig", false]], "fileconnectorexportconfig (class in abacusai.api_class.refresh)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig", false]], "fileconnectorinstructions (class in abacusai)": [[176, "abacusai.FileConnectorInstructions", false]], "fileconnectorinstructions (class in abacusai.file_connector_instructions)": [[151, "abacusai.file_connector_instructions.FileConnectorInstructions", false]], "fileconnectorverification (class in abacusai)": [[176, "abacusai.FileConnectorVerification", false]], "fileconnectorverification (class in abacusai.file_connector_verification)": [[152, "abacusai.file_connector_verification.FileConnectorVerification", false]], "fileformat (class in abacusai)": [[176, "abacusai.FileFormat", false]], "fileformat (class in abacusai.api_class)": [[27, "abacusai.api_class.FileFormat", false]], "fileformat (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FileFormat", false]], "filename (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.filename", false]], "filename (abacusai.agentdatadocumentinfo attribute)": [[176, "abacusai.AgentDataDocumentInfo.filename", false]], "filename (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.filename", false]], "filename (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.filename", false]], "filename (abacusai.blob attribute)": [[176, "abacusai.Blob.filename", false]], "files_input_location (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.files_input_location", false]], "files_input_location (abacusai.api_class.pretrainedmodelsbatchpredictionargs attribute)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.files_input_location", false]], "files_input_location (abacusai.pretrainedmodelsbatchpredictionargs attribute)": [[176, "abacusai.PretrainedModelsBatchPredictionArgs.files_input_location", false]], "files_output_location_prefix (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.files_output_location_prefix", false]], "files_output_location_prefix (abacusai.api_class.pretrainedmodelsbatchpredictionargs attribute)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.files_output_location_prefix", false]], "files_output_location_prefix (abacusai.pretrainedmodelsbatchpredictionargs attribute)": [[176, "abacusai.PretrainedModelsBatchPredictionArgs.files_output_location_prefix", false]], "filesystem_status (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.filesystem_status", false]], "filesystem_status (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.filesystem_status", false]], "fill_missing_values (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.fill_missing_values", false]], "fill_missing_values (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.fill_missing_values", false]], "filllogic (class in abacusai)": [[176, "abacusai.FillLogic", false]], "filllogic (class in abacusai.api_class)": [[27, "abacusai.api_class.FillLogic", false]], "filllogic (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.FillLogic", false]], "filter_columns (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.filter_columns", false]], "filter_columns (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.filter_columns", false]], "filter_columns (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.filter_columns", false]], "filter_history (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.filter_history", false]], "filter_history (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.filter_history", false]], "filter_history (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.filter_history", false]], "filter_items (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.filter_items", false]], "filter_items (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.filter_items", false]], "filter_items (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.filter_items", false]], "finetuned_llm (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.FINETUNED_LLM", false]], "finetuned_llm (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.FINETUNED_LLM", false]], "finetuned_llm (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.FINETUNED_LLM", false]], "finetuned_pretrained_model_id (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.finetuned_pretrained_model_id", false]], "finetuned_pretrained_model_id (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.finetuned_pretrained_model_id", false]], "finetuned_pretrained_model_version (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.finetuned_pretrained_model_version", false]], "finetuned_pretrained_model_version (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.finetuned_pretrained_model_version", false]], "finetunedpretrainedmodel (class in abacusai)": [[176, "abacusai.FinetunedPretrainedModel", false]], "finetunedpretrainedmodel (class in abacusai.finetuned_pretrained_model)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel", false]], "finetuning_dataset_version (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.finetuning_dataset_version", false]], "finetuning_dataset_version (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.finetuning_dataset_version", false]], "first_cap_re (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.FIRST_CAP_RE", false]], "first_page (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.FIRST_PAGE", false]], "float (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.FLOAT", false]], "float (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.FLOAT", false]], "float (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.FLOAT", false]], "float (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.FLOAT", false]], "float (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.FLOAT", false]], "float (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.FLOAT", false]], "float (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.FLOAT", false]], "float (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.FLOAT", false]], "float (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.FLOAT", false]], "float (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.FLOAT", false]], "float (abacusai.datatype attribute)": [[176, "abacusai.DataType.FLOAT", false]], "float (abacusai.fielddescriptortype attribute)": [[176, "abacusai.FieldDescriptorType.FLOAT", false]], "float (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.FLOAT", false]], "float (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.FLOAT", false]], "float (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.FLOAT", false]], "flv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.FLV", false]], "flv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.FLV", false]], "flv (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.FLV", false]], "focal_cross_entropy (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.FOCAL_CROSS_ENTROPY", false]], "focal_cross_entropy (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.FOCAL_CROSS_ENTROPY", false]], "focal_cross_entropy (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.FOCAL_CROSS_ENTROPY", false]], "for_eval (abacusai.api_class.batch_prediction.chatllmbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.namedentityextractionbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.pretrainedmodelsbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.sentenceboundarydetectionbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.batch_prediction.trainableplugandplaybatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.chatllmbatchpredictionargs attribute)": [[27, "abacusai.api_class.ChatLLMBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.namedentityextractionbatchpredictionargs attribute)": [[27, "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.pretrainedmodelsbatchpredictionargs attribute)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.sentenceboundarydetectionbatchpredictionargs attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.api_class.trainableplugandplaybatchpredictionargs attribute)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.chatllmbatchpredictionargs attribute)": [[176, "abacusai.ChatLLMBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.namedentityextractionbatchpredictionargs attribute)": [[176, "abacusai.NamedEntityExtractionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.personalizationbatchpredictionargs attribute)": [[176, "abacusai.PersonalizationBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.pretrainedmodelsbatchpredictionargs attribute)": [[176, "abacusai.PretrainedModelsBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.sentenceboundarydetectionbatchpredictionargs attribute)": [[176, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.themeanalysisbatchpredictionargs attribute)": [[176, "abacusai.ThemeAnalysisBatchPredictionArgs.for_eval", false]], "for_eval (abacusai.trainableplugandplaybatchpredictionargs attribute)": [[176, "abacusai.TrainablePlugAndPlayBatchPredictionArgs.for_eval", false]], "force_prediction_length (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.force_prediction_length", false]], "force_prediction_length (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.force_prediction_length", false]], "force_prediction_length (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.force_prediction_length", false]], "forced_assignments (abacusai.api_class.deployment.optimizationpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.forced_assignments", false]], "forced_assignments (abacusai.api_class.optimizationpredictionarguments attribute)": [[27, "abacusai.api_class.OptimizationPredictionArguments.forced_assignments", false]], "forced_assignments (abacusai.optimizationpredictionarguments attribute)": [[176, "abacusai.OptimizationPredictionArguments.forced_assignments", false]], "forecast_frequency (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.forecast_frequency", false]], "forecast_frequency (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.forecast_frequency", false]], "forecast_frequency (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.forecast_frequency", false]], "forecast_frequency (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.forecast_frequency", false]], "forecast_frequency (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.forecast_frequency", false]], "forecast_frequency (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.forecast_frequency", false]], "forecast_frequency (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.forecast_frequency", false]], "forecast_frequency (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.forecast_frequency", false]], "forecast_frequency (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.forecast_frequency", false]], "forecast_frequency (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.forecast_frequency", false]], "forecast_frequency (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.forecast_frequency", false]], "forecasting (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.FORECASTING", false]], "forecasting (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.FORECASTING", false]], "forecasting (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.FORECASTING", false]], "forecasting_accuracy (abacusai.api_class.enums.evalartifacttype attribute)": [[25, "abacusai.api_class.enums.EvalArtifactType.FORECASTING_ACCURACY", false]], "forecasting_accuracy (abacusai.api_class.evalartifacttype attribute)": [[27, "abacusai.api_class.EvalArtifactType.FORECASTING_ACCURACY", false]], "forecasting_accuracy (abacusai.evalartifacttype attribute)": [[176, "abacusai.EvalArtifactType.FORECASTING_ACCURACY", false]], "forecasting_history_length_accuracy (abacusai.api_class.enums.evalartifacttype attribute)": [[25, "abacusai.api_class.enums.EvalArtifactType.FORECASTING_HISTORY_LENGTH_ACCURACY", false]], "forecasting_history_length_accuracy (abacusai.api_class.evalartifacttype attribute)": [[27, "abacusai.api_class.EvalArtifactType.FORECASTING_HISTORY_LENGTH_ACCURACY", false]], "forecasting_history_length_accuracy (abacusai.evalartifacttype attribute)": [[176, "abacusai.EvalArtifactType.FORECASTING_HISTORY_LENGTH_ACCURACY", false]], "forecasting_horizon (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.forecasting_horizon", false]], "forecasting_horizon (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.forecasting_horizon", false]], "forecasting_horizon (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.forecasting_horizon", false]], "forecasting_monitor_summary (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.forecasting_monitor_summary", false]], "forecasting_monitor_summary (abacusai.monitordriftanddistributions attribute)": [[176, "abacusai.MonitorDriftAndDistributions.forecasting_monitor_summary", false]], "forecasting_target_feature (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.forecasting_target_feature", false]], "forecasting_target_feature (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.forecasting_target_feature", false]], "forecasting_volume (abacusai.api_class.enums.evalartifacttype attribute)": [[25, "abacusai.api_class.enums.EvalArtifactType.FORECASTING_VOLUME", false]], "forecasting_volume (abacusai.api_class.evalartifacttype attribute)": [[27, "abacusai.api_class.EvalArtifactType.FORECASTING_VOLUME", false]], "forecasting_volume (abacusai.evalartifacttype attribute)": [[176, "abacusai.EvalArtifactType.FORECASTING_VOLUME", false]], "forecastinganalysisgraphdata (class in abacusai)": [[176, "abacusai.ForecastingAnalysisGraphData", false]], "forecastinganalysisgraphdata (class in abacusai.forecasting_analysis_graph_data)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData", false]], "forecastingbatchpredictionargs (class in abacusai)": [[176, "abacusai.ForecastingBatchPredictionArgs", false]], "forecastingbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs", false]], "forecastingbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs", false]], "forecastingdatasplittype (class in abacusai)": [[176, "abacusai.ForecastingDataSplitType", false]], "forecastingdatasplittype (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingDataSplitType", false]], "forecastingdatasplittype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType", false]], "forecastingfillmethod (class in abacusai)": [[176, "abacusai.ForecastingFillMethod", false]], "forecastingfillmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingFillMethod", false]], "forecastingfillmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingFillMethod", false]], "forecastingfrequency (class in abacusai)": [[176, "abacusai.ForecastingFrequency", false]], "forecastingfrequency (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingFrequency", false]], "forecastingfrequency (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingFrequency", false]], "forecastinglocalscaling (class in abacusai)": [[176, "abacusai.ForecastingLocalScaling", false]], "forecastinglocalscaling (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingLocalScaling", false]], "forecastinglocalscaling (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling", false]], "forecastinglossfunction (class in abacusai)": [[176, "abacusai.ForecastingLossFunction", false]], "forecastinglossfunction (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingLossFunction", false]], "forecastinglossfunction (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingLossFunction", false]], "forecastingmonitorconfig (class in abacusai)": [[176, "abacusai.ForecastingMonitorConfig", false]], "forecastingmonitorconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingMonitorConfig", false]], "forecastingmonitorconfig (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig", false]], "forecastingmonitoritemanalysis (class in abacusai)": [[176, "abacusai.ForecastingMonitorItemAnalysis", false]], "forecastingmonitoritemanalysis (class in abacusai.forecasting_monitor_item_analysis)": [[155, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis", false]], "forecastingmonitorsummary (class in abacusai)": [[176, "abacusai.ForecastingMonitorSummary", false]], "forecastingmonitorsummary (class in abacusai.forecasting_monitor_summary)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary", false]], "forecastingobjective (class in abacusai)": [[176, "abacusai.ForecastingObjective", false]], "forecastingobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingObjective", false]], "forecastingobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingObjective", false]], "forecastingpredictionarguments (class in abacusai)": [[176, "abacusai.ForecastingPredictionArguments", false]], "forecastingpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingPredictionArguments", false]], "forecastingpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments", false]], "forecastingquanitlesextensionmethod (class in abacusai)": [[176, "abacusai.ForecastingQuanitlesExtensionMethod", false]], "forecastingquanitlesextensionmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod", false]], "forecastingquanitlesextensionmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod", false]], "forecastingtrainingconfig (class in abacusai)": [[176, "abacusai.ForecastingTrainingConfig", false]], "forecastingtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ForecastingTrainingConfig", false]], "forecastingtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig", false]], "form_response (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.form_response", false]], "form_response (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.form_response", false]], "forwardfill (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.FORWARDFILL", false]], "forwardfill (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.FORWARDFILL", false]], "forwardfill (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.FORWARDFILL", false]], "freq_above_training_range (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.freq_above_training_range", false]], "freq_above_training_range (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.freq_above_training_range", false]], "freq_below_training_range (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.freq_below_training_range", false]], "freq_below_training_range (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.freq_below_training_range", false]], "freq_outside_training_range (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[48, "abacusai.categorical_range_violation.CategoricalRangeViolation.freq_outside_training_range", false]], "freq_outside_training_range (abacusai.categoricalrangeviolation attribute)": [[176, "abacusai.CategoricalRangeViolation.freq_outside_training_range", false]], "frequency_penalty (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.frequency_penalty", false]], "frequency_penalty (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.frequency_penalty", false]], "frequency_penalty (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.frequency_penalty", false]], "freshservice (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.FRESHSERVICE", false]], "freshservice (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.FRESHSERVICE", false]], "freshservice (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.FRESHSERVICE", false]], "freshservicedatasetconfig (class in abacusai)": [[176, "abacusai.FreshserviceDatasetConfig", false]], "freshservicedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.FreshserviceDatasetConfig", false]], "freshservicedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig", false]], "from_contents() (abacusai.api_class.blob class method)": [[27, "abacusai.api_class.Blob.from_contents", false]], "from_contents() (abacusai.api_class.blob_input.blob class method)": [[19, "abacusai.api_class.blob_input.Blob.from_contents", false]], "from_contents() (abacusai.blob class method)": [[176, "abacusai.Blob.from_contents", false]], "from_dict() (abacusai._apiclassfactory class method)": [[176, "abacusai._ApiClassFactory.from_dict", false]], "from_dict() (abacusai.api_class._apiclassfactory class method)": [[27, "abacusai.api_class._ApiClassFactory.from_dict", false], [27, "id155", false], [27, "id188", false], [27, "id225", false], [27, "id244", false], [27, "id277", false], [27, "id46", false], [27, "id67", false], [27, "id92", false]], "from_dict() (abacusai.api_class.abstract._apiclassfactory class method)": [[15, "abacusai.api_class.abstract._ApiClassFactory.from_dict", false]], "from_dict() (abacusai.api_class.abstract.apiclass class method)": [[15, "abacusai.api_class.abstract.ApiClass.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.decisionnode class method)": [[16, "abacusai.api_class.ai_agents.DecisionNode.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.inputnode class method)": [[16, "abacusai.api_class.ai_agents.InputNode.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.llmagentnode class method)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.triggerconfig class method)": [[16, "abacusai.api_class.ai_agents.TriggerConfig.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflowgraph class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflowgraphedge class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeinputmapping class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeinputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeoutputmapping class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodeoutputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodetemplateconfig class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodetemplateinput class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.from_dict", false]], "from_dict() (abacusai.api_class.ai_agents.workflownodetemplateoutput class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.from_dict", false]], "from_dict() (abacusai.api_class.apiclass class method)": [[27, "abacusai.api_class.ApiClass.from_dict", false], [27, "id106", false], [27, "id13", false], [27, "id150", false], [27, "id183", false], [27, "id202", false], [27, "id220", false], [27, "id239", false], [27, "id258", false], [27, "id27", false], [27, "id272", false], [27, "id291", false], [27, "id41", false], [27, "id60", false], [27, "id87", false]], "from_dict() (abacusai.api_class.decisionnode class method)": [[27, "abacusai.api_class.DecisionNode.from_dict", false]], "from_dict() (abacusai.api_class.inputnode class method)": [[27, "abacusai.api_class.InputNode.from_dict", false]], "from_dict() (abacusai.api_class.llmagentnode class method)": [[27, "abacusai.api_class.LLMAgentNode.from_dict", false]], "from_dict() (abacusai.api_class.project.projectfeaturegrouptypemappingsconfig class method)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig.from_dict", false]], "from_dict() (abacusai.api_class.projectfeaturegrouptypemappingsconfig class method)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig.from_dict", false]], "from_dict() (abacusai.api_class.triggerconfig class method)": [[27, "abacusai.api_class.TriggerConfig.from_dict", false]], "from_dict() (abacusai.api_class.workflowgraph class method)": [[27, "abacusai.api_class.WorkflowGraph.from_dict", false]], "from_dict() (abacusai.api_class.workflowgraphedge class method)": [[27, "abacusai.api_class.WorkflowGraphEdge.from_dict", false]], "from_dict() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeinputmapping class method)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeinputschema class method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeoutputmapping class method)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.from_dict", false]], "from_dict() (abacusai.api_class.workflownodeoutputschema class method)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema.from_dict", false]], "from_dict() (abacusai.api_class.workflownodetemplateconfig class method)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.from_dict", false]], "from_dict() (abacusai.api_class.workflownodetemplateinput class method)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.from_dict", false]], "from_dict() (abacusai.api_class.workflownodetemplateoutput class method)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.from_dict", false]], "from_dict() (abacusai.apiclass class method)": [[176, "abacusai.ApiClass.from_dict", false]], "from_dict() (abacusai.decisionnode class method)": [[176, "abacusai.DecisionNode.from_dict", false]], "from_dict() (abacusai.inputnode class method)": [[176, "abacusai.InputNode.from_dict", false]], "from_dict() (abacusai.llmagentnode class method)": [[176, "abacusai.LLMAgentNode.from_dict", false]], "from_dict() (abacusai.projectfeaturegrouptypemappingsconfig class method)": [[176, "abacusai.ProjectFeatureGroupTypeMappingsConfig.from_dict", false]], "from_dict() (abacusai.triggerconfig class method)": [[176, "abacusai.TriggerConfig.from_dict", false]], "from_dict() (abacusai.workflowgraph class method)": [[176, "abacusai.WorkflowGraph.from_dict", false]], "from_dict() (abacusai.workflowgraphedge class method)": [[176, "abacusai.WorkflowGraphEdge.from_dict", false]], "from_dict() (abacusai.workflowgraphnode class method)": [[176, "abacusai.WorkflowGraphNode.from_dict", false]], "from_dict() (abacusai.workflownodeinputmapping class method)": [[176, "abacusai.WorkflowNodeInputMapping.from_dict", false]], "from_dict() (abacusai.workflownodeinputschema class method)": [[176, "abacusai.WorkflowNodeInputSchema.from_dict", false]], "from_dict() (abacusai.workflownodeoutputmapping class method)": [[176, "abacusai.WorkflowNodeOutputMapping.from_dict", false]], "from_dict() (abacusai.workflownodeoutputschema class method)": [[176, "abacusai.WorkflowNodeOutputSchema.from_dict", false]], "from_dict() (abacusai.workflownodetemplateconfig class method)": [[176, "abacusai.WorkflowNodeTemplateConfig.from_dict", false]], "from_dict() (abacusai.workflownodetemplateinput class method)": [[176, "abacusai.WorkflowNodeTemplateInput.from_dict", false]], "from_dict() (abacusai.workflownodetemplateoutput class method)": [[176, "abacusai.WorkflowNodeTemplateOutput.from_dict", false]], "from_fields_list() (abacusai.api_class.ai_agents.jsonschema class method)": [[16, "abacusai.api_class.ai_agents.JSONSchema.from_fields_list", false]], "from_fields_list() (abacusai.api_class.jsonschema class method)": [[27, "abacusai.api_class.JSONSchema.from_fields_list", false]], "from_fields_list() (abacusai.jsonschema class method)": [[176, "abacusai.JSONSchema.from_fields_list", false]], "from_input_mappings() (abacusai.api_class.ai_agents.workflownodeinputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.from_input_mappings", false]], "from_input_mappings() (abacusai.api_class.workflownodeinputschema class method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.from_input_mappings", false]], "from_input_mappings() (abacusai.workflownodeinputschema class method)": [[176, "abacusai.WorkflowNodeInputSchema.from_input_mappings", false]], "from_local_file() (abacusai.api_class.blob class method)": [[27, "abacusai.api_class.Blob.from_local_file", false]], "from_local_file() (abacusai.api_class.blob_input.blob class method)": [[19, "abacusai.api_class.blob_input.Blob.from_local_file", false]], "from_local_file() (abacusai.blob class method)": [[176, "abacusai.Blob.from_local_file", false]], "from_response() (abacusai.client._apiexceptionfactory class method)": [[58, "abacusai.client._ApiExceptionFactory.from_response", false]], "from_system_tool() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.from_system_tool", false]], "from_system_tool() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode.from_system_tool", false]], "from_system_tool() (abacusai.workflowgraphnode class method)": [[176, "abacusai.WorkflowGraphNode.from_system_tool", false]], "from_template() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.from_template", false]], "from_template() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode.from_template", false]], "from_template() (abacusai.workflowgraphnode class method)": [[176, "abacusai.WorkflowGraphNode.from_template", false]], "from_tool() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.from_tool", false]], "from_tool() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode.from_tool", false]], "from_tool() (abacusai.workflowgraphnode class method)": [[176, "abacusai.WorkflowGraphNode.from_tool", false]], "from_tool_variable_mappings() (abacusai.api_class.ai_agents.workflownodeinputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.from_tool_variable_mappings", false]], "from_tool_variable_mappings() (abacusai.api_class.workflownodeinputschema class method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.from_tool_variable_mappings", false]], "from_tool_variable_mappings() (abacusai.workflownodeinputschema class method)": [[176, "abacusai.WorkflowNodeInputSchema.from_tool_variable_mappings", false]], "from_value() (abacusai.api_class.enums.memorysize class method)": [[25, "abacusai.api_class.enums.MemorySize.from_value", false]], "from_value() (abacusai.api_class.memorysize class method)": [[27, "abacusai.api_class.MemorySize.from_value", false]], "from_value() (abacusai.memorysize class method)": [[176, "abacusai.MemorySize.from_value", false]], "from_workflow_node() (abacusai.api_class.ai_agents.workflownodeinputschema class method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.from_workflow_node", false]], "from_workflow_node() (abacusai.api_class.workflownodeinputschema class method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.from_workflow_node", false]], "from_workflow_node() (abacusai.workflownodeinputschema class method)": [[176, "abacusai.WorkflowNodeInputSchema.from_workflow_node", false]], "fsentry (class in abacusai)": [[176, "abacusai.FsEntry", false]], "fsentry (class in abacusai.fs_entry)": [[157, "abacusai.fs_entry.FsEntry", false]], "full_data_retraining (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.full_data_retraining", false]], "full_data_retraining (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.full_data_retraining", false]], "function (abacusai.function_logs.functionlogs attribute)": [[158, "abacusai.function_logs.FunctionLogs.function", false]], "function (abacusai.functionlogs attribute)": [[176, "abacusai.FunctionLogs.function", false]], "function_name (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.function_name", false]], "function_name (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.function_name", false]], "function_name (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.function_name", false]], "function_name (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.function_name", false]], "function_name (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.function_name", false]], "function_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.function_name", false]], "function_name (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.function_name", false]], "function_name (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.function_name", false]], "function_name (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.function_name", false]], "function_name (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.function_name", false]], "function_name (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.function_name", false]], "function_name (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.function_name", false]], "function_name (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.function_name", false]], "function_source_code (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.function_source_code", false]], "function_source_code (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.function_source_code", false]], "function_source_code (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.function_source_code", false]], "function_source_code (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.function_source_code", false]], "function_type (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.function_type", false]], "function_type (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.function_type", false]], "function_type (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.function_type", false]], "function_type (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.function_type", false]], "function_variable_mappings (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.function_variable_mappings", false]], "function_variable_mappings (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.function_variable_mappings", false]], "function_variable_mappings (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.function_variable_mappings", false]], "function_variable_mappings (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.function_variable_mappings", false]], "function_variable_mappings (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.function_variable_mappings", false]], "function_variable_mappings (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.function_variable_mappings", false]], "functionlogs (class in abacusai)": [[176, "abacusai.FunctionLogs", false]], "functionlogs (class in abacusai.function_logs)": [[158, "abacusai.function_logs.FunctionLogs", false]], "future (abacusai.api_class.enums.forecastingfillmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingFillMethod.FUTURE", false]], "future (abacusai.api_class.forecastingfillmethod attribute)": [[27, "abacusai.api_class.ForecastingFillMethod.FUTURE", false]], "future (abacusai.forecastingfillmethod attribute)": [[176, "abacusai.ForecastingFillMethod.FUTURE", false]], "fuzzy_symbol_match_threshold (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.fuzzy_symbol_match_threshold", false]], "fuzzy_symbol_match_threshold (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.fuzzy_symbol_match_threshold", false]], "gatewaytimeouterror": [[58, "abacusai.client.GatewayTimeoutError", false]], "gaussian (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.GAUSSIAN", false]], "gaussian (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.GAUSSIAN", false]], "gaussian (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.GAUSSIAN", false]], "gaussian_full_covariance (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.GAUSSIAN_FULL_COVARIANCE", false]], "gaussian_full_covariance (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.GAUSSIAN_FULL_COVARIANCE", false]], "gaussian_full_covariance (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.GAUSSIAN_FULL_COVARIANCE", false]], "gemini_1_5_flash (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_1_5_FLASH", false]], "gemini_1_5_flash (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_1_5_FLASH", false]], "gemini_1_5_flash (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_1_5_FLASH", false]], "gemini_1_5_pro (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_1_5_PRO", false]], "gemini_1_5_pro (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_1_5_PRO", false]], "gemini_1_5_pro (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_1_5_PRO", false]], "gemini_2_5_flash (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_2_5_FLASH", false]], "gemini_2_5_flash (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_2_5_FLASH", false]], "gemini_2_5_flash (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_2_5_FLASH", false]], "gemini_2_5_pro (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_2_5_PRO", false]], "gemini_2_5_pro (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_2_5_PRO", false]], "gemini_2_5_pro (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_2_5_PRO", false]], "gemini_2_flash (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_2_FLASH", false]], "gemini_2_flash (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_2_FLASH", false]], "gemini_2_flash (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_2_FLASH", false]], "gemini_2_pro (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_2_PRO", false]], "gemini_2_pro (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_2_PRO", false]], "gemini_2_pro (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_2_PRO", false]], "gemini_3_flash (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_3_FLASH", false]], "gemini_3_flash (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_3_FLASH", false]], "gemini_3_flash (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_3_FLASH", false]], "gemini_3_pro (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.GEMINI_3_PRO", false]], "gemini_3_pro (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.GEMINI_3_PRO", false]], "gemini_3_pro (abacusai.llmname attribute)": [[176, "abacusai.LLMName.GEMINI_3_PRO", false]], "gender (abacusai.hume_voice.humevoice attribute)": [[172, "abacusai.hume_voice.HumeVoice.gender", false]], "gender (abacusai.humevoice attribute)": [[176, "abacusai.HumeVoice.gender", false]], "gender (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.gender", false]], "gender (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.gender", false]], "generate_agent_code() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.generate_agent_code", false]], "generate_agent_code() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.generate_agent_code", false]], "generate_agent_code() (abacusai.project method)": [[176, "abacusai.Project.generate_agent_code", false]], "generate_agent_code() (abacusai.project.project method)": [[252, "abacusai.project.Project.generate_agent_code", false]], "generate_code_for_data_query_using_llm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.generate_code_for_data_query_using_llm", false]], "generate_code_for_data_query_using_llm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.generate_code_for_data_query_using_llm", false]], "generate_natural_language_explanation() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.generate_natural_language_explanation", false]], "generate_natural_language_explanation() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.generate_natural_language_explanation", false]], "generate_natural_language_explanation() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.generate_natural_language_explanation", false]], "generate_natural_language_explanation() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.generate_natural_language_explanation", false]], "generate_point_in_time_features() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.generate_point_in_time_features", false]], "generate_point_in_time_features() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.generate_point_in_time_features", false]], "generate_point_in_time_features() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.generate_point_in_time_features", false]], "generate_point_in_time_features() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.generate_point_in_time_features", false]], "generatedpitfeatureconfigoption (class in abacusai)": [[176, "abacusai.GeneratedPitFeatureConfigOption", false]], "generatedpitfeatureconfigoption (class in abacusai.generated_pit_feature_config_option)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption", false]], "generation_instructions (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.generation_instructions", false]], "generation_instructions (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.generation_instructions", false]], "generation_instructions (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.generation_instructions", false]], "generic404error": [[58, "abacusai.client.Generic404Error", false]], "generic_oauth (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GENERIC_OAUTH", false]], "generic_oauth (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GENERIC_OAUTH", false]], "generic_oauth (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GENERIC_OAUTH", false]], "genericpermissiondeniederror": [[58, "abacusai.client.GenericPermissionDeniedError", false]], "get() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.get", false]], "get() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.get", false], [27, "id10", false], [27, "id103", false], [27, "id147", false], [27, "id180", false], [27, "id199", false], [27, "id217", false], [27, "id236", false], [27, "id24", false], [27, "id255", false], [27, "id269", false], [27, "id288", false], [27, "id38", false], [27, "id57", false], [27, "id84", false]], "get() (abacusai.apiclass method)": [[176, "abacusai.ApiClass.get", false]], "get() (abacusai.chat_session.chatsession method)": [[50, "abacusai.chat_session.ChatSession.get", false]], "get() (abacusai.chatsession method)": [[176, "abacusai.ChatSession.get", false]], "get() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.get", false]], "get() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.get", false]], "get() (in module abacusai.global_context)": [[160, "abacusai.global_context.get", false]], "get_agent_context_blob_inputs() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_blob_inputs", false]], "get_agent_context_blob_inputs() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_blob_inputs", false]], "get_agent_context_chat_history() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_chat_history", false]], "get_agent_context_chat_history() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_chat_history", false]], "get_agent_context_chat_history_for_llm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_chat_history_for_llm", false]], "get_agent_context_chat_history_for_llm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_chat_history_for_llm", false]], "get_agent_context_conversation_id() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_conversation_id", false]], "get_agent_context_conversation_id() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_conversation_id", false]], "get_agent_context_doc_ids() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_doc_ids", false]], "get_agent_context_doc_ids() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_doc_ids", false]], "get_agent_context_doc_infos() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_doc_infos", false]], "get_agent_context_doc_infos() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_doc_infos", false]], "get_agent_context_external_session_id() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_external_session_id", false]], "get_agent_context_external_session_id() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_external_session_id", false]], "get_agent_context_user_info() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_agent_context_user_info", false]], "get_agent_context_user_info() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_agent_context_user_info", false]], "get_all_item_data (abacusai.api_class.deployment.timeseriesanomalypredictionarguments attribute)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.get_all_item_data", false]], "get_all_item_data (abacusai.api_class.timeseriesanomalypredictionarguments attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.get_all_item_data", false]], "get_all_item_data (abacusai.timeseriesanomalypredictionarguments attribute)": [[176, "abacusai.TimeseriesAnomalyPredictionArguments.get_all_item_data", false]], "get_alternative_assignments() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_alternative_assignments", false]], "get_alternative_assignments() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_alternative_assignments", false]], "get_alternative_assignments() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_alternative_assignments", false]], "get_alternative_assignments() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_alternative_assignments", false]], "get_annotations_status() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_annotations_status", false]], "get_annotations_status() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_annotations_status", false]], "get_annotations_status() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_annotations_status", false]], "get_annotations_status() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_annotations_status", false]], "get_anomalies() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_anomalies", false]], "get_anomalies() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_anomalies", false]], "get_anomalies() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_anomalies", false]], "get_anomalies() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_anomalies", false]], "get_api_endpoint() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_api_endpoint", false]], "get_api_endpoint() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_api_endpoint", false]], "get_app_user_group() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_app_user_group", false]], "get_app_user_group() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_app_user_group", false]], "get_app_user_group_from_name() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_app_user_group_from_name", false]], "get_app_user_group_from_name() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_app_user_group_from_name", false]], "get_app_user_group_sign_in_token() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_app_user_group_sign_in_token", false]], "get_app_user_group_sign_in_token() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_app_user_group_sign_in_token", false]], "get_archive_id() (abacusai.api_client_utils.docstoreutils static method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_archive_id", false]], "get_assignments() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_assignments", false]], "get_assignments() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_assignments", false]], "get_assignments() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_assignments", false]], "get_assignments() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_assignments", false]], "get_assignments_online_with_new_inputs() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_assignments_online_with_new_inputs", false]], "get_assignments_online_with_new_inputs() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_assignments_online_with_new_inputs", false]], "get_assignments_online_with_new_serialized_inputs() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_assignments_online_with_new_serialized_inputs", false]], "get_assignments_online_with_new_serialized_inputs() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_assignments_online_with_new_serialized_inputs", false]], "get_assignments_online_with_new_serialized_inputs() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_assignments_online_with_new_serialized_inputs", false]], "get_assignments_online_with_new_serialized_inputs() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_assignments_online_with_new_serialized_inputs", false]], "get_auth() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.get_auth", false]], "get_auth() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.get_auth", false]], "get_batch_prediction_connector_errors() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.get_batch_prediction_connector_errors", false]], "get_batch_prediction_connector_errors() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.get_batch_prediction_connector_errors", false]], "get_batch_prediction_connector_errors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_batch_prediction_connector_errors", false]], "get_batch_prediction_connector_errors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_batch_prediction_connector_errors", false]], "get_batch_prediction_version_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_batch_prediction_version_logs", false]], "get_batch_prediction_version_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_batch_prediction_version_logs", false]], "get_chat_response() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_chat_response", false]], "get_chat_response() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_chat_response", false]], "get_chat_response() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_chat_response", false]], "get_chat_response() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_chat_response", false]], "get_chat_response_with_binary_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_chat_response_with_binary_data", false]], "get_chat_response_with_binary_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_chat_response_with_binary_data", false]], "get_chat_response_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_chat_response_with_binary_data", false]], "get_chat_response_with_binary_data() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_chat_response_with_binary_data", false]], "get_chat_session() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_chat_session", false]], "get_chat_session() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_chat_session", false]], "get_classification() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_classification", false]], "get_classification() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_classification", false]], "get_classification() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_classification", false]], "get_classification() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_classification", false]], "get_clean_function_source_code() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.get_clean_function_source_code", false]], "get_clean_function_source_code_for_agent() (in module abacusai)": [[176, "abacusai.get_clean_function_source_code_for_agent", false]], "get_clean_function_source_code_for_agent() (in module abacusai.api_class)": [[27, "abacusai.api_class.get_clean_function_source_code_for_agent", false]], "get_clean_function_source_code_for_agent() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.get_clean_function_source_code_for_agent", false]], "get_cluster() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_cluster", false]], "get_cluster() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_cluster", false]], "get_cluster() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_cluster", false]], "get_cluster() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_cluster", false]], "get_collinearity_for_feature() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_collinearity_for_feature", false]], "get_collinearity_for_feature() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.get_collinearity_for_feature", false]], "get_collinearity_for_feature() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.get_collinearity_for_feature", false]], "get_collinearity_for_feature() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_collinearity_for_feature", false]], "get_completion() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_completion", false]], "get_completion() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_completion", false]], "get_completion() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_completion", false]], "get_completion() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_completion", false]], "get_connector_auth() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_connector_auth", false]], "get_connector_auth() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_connector_auth", false]], "get_connector_errors() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.get_connector_errors", false]], "get_connector_errors() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.get_connector_errors", false]], "get_content_hash() (abacusai.api_client_utils.docstoreutils static method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_content_hash", false]], "get_conversation_response() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_conversation_response", false]], "get_conversation_response() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_conversation_response", false]], "get_conversation_response() (abacusai.deployment method)": [[176, "abacusai.Deployment.get_conversation_response", false]], "get_conversation_response() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.get_conversation_response", false]], "get_conversation_response() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_conversation_response", false]], "get_conversation_response() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_conversation_response", false]], "get_conversation_response_with_binary_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.deployment method)": [[176, "abacusai.Deployment.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_conversation_response_with_binary_data", false]], "get_conversation_response_with_binary_data() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_conversation_response_with_binary_data", false]], "get_custom_train_function_info() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_custom_train_function_info", false]], "get_custom_train_function_info() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_custom_train_function_info", false]], "get_custom_train_function_info() (abacusai.project method)": [[176, "abacusai.Project.get_custom_train_function_info", false]], "get_custom_train_function_info() (abacusai.project.project method)": [[252, "abacusai.project.Project.get_custom_train_function_info", false]], "get_data() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_data", false]], "get_data() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_data", false]], "get_data() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_data", false]], "get_data() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_data", false]], "get_database_connector_auth() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_database_connector_auth", false]], "get_database_connector_auth() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_database_connector_auth", false]], "get_database_connector_object_schema() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_database_connector_object_schema", false]], "get_database_connector_object_schema() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_database_connector_object_schema", false]], "get_dataset_schema() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_dataset_schema", false]], "get_dataset_schema() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_dataset_schema", false]], "get_dataset_version_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_dataset_version_logs", false]], "get_dataset_version_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_dataset_version_logs", false]], "get_dataset_version_metrics() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_dataset_version_metrics", false]], "get_dataset_version_metrics() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_dataset_version_metrics", false]], "get_deep_agent_response() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_deep_agent_response", false]], "get_deep_agent_response() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_deep_agent_response", false]], "get_deep_agent_response() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_deep_agent_response", false]], "get_deep_agent_response() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_deep_agent_response", false]], "get_deployment_conversation() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_deployment_conversation", false]], "get_deployment_conversation() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_deployment_conversation", false]], "get_deployment_conversation_file() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_deployment_conversation_file", false]], "get_deployment_conversation_file() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_deployment_conversation_file", false]], "get_deployment_statistics_over_time() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_deployment_statistics_over_time", false]], "get_deployment_statistics_over_time() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_deployment_statistics_over_time", false]], "get_deployment_status() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.get_deployment_status", false]], "get_deployment_status() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.get_deployment_status", false]], "get_deployment_status() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.get_deployment_status", false]], "get_deployment_status() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.get_deployment_status", false]], "get_docstore_document() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_docstore_document", false]], "get_docstore_document() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_docstore_document", false]], "get_docstore_document_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_docstore_document_data", false]], "get_docstore_document_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_docstore_document_data", false]], "get_docstore_image() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_docstore_image", false]], "get_docstore_image() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_docstore_image", false]], "get_docstore_page_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_docstore_page_data", false]], "get_docstore_page_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_docstore_page_data", false]], "get_document_snippet() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_document_snippet", false]], "get_document_snippet() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_document_snippet", false]], "get_document_snippet() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.get_document_snippet", false]], "get_document_snippet() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.get_document_snippet", false]], "get_document_to_annotate() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_document_to_annotate", false]], "get_document_to_annotate() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_document_to_annotate", false]], "get_document_to_annotate() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_document_to_annotate", false]], "get_document_to_annotate() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_document_to_annotate", false]], "get_drift_for_feature() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_drift_for_feature", false]], "get_drift_for_feature() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.get_drift_for_feature", false]], "get_drift_for_feature() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.get_drift_for_feature", false]], "get_drift_for_feature() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_drift_for_feature", false]], "get_eda_collinearity() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_eda_collinearity", false]], "get_eda_collinearity() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.get_eda_collinearity", false]], "get_eda_collinearity() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.get_eda_collinearity", false]], "get_eda_collinearity() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_eda_collinearity", false]], "get_eda_data_consistency() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_eda_data_consistency", false]], "get_eda_data_consistency() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.get_eda_data_consistency", false]], "get_eda_data_consistency() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.get_eda_data_consistency", false]], "get_eda_data_consistency() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_eda_data_consistency", false]], "get_eda_forecasting_analysis() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_eda_forecasting_analysis", false]], "get_eda_forecasting_analysis() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.get_eda_forecasting_analysis", false]], "get_eda_forecasting_analysis() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.get_eda_forecasting_analysis", false]], "get_eda_forecasting_analysis() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_eda_forecasting_analysis", false]], "get_entailment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_entailment", false]], "get_entailment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_entailment", false]], "get_entailment() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_entailment", false]], "get_entailment() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_entailment", false]], "get_entities_from_pdf() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_entities_from_pdf", false]], "get_entities_from_pdf() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_entities_from_pdf", false]], "get_entities_from_pdf() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_entities_from_pdf", false]], "get_entities_from_pdf() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_entities_from_pdf", false]], "get_event_anomaly_score() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_event_anomaly_score", false]], "get_event_anomaly_score() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_event_anomaly_score", false]], "get_event_anomaly_score() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_event_anomaly_score", false]], "get_event_anomaly_score() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_event_anomaly_score", false]], "get_execute_feature_group_operation_result_part_count() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_execute_feature_group_operation_result_part_count", false]], "get_execute_feature_group_operation_result_part_count() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_execute_feature_group_operation_result_part_count", false]], "get_feature_association() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_association", false]], "get_feature_association() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.get_feature_association", false]], "get_feature_association() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.get_feature_association", false]], "get_feature_association() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_association", false]], "get_feature_group_export_connector_errors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_group_export_connector_errors", false]], "get_feature_group_export_connector_errors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_group_export_connector_errors", false]], "get_feature_group_row_process_logs_by_key() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_logs_by_key() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_logs_by_key() (abacusai.deployment method)": [[176, "abacusai.Deployment.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_logs_by_key() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.get_feature_group_row_process_logs_by_key", false]], "get_feature_group_row_process_summary() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_feature_group_row_process_summary", false]], "get_feature_group_row_process_summary() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_feature_group_row_process_summary", false]], "get_feature_group_row_process_summary() (abacusai.deployment method)": [[176, "abacusai.Deployment.get_feature_group_row_process_summary", false]], "get_feature_group_row_process_summary() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.get_feature_group_row_process_summary", false]], "get_feature_group_schema() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_group_schema", false]], "get_feature_group_schema() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_group_schema", false]], "get_feature_group_schemas_for() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.get_feature_group_schemas_for", false]], "get_feature_group_schemas_for() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.get_feature_group_schemas_for", false]], "get_feature_group_schemas_for_model_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_group_schemas_for_model_version", false]], "get_feature_group_schemas_for_model_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_group_schemas_for_model_version", false]], "get_feature_group_version_export_download_url() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_group_version_export_download_url", false]], "get_feature_group_version_export_download_url() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.get_feature_group_version_export_download_url", false]], "get_feature_group_version_export_download_url() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.get_feature_group_version_export_download_url", false]], "get_feature_group_version_export_download_url() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_group_version_export_download_url", false]], "get_feature_group_version_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_group_version_logs", false]], "get_feature_group_version_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_group_version_logs", false]], "get_feature_group_version_metrics() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_group_version_metrics", false]], "get_feature_group_version_metrics() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_group_version_metrics", false]], "get_feature_importance_by() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.get_feature_importance_by", false]], "get_feature_importance_by() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.get_feature_importance_by", false]], "get_feature_importance_by_model_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_feature_importance_by_model_version", false]], "get_feature_importance_by_model_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_feature_importance_by_model_version", false]], "get_file() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.get_file", false]], "get_file() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.get_file", false]], "get_file_connector_instructions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_file_connector_instructions", false]], "get_file_connector_instructions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_file_connector_instructions", false]], "get_forecast() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_forecast", false]], "get_forecast() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_forecast", false]], "get_forecast() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_forecast", false]], "get_forecast() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_forecast", false]], "get_function_name() (abacusai.api_class.ai_agents.inputnode method)": [[16, "abacusai.api_class.ai_agents.InputNode.get_function_name", false]], "get_function_name() (abacusai.api_class.ai_agents.llmagentnode method)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.get_function_name", false]], "get_function_name() (abacusai.api_class.inputnode method)": [[27, "abacusai.api_class.InputNode.get_function_name", false]], "get_function_name() (abacusai.api_class.llmagentnode method)": [[27, "abacusai.api_class.LLMAgentNode.get_function_name", false]], "get_function_name() (abacusai.inputnode method)": [[176, "abacusai.InputNode.get_function_name", false]], "get_function_name() (abacusai.llmagentnode method)": [[176, "abacusai.LLMAgentNode.get_function_name", false]], "get_initialized_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_initialized_data", false]], "get_initialized_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_initialized_data", false]], "get_input_schema() (abacusai.api_class.ai_agents.inputnode method)": [[16, "abacusai.api_class.ai_agents.InputNode.get_input_schema", false]], "get_input_schema() (abacusai.api_class.inputnode method)": [[27, "abacusai.api_class.InputNode.get_input_schema", false]], "get_input_schema() (abacusai.inputnode method)": [[176, "abacusai.InputNode.get_input_schema", false]], "get_item_data (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.cumulativeforecastingpredictionarguments attribute)": [[176, "abacusai.CumulativeForecastingPredictionArguments.get_item_data", false]], "get_item_data (abacusai.forecastingpredictionarguments attribute)": [[176, "abacusai.ForecastingPredictionArguments.get_item_data", false]], "get_k_nearest() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_k_nearest", false]], "get_k_nearest() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_k_nearest", false]], "get_k_nearest() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_k_nearest", false]], "get_k_nearest() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_k_nearest", false]], "get_labels() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_labels", false]], "get_labels() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_labels", false]], "get_labels() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_labels", false]], "get_labels() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_labels", false]], "get_llm_app_response() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_llm_app_response", false]], "get_llm_app_response() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_llm_app_response", false]], "get_logs() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.get_logs", false]], "get_logs() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.get_logs", false]], "get_logs() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.get_logs", false]], "get_logs() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.get_logs", false]], "get_logs() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.get_logs", false]], "get_logs() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.get_logs", false]], "get_matching_documents() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_matching_documents", false]], "get_matching_documents() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_matching_documents", false]], "get_matching_documents() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.get_matching_documents", false]], "get_matching_documents() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.get_matching_documents", false]], "get_materialization_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_materialization_logs", false]], "get_materialization_logs() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.get_materialization_logs", false]], "get_materialization_logs() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.get_materialization_logs", false]], "get_materialization_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_materialization_logs", false]], "get_matrix_agent_schema() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_matrix_agent_schema", false]], "get_matrix_agent_schema() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_matrix_agent_schema", false]], "get_matrix_agent_schema() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_matrix_agent_schema", false]], "get_matrix_agent_schema() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_matrix_agent_schema", false]], "get_metrics() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.get_metrics", false]], "get_metrics() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.get_metrics", false]], "get_metrics() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.get_metrics", false]], "get_metrics() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.get_metrics", false]], "get_metrics() (abacusai.model method)": [[176, "abacusai.Model.get_metrics", false]], "get_metrics() (abacusai.model.model method)": [[197, "abacusai.model.Model.get_metrics", false]], "get_model_metrics() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_model_metrics", false]], "get_model_metrics() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_model_metrics", false]], "get_model_monitor_chart_from_organization() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_model_monitor_chart_from_organization", false]], "get_model_monitor_chart_from_organization() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_model_monitor_chart_from_organization", false]], "get_model_monitor_summary() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_model_monitor_summary", false]], "get_model_monitor_summary() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_model_monitor_summary", false]], "get_model_monitor_summary_from_organization() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_model_monitor_summary_from_organization", false]], "get_model_monitor_summary_from_organization() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_model_monitor_summary_from_organization", false]], "get_model_training_types_for_deployment() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_model_training_types_for_deployment", false]], "get_model_training_types_for_deployment() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_model_training_types_for_deployment", false]], "get_module_code_from_notebook() (in module abacusai.client)": [[58, "abacusai.client.get_module_code_from_notebook", false]], "get_multiple_k_nearest() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_multiple_k_nearest", false]], "get_multiple_k_nearest() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_multiple_k_nearest", false]], "get_multiple_k_nearest() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_multiple_k_nearest", false]], "get_multiple_k_nearest() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_multiple_k_nearest", false]], "get_natural_language_explanation() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_natural_language_explanation", false]], "get_natural_language_explanation() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_natural_language_explanation", false]], "get_natural_language_explanation() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_natural_language_explanation", false]], "get_natural_language_explanation() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_natural_language_explanation", false]], "get_non_nullable_type() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.get_non_nullable_type", false]], "get_object_from_context() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.get_object_from_context", false]], "get_object_schema() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.get_object_schema", false]], "get_object_schema() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.get_object_schema", false]], "get_objects_from_image() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_objects_from_image", false]], "get_objects_from_image() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_objects_from_image", false]], "get_objects_from_image() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_objects_from_image", false]], "get_objects_from_image() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_objects_from_image", false]], "get_optimization_input_dataframes_with_new_inputs() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_optimization_input_dataframes_with_new_inputs", false]], "get_optimization_input_dataframes_with_new_inputs() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_optimization_input_dataframes_with_new_inputs", false]], "get_optimization_inputs_from_serialized() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_optimization_inputs_from_serialized", false]], "get_optimization_inputs_from_serialized() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_optimization_inputs_from_serialized", false]], "get_optimization_inputs_from_serialized() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_optimization_inputs_from_serialized", false]], "get_optimization_inputs_from_serialized() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_optimization_inputs_from_serialized", false]], "get_organization_secret() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_organization_secret", false]], "get_organization_secret() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_organization_secret", false]], "get_outliers_for_feature() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_outliers_for_feature", false]], "get_outliers_for_feature() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.get_outliers_for_feature", false]], "get_outliers_for_feature() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.get_outliers_for_feature", false]], "get_outliers_for_feature() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_outliers_for_feature", false]], "get_page_id() (abacusai.api_client_utils.docstoreutils static method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_page_id", false]], "get_pandas_documents_df() (abacusai.api_client_utils.docstoreutils class method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_pandas_documents_df", false]], "get_pandas_pages_df() (abacusai.api_client_utils.docstoreutils class method)": [[35, "abacusai.api_client_utils.DocstoreUtils.get_pandas_pages_df", false]], "get_personalized_ranking() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_personalized_ranking", false]], "get_personalized_ranking() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_personalized_ranking", false]], "get_personalized_ranking() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_personalized_ranking", false]], "get_personalized_ranking() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_personalized_ranking", false]], "get_point_in_time_feature_group_creation_options() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_point_in_time_feature_group_creation_options", false]], "get_point_in_time_feature_group_creation_options() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_point_in_time_feature_group_creation_options", false]], "get_prediction_drift() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_prediction_drift", false]], "get_prediction_drift() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.get_prediction_drift", false]], "get_prediction_drift() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.get_prediction_drift", false]], "get_prediction_drift() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_prediction_drift", false]], "get_prediction_logs_records() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_prediction_logs_records", false]], "get_prediction_logs_records() (abacusai.deployment method)": [[176, "abacusai.Deployment.get_prediction_logs_records", false]], "get_prediction_logs_records() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.get_prediction_logs_records", false]], "get_prediction_logs_records() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_prediction_logs_records", false]], "get_project_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_project_config", false]], "get_project_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_project_config", false]], "get_project_feature_group_config() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_project_feature_group_config", false]], "get_project_feature_group_config() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_project_feature_group_config", false]], "get_public_key() (in module abacusai.cryptography)": [[76, "abacusai.cryptography.get_public_key", false]], "get_ranked_items() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_ranked_items", false]], "get_ranked_items() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_ranked_items", false]], "get_ranked_items() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_ranked_items", false]], "get_ranked_items() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_ranked_items", false]], "get_raw_data_from_realtime() (abacusai.dataset method)": [[176, "abacusai.Dataset.get_raw_data_from_realtime", false]], "get_raw_data_from_realtime() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.get_raw_data_from_realtime", false]], "get_raw_data_from_realtime_dataset() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_raw_data_from_realtime_dataset", false]], "get_raw_data_from_realtime_dataset() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_raw_data_from_realtime_dataset", false]], "get_recent_feature_group_streamed_data() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_recent_feature_group_streamed_data", false]], "get_recent_feature_group_streamed_data() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_recent_feature_group_streamed_data", false]], "get_recent_streamed_data() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_recent_streamed_data", false]], "get_recent_streamed_data() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_recent_streamed_data", false]], "get_recommendations() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_recommendations", false]], "get_recommendations() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_recommendations", false]], "get_recommendations() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_recommendations", false]], "get_recommendations() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_recommendations", false]], "get_related_items() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_related_items", false]], "get_related_items() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_related_items", false]], "get_related_items() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_related_items", false]], "get_related_items() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_related_items", false]], "get_relevant_snippets() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_relevant_snippets", false]], "get_relevant_snippets() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_relevant_snippets", false]], "get_request_user_info() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_request_user_info", false]], "get_request_user_info() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_request_user_info", false]], "get_runtime_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_runtime_config", false]], "get_runtime_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_runtime_config", false]], "get_schema() (abacusai.dataset method)": [[176, "abacusai.Dataset.get_schema", false]], "get_schema() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.get_schema", false]], "get_schema() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_schema", false]], "get_schema() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_schema", false]], "get_scoped_cache_value() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_scoped_cache_value", false]], "get_scoped_cache_value() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_scoped_cache_value", false]], "get_search_results() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_search_results", false]], "get_search_results() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_search_results", false]], "get_search_results() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_search_results", false]], "get_search_results() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_search_results", false]], "get_sentiment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_sentiment", false]], "get_sentiment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_sentiment", false]], "get_sentiment() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_sentiment", false]], "get_sentiment() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_sentiment", false]], "get_source_code() (abacusai.api_class.ai_agents.inputnode method)": [[16, "abacusai.api_class.ai_agents.InputNode.get_source_code", false]], "get_source_code() (abacusai.api_class.ai_agents.llmagentnode method)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.get_source_code", false]], "get_source_code() (abacusai.api_class.inputnode method)": [[27, "abacusai.api_class.InputNode.get_source_code", false]], "get_source_code() (abacusai.api_class.llmagentnode method)": [[27, "abacusai.api_class.LLMAgentNode.get_source_code", false]], "get_source_code() (abacusai.inputnode method)": [[176, "abacusai.InputNode.get_source_code", false]], "get_source_code() (abacusai.llmagentnode method)": [[176, "abacusai.LLMAgentNode.get_source_code", false]], "get_source_code() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.get_source_code", false]], "get_source_code_info() (in module abacusai.client)": [[58, "abacusai.client.get_source_code_info", false]], "get_statistics_over_time() (abacusai.deployment method)": [[176, "abacusai.Deployment.get_statistics_over_time", false]], "get_statistics_over_time() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.get_statistics_over_time", false]], "get_status() (abacusai.agent method)": [[176, "abacusai.Agent.get_status", false]], "get_status() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.get_status", false]], "get_status() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.get_status", false]], "get_status() (abacusai.agentversion method)": [[176, "abacusai.AgentVersion.get_status", false]], "get_status() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.get_status", false]], "get_status() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.get_status", false]], "get_status() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.get_status", false]], "get_status() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.get_status", false]], "get_status() (abacusai.dataset method)": [[176, "abacusai.Dataset.get_status", false]], "get_status() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.get_status", false]], "get_status() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.get_status", false]], "get_status() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.get_status", false]], "get_status() (abacusai.deployment method)": [[176, "abacusai.Deployment.get_status", false]], "get_status() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.get_status", false]], "get_status() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.get_status", false]], "get_status() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.get_status", false]], "get_status() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.get_status", false]], "get_status() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.get_status", false]], "get_status() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.get_status", false]], "get_status() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.get_status", false]], "get_status() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.get_status", false]], "get_status() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.get_status", false]], "get_status() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.get_status", false]], "get_status() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.get_status", false]], "get_status() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.get_status", false]], "get_status() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.get_status", false]], "get_status() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.get_status", false]], "get_status() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.get_status", false]], "get_status() (abacusai.featuregrouprowprocess method)": [[176, "abacusai.FeatureGroupRowProcess.get_status", false]], "get_status() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.get_status", false]], "get_status() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.get_status", false]], "get_status() (abacusai.holdoutanalysisversion method)": [[176, "abacusai.HoldoutAnalysisVersion.get_status", false]], "get_status() (abacusai.model method)": [[176, "abacusai.Model.get_status", false]], "get_status() (abacusai.model.model method)": [[197, "abacusai.model.Model.get_status", false]], "get_status() (abacusai.model_artifacts_export.modelartifactsexport method)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.get_status", false]], "get_status() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.get_status", false]], "get_status() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.get_status", false]], "get_status() (abacusai.modelartifactsexport method)": [[176, "abacusai.ModelArtifactsExport.get_status", false]], "get_status() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.get_status", false]], "get_status() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.get_status", false]], "get_status() (abacusai.monitor_alert_version.monitoralertversion method)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.get_status", false]], "get_status() (abacusai.monitoralertversion method)": [[176, "abacusai.MonitorAlertVersion.get_status", false]], "get_status() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.get_status", false]], "get_status() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.get_status", false]], "get_status() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.get_status", false]], "get_status() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.get_status", false]], "get_status() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.get_status", false]], "get_status() (abacusai.refreshpipelinerun method)": [[176, "abacusai.RefreshPipelineRun.get_status", false]], "get_status() (abacusai.upload method)": [[176, "abacusai.Upload.get_status", false]], "get_status() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.get_status", false]], "get_step_version_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_step_version_logs", false]], "get_step_version_logs() (abacusai.pipeline_step_version.pipelinestepversion method)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.get_step_version_logs", false]], "get_step_version_logs() (abacusai.pipelinestepversion method)": [[176, "abacusai.PipelineStepVersion.get_step_version_logs", false]], "get_step_version_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_step_version_logs", false]], "get_streaming_chat_response() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_streaming_chat_response", false]], "get_streaming_chat_response() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_streaming_chat_response", false]], "get_streaming_conversation_response() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_streaming_conversation_response", false]], "get_streaming_conversation_response() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_streaming_conversation_response", false]], "get_summary() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_summary", false]], "get_summary() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_summary", false]], "get_summary() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.get_summary", false]], "get_summary() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.get_summary", false]], "get_summary() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_summary", false]], "get_summary() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_summary", false]], "get_text_from_document() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_text_from_document", false]], "get_text_from_document() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_text_from_document", false]], "get_text_from_document() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_text_from_document", false]], "get_text_from_document() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_text_from_document", false]], "get_timeseries_anomalies() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_timeseries_anomalies", false]], "get_timeseries_anomalies() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_timeseries_anomalies", false]], "get_timeseries_anomalies() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.get_timeseries_anomalies", false]], "get_timeseries_anomalies() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.get_timeseries_anomalies", false]], "get_train_function_input() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_train_function_input", false]], "get_train_function_input() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_train_function_input", false]], "get_train_function_input_from_model_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_train_function_input_from_model_version", false]], "get_train_function_input_from_model_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_train_function_input_from_model_version", false]], "get_train_test_feature_group_as_pandas() (abacusai.model method)": [[176, "abacusai.Model.get_train_test_feature_group_as_pandas", false]], "get_train_test_feature_group_as_pandas() (abacusai.model.model method)": [[197, "abacusai.model.Model.get_train_test_feature_group_as_pandas", false]], "get_train_test_feature_group_as_pandas() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.get_train_test_feature_group_as_pandas", false]], "get_train_test_feature_group_as_pandas() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.get_train_test_feature_group_as_pandas", false]], "get_training_config_options() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.get_training_config_options", false]], "get_training_config_options() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.get_training_config_options", false]], "get_training_config_options() (abacusai.project method)": [[176, "abacusai.Project.get_training_config_options", false]], "get_training_config_options() (abacusai.project.project method)": [[252, "abacusai.project.Project.get_training_config_options", false]], "get_training_data_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_training_data_logs", false]], "get_training_data_logs() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.get_training_data_logs", false]], "get_training_data_logs() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.get_training_data_logs", false]], "get_training_data_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_training_data_logs", false]], "get_training_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_training_logs", false]], "get_training_logs() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.get_training_logs", false]], "get_training_logs() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.get_training_logs", false]], "get_training_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_training_logs", false]], "get_training_types_for_deployment() (abacusai.model method)": [[176, "abacusai.Model.get_training_types_for_deployment", false]], "get_training_types_for_deployment() (abacusai.model.model method)": [[197, "abacusai.model.Model.get_training_types_for_deployment", false]], "get_user_connector_auth() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_user_connector_auth", false]], "get_user_connector_auth() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_user_connector_auth", false]], "get_user_mcp_connector_auth() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.get_user_mcp_connector_auth", false]], "get_user_mcp_connector_auth() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.get_user_mcp_connector_auth", false]], "gif (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.GIF", false]], "gif (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.GIF", false]], "gif (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.GIF", false]], "git (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GIT", false]], "git (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GIT", false]], "git (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GIT", false]], "githubuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GITHUBUSER", false]], "githubuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GITHUBUSER", false]], "githubuser (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GITHUBUSER", false]], "global_prediction_args (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.global_prediction_args", false]], "global_prediction_args (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.global_prediction_args", false]], "global_prediction_args (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.global_prediction_args", false]], "global_prediction_args (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.global_prediction_args", false]], "gmailuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GMAILUSER", false]], "gmailuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GMAILUSER", false]], "gmailuser (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GMAILUSER", false]], "googleanalytics (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEANALYTICS", false]], "googleanalytics (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEANALYTICS", false]], "googleanalytics (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GOOGLEANALYTICS", false]], "googleanalyticsdatasetconfig (class in abacusai)": [[176, "abacusai.GoogleAnalyticsDatasetConfig", false]], "googleanalyticsdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig", false]], "googleanalyticsdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig", false]], "googlecalendar (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLECALENDAR", false]], "googlecalendar (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLECALENDAR", false]], "googlecalendar (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GOOGLECALENDAR", false]], "googledocs (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEDOCS", false]], "googledocs (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEDOCS", false]], "googledocs (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GOOGLEDOCS", false]], "googledrive (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEDRIVE", false]], "googledrive (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEDRIVE", false]], "googledrive (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GOOGLEDRIVE", false]], "googledrivedatasetconfig (class in abacusai)": [[176, "abacusai.GoogleDriveDatasetConfig", false]], "googledrivedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig", false]], "googledrivedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig", false]], "googledriveuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEDRIVEUSER", false]], "googledriveuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEDRIVEUSER", false]], "googledriveuser (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GOOGLEDRIVEUSER", false]], "googlesheets (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLESHEETS", false]], "googlesheets (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLESHEETS", false]], "googlesheets (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GOOGLESHEETS", false]], "googleworkspaceuser (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.GOOGLEWORKSPACEUSER", false]], "googleworkspaceuser (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.GOOGLEWORKSPACEUSER", false]], "googleworkspaceuser (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.GOOGLEWORKSPACEUSER", false]], "gpu (abacusai.memory_options.memoryoptions attribute)": [[195, "abacusai.memory_options.MemoryOptions.gpu", false]], "gpu (abacusai.memoryoptions attribute)": [[176, "abacusai.MemoryOptions.gpu", false]], "graph_dashboard_id (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.graph_dashboard_id", false]], "graph_dashboard_id (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.graph_dashboard_id", false]], "graph_reference_id (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.graph_reference_id", false]], "graph_reference_id (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.graph_reference_id", false]], "graphdashboard (class in abacusai)": [[176, "abacusai.GraphDashboard", false]], "graphdashboard (class in abacusai.graph_dashboard)": [[161, "abacusai.graph_dashboard.GraphDashboard", false]], "group_benefit_equality (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.GROUP_BENEFIT_EQUALITY", false]], "group_benefit_equality (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.GROUP_BENEFIT_EQUALITY", false]], "group_benefit_equality (abacusai.biastype attribute)": [[176, "abacusai.BiasType.GROUP_BENEFIT_EQUALITY", false]], "group_feature_dict (abacusai.eda_collinearity.edacollinearity attribute)": [[115, "abacusai.eda_collinearity.EdaCollinearity.group_feature_dict", false]], "group_feature_dict (abacusai.edacollinearity attribute)": [[176, "abacusai.EdaCollinearity.group_feature_dict", false]], "group_name (abacusai.organization_group.organizationgroup attribute)": [[225, "abacusai.organization_group.OrganizationGroup.group_name", false]], "group_name (abacusai.organizationgroup attribute)": [[176, "abacusai.OrganizationGroup.group_name", false]], "group_name (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.group_name", false]], "group_name (abacusai.point_in_time_feature_info.pointintimefeatureinfo attribute)": [[239, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.group_name", false]], "group_name (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.group_name", false]], "group_name (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.group_name", false]], "group_name (abacusai.pointintimefeatureinfo attribute)": [[176, "abacusai.PointInTimeFeatureInfo.group_name", false]], "group_name (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.group_name", false]], "guassian_exponential (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.GUASSIAN_EXPONENTIAL", false]], "guassian_exponential (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.GUASSIAN_EXPONENTIAL", false]], "guassian_exponential (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.GUASSIAN_EXPONENTIAL", false]], "gz (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.GZ", false]], "gz (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.GZ", false]], "gz (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.GZ", false]], "handle_zeros_as_missing_values (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.handle_zeros_as_missing_values", false]], "handle_zeros_as_missing_values (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.handle_zeros_as_missing_values", false]], "has_database (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.has_database", false]], "has_database (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.has_database", false]], "has_database (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.has_database", false]], "has_database (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.has_database", false]], "has_database_snapshot (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.has_database_snapshot", false]], "has_database_snapshot (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.has_database_snapshot", false]], "has_external_application_reporting (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.has_external_application_reporting", false]], "has_external_application_reporting (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.has_external_application_reporting", false]], "has_fast_mode (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.has_fast_mode", false]], "has_fast_mode (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.has_fast_mode", false]], "has_history (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.has_history", false]], "has_history (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.has_history", false]], "has_root_nameservers_configured (abacusai.hostname_info.hostnameinfo attribute)": [[171, "abacusai.hostname_info.HostnameInfo.has_root_nameservers_configured", false]], "has_root_nameservers_configured (abacusai.hostnameinfo attribute)": [[176, "abacusai.HostnameInfo.has_root_nameservers_configured", false]], "has_storage (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.has_storage", false]], "has_storage (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.has_storage", false]], "has_storage (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.has_storage", false]], "has_storage (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.has_storage", false]], "has_thinking_option (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.has_thinking_option", false]], "has_thinking_option (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.has_thinking_option", false]], "header (abacusai.api_class.dataframeresponsesection attribute)": [[27, "abacusai.api_class.DataframeResponseSection.header", false]], "header (abacusai.api_class.segments.dataframeresponsesection attribute)": [[34, "abacusai.api_class.segments.DataframeResponseSection.header", false]], "header (abacusai.dataframeresponsesection attribute)": [[176, "abacusai.DataframeResponseSection.header", false]], "headers (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.headers", false]], "headers (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.headers", false]], "height (abacusai.api_class.imageurlresponsesection attribute)": [[27, "abacusai.api_class.ImageUrlResponseSection.height", false]], "height (abacusai.api_class.segments.imageurlresponsesection attribute)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection.height", false]], "height (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.HEIGHT", false]], "height (abacusai.imageurlresponsesection attribute)": [[176, "abacusai.ImageUrlResponseSection.height", false]], "height (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.height", false]], "height (abacusai.pagedata attribute)": [[176, "abacusai.PageData.height", false]], "helptext (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.helptext", false]], "helptext (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.helptext", false]], "helptext (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.helptext", false]], "helptext (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.helptext", false]], "helptext (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.helptext", false]], "helptext (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.helptext", false]], "hide_module_code (abacusai.module attribute)": [[176, "abacusai.Module.hide_module_code", false]], "hide_module_code (abacusai.module.module attribute)": [[214, "abacusai.module.Module.hide_module_code", false]], "hide_sql_and_code (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.hide_sql_and_code", false]], "hide_sql_and_code (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.hide_sql_and_code", false]], "hide_sql_and_code (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.hide_sql_and_code", false]], "high_peak (abacusai.api_class.enums.timeseriesanomalytypeofanomaly attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly.HIGH_PEAK", false]], "high_peak (abacusai.api_class.timeseriesanomalytypeofanomaly attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly.HIGH_PEAK", false]], "high_peak (abacusai.timeseriesanomalytypeofanomaly attribute)": [[176, "abacusai.TimeseriesAnomalyTypeOfAnomaly.HIGH_PEAK", false]], "highlight_relevant_text (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.highlight_relevant_text", false]], "highlight_relevant_text (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.highlight_relevant_text", false], [27, "id158", false]], "highlight_relevant_text (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.highlight_relevant_text", false]], "highlights (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.highlights", false]], "highlights (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.highlights", false]], "historical_frequency (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.historical_frequency", false]], "historical_frequency (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.historical_frequency", false]], "historical_frequency (abacusai.cumulativeforecastingtrainingconfig attribute)": [[176, "abacusai.CumulativeForecastingTrainingConfig.historical_frequency", false]], "historical_timestamp_key (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.historical_timestamp_key", false]], "historical_timestamp_key (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.historical_timestamp_key", false]], "history (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.history", false]], "history (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.history", false]], "history_aggregation_keys (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.history_aggregation_keys", false]], "history_aggregation_keys (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.history_aggregation_keys", false]], "history_drift (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.history_drift", false]], "history_drift (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.history_drift", false]], "history_length (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.history_length", false]], "history_length (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.history_length", false]], "history_length (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.history_length", false]], "history_length (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.history_length", false]], "history_length (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.history_length", false]], "history_length_drift (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.HISTORY_LENGTH_DRIFT", false]], "history_length_drift (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.HISTORY_LENGTH_DRIFT", false]], "history_length_drift (abacusai.monitoralerttype attribute)": [[176, "abacusai.MonitorAlertType.HISTORY_LENGTH_DRIFT", false]], "history_table_name (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.history_table_name", false]], "history_table_name (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.history_table_name", false]], "history_table_name (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.history_table_name", false]], "history_table_name (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.history_table_name", false]], "history_window_key (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.history_window_key", false]], "history_window_key (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.history_window_key", false]], "historylengthdriftconditionconfig (class in abacusai)": [[176, "abacusai.HistoryLengthDriftConditionConfig", false]], "historylengthdriftconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig", false]], "historylengthdriftconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig", false]], "holdout_analysis_id (abacusai.holdout_analysis.holdoutanalysis attribute)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.holdout_analysis_id", false]], "holdout_analysis_id (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.holdout_analysis_id", false]], "holdout_analysis_id (abacusai.holdoutanalysis attribute)": [[176, "abacusai.HoldoutAnalysis.holdout_analysis_id", false]], "holdout_analysis_id (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.holdout_analysis_id", false]], "holdout_analysis_version (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.holdout_analysis_version", false]], "holdout_analysis_version (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.holdout_analysis_version", false]], "holdoutanalysis (class in abacusai)": [[176, "abacusai.HoldoutAnalysis", false]], "holdoutanalysis (class in abacusai.holdout_analysis)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis", false]], "holdoutanalysisversion (class in abacusai)": [[176, "abacusai.HoldoutAnalysisVersion", false]], "holdoutanalysisversion (class in abacusai.holdout_analysis_version)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion", false]], "holidaycalendars (class in abacusai)": [[176, "abacusai.HolidayCalendars", false]], "holidaycalendars (class in abacusai.api_class)": [[27, "abacusai.api_class.HolidayCalendars", false]], "holidaycalendars (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.HolidayCalendars", false]], "honour_website_rules (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.honour_website_rules", false]], "honour_website_rules (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.honour_website_rules", false]], "honour_website_rules (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.honour_website_rules", false]], "hosted_app_container_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.hosted_app_container_id", false]], "hosted_app_container_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.hosted_app_container_id", false]], "hosted_app_id (abacusai.hosted_app.hostedapp attribute)": [[164, "abacusai.hosted_app.HostedApp.hosted_app_id", false]], "hosted_app_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.hosted_app_id", false]], "hosted_app_id (abacusai.hostedapp attribute)": [[176, "abacusai.HostedApp.hosted_app_id", false]], "hosted_app_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.hosted_app_id", false]], "hosted_app_version (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.hosted_app_version", false]], "hosted_app_version (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.hosted_app_version", false]], "hosted_app_version (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.hosted_app_version", false]], "hosted_app_version (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.hosted_app_version", false]], "hosted_artifacts (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.hosted_artifacts", false]], "hosted_artifacts (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.hosted_artifacts", false]], "hosted_database_id (abacusai.hosted_database.hosteddatabase attribute)": [[168, "abacusai.hosted_database.HostedDatabase.hosted_database_id", false]], "hosted_database_id (abacusai.hosteddatabase attribute)": [[176, "abacusai.HostedDatabase.hosted_database_id", false]], "hosted_database_snapshot_id (abacusai.hosted_database_snapshot.hosteddatabasesnapshot attribute)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.hosted_database_snapshot_id", false]], "hosted_database_snapshot_id (abacusai.hosteddatabasesnapshot attribute)": [[176, "abacusai.HostedDatabaseSnapshot.hosted_database_snapshot_id", false]], "hosted_model_token_id (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[170, "abacusai.hosted_model_token.HostedModelToken.hosted_model_token_id", false]], "hosted_model_token_id (abacusai.hostedmodeltoken attribute)": [[176, "abacusai.HostedModelToken.hosted_model_token_id", false]], "hostedapp (class in abacusai)": [[176, "abacusai.HostedApp", false]], "hostedapp (class in abacusai.hosted_app)": [[164, "abacusai.hosted_app.HostedApp", false]], "hostedappcontainer (class in abacusai)": [[176, "abacusai.HostedAppContainer", false]], "hostedappcontainer (class in abacusai.hosted_app_container)": [[165, "abacusai.hosted_app_container.HostedAppContainer", false]], "hostedappfileread (class in abacusai)": [[176, "abacusai.HostedAppFileRead", false]], "hostedappfileread (class in abacusai.hosted_app_file_read)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead", false]], "hostedartifact (class in abacusai)": [[176, "abacusai.HostedArtifact", false]], "hostedartifact (class in abacusai.hosted_artifact)": [[167, "abacusai.hosted_artifact.HostedArtifact", false]], "hosteddatabase (class in abacusai)": [[176, "abacusai.HostedDatabase", false]], "hosteddatabase (class in abacusai.hosted_database)": [[168, "abacusai.hosted_database.HostedDatabase", false]], "hosteddatabasesnapshot (class in abacusai)": [[176, "abacusai.HostedDatabaseSnapshot", false]], "hosteddatabasesnapshot (class in abacusai.hosted_database_snapshot)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot", false]], "hostedmodeltoken (class in abacusai)": [[176, "abacusai.HostedModelToken", false]], "hostedmodeltoken (class in abacusai.hosted_model_token)": [[170, "abacusai.hosted_model_token.HostedModelToken", false]], "hosting_domain (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.hosting_domain", false]], "hosting_domain (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.hosting_domain", false]], "hostname (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.hostname", false]], "hostname (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.hostname", false]], "hostname (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.hostname", false]], "hostname (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.hostname", false]], "hostname (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.hostname", false]], "hostname (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.hostname", false]], "hostname (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.hostname", false]], "hostname (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.hostname", false]], "hostnameinfo (class in abacusai)": [[176, "abacusai.HostnameInfo", false]], "hostnameinfo (class in abacusai.hostname_info)": [[171, "abacusai.hostname_info.HostnameInfo", false]], "hotkey_title (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.hotkey_title", false]], "hotkey_title (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.hotkey_title", false]], "hotkeyprompt (class in abacusai)": [[176, "abacusai.HotkeyPrompt", false]], "hotkeyprompt (class in abacusai.api_class)": [[27, "abacusai.api_class.HotkeyPrompt", false]], "hotkeyprompt (class in abacusai.api_class.ai_chat)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt", false]], "hourly (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.HOURLY", false]], "hourly (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.HOURLY", false]], "hourly (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.HOURLY", false]], "html (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.HTML", false]], "html (abacusai.api_class.enums.markdownoperatorinputtype attribute)": [[25, "abacusai.api_class.enums.MarkdownOperatorInputType.HTML", false]], "html (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.HTML", false]], "html (abacusai.api_class.markdownoperatorinputtype attribute)": [[27, "abacusai.api_class.MarkdownOperatorInputType.HTML", false]], "html (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.HTML", false]], "html (abacusai.markdownoperatorinputtype attribute)": [[176, "abacusai.MarkdownOperatorInputType.HTML", false]], "html_explanation (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation.html_explanation", false]], "html_explanation (abacusai.naturallanguageexplanation attribute)": [[176, "abacusai.NaturalLanguageExplanation.html_explanation", false]], "http_status (abacusai.apiexception attribute)": [[176, "abacusai.ApiException.http_status", false]], "http_status (abacusai.client.apiexception attribute)": [[58, "abacusai.client.ApiException.http_status", false]], "http_status_series (abacusai.deployment_statistics.deploymentstatistics attribute)": [[103, "abacusai.deployment_statistics.DeploymentStatistics.http_status_series", false]], "http_status_series (abacusai.deploymentstatistics attribute)": [[176, "abacusai.DeploymentStatistics.http_status_series", false]], "huber (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.HUBER", false]], "huber (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.HUBER", false]], "huber (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.HUBER", false]], "humanize_instructions (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.humanize_instructions", false]], "humanize_instructions (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.humanize_instructions", false]], "humevoice (class in abacusai)": [[176, "abacusai.HumeVoice", false]], "humevoice (class in abacusai.hume_voice)": [[172, "abacusai.hume_voice.HumeVoice", false]], "hyperparameter_calculation_with_heuristics (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.hyperparameter_calculation_with_heuristics", false]], "hyperparameter_calculation_with_heuristics (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.hyperparameter_calculation_with_heuristics", false]], "hyperparameter_calculation_with_heuristics (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.hyperparameter_calculation_with_heuristics", false]], "id (abacusai.api_class.responsesection attribute)": [[27, "abacusai.api_class.ResponseSection.id", false]], "id (abacusai.api_class.segments.responsesection attribute)": [[34, "abacusai.api_class.segments.ResponseSection.id", false]], "id (abacusai.responsesection attribute)": [[176, "abacusai.ResponseSection.id", false]], "id (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.id", false]], "id (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.id", false]], "id_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.id_col", false]], "id_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.id_col", false]], "id_col (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.id_col", false]], "id_column (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.id_column", false]], "id_column (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.id_column", false]], "id_column (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.id_column", false]], "id_column (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.id_column", false]], "id_column (abacusai.databaseconnectorexportconfig attribute)": [[176, "abacusai.DatabaseConnectorExportConfig.id_column", false]], "id_column (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.id_column", false]], "id_column (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.id_column", false]], "id_column (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.id_column", false]], "id_column (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.id_column", false]], "id_column (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.id_column", false]], "id_column (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.id_column", false]], "id_column (abacusai.forecastingmonitorconfig attribute)": [[176, "abacusai.ForecastingMonitorConfig.id_column", false]], "idle_timeout_seconds (abacusai.codellm_embedding_constants.codellmembeddingconstants attribute)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.idle_timeout_seconds", false]], "idle_timeout_seconds (abacusai.codellmembeddingconstants attribute)": [[176, "abacusai.CodellmEmbeddingConstants.idle_timeout_seconds", false]], "ignore (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.IGNORE", false]], "ignore (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.IGNORE", false]], "ignore (abacusai.workflownodeinputtype attribute)": [[176, "abacusai.WorkflowNodeInputType.IGNORE", false]], "ignore_before (abacusai.dataset attribute)": [[176, "abacusai.Dataset.ignore_before", false]], "ignore_before (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.ignore_before", false]], "ignore_datetime_features (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.ignore_datetime_features", false]], "ignore_datetime_features (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.ignore_datetime_features", false]], "ignore_datetime_features (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.ignore_datetime_features", false]], "ignore_documents (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.chatllmpredictionarguments attribute)": [[176, "abacusai.ChatLLMPredictionArguments.ignore_documents", false]], "ignore_documents (abacusai.naturallanguagesearchpredictionarguments attribute)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments.ignore_documents", false]], "ignore_history (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.ignore_history", false]], "ignore_history (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.ignore_history", false]], "ignore_history (abacusai.hotkeyprompt attribute)": [[176, "abacusai.HotkeyPrompt.ignore_history", false]], "image_classification (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.IMAGE_CLASSIFICATION", false]], "image_classification (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.IMAGE_CLASSIFICATION", false]], "image_classification (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.IMAGE_CLASSIFICATION", false]], "image_ids (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.image_ids", false]], "image_ids (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.image_ids", false]], "image_upload_supported (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.image_upload_supported", false]], "image_upload_supported (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.image_upload_supported", false]], "image_url (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.IMAGE_URL", false]], "image_url (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.IMAGE_URL", false]], "image_url (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.IMAGE_URL", false]], "image_value_prediction (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.IMAGE_VALUE_PREDICTION", false]], "image_value_prediction (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.IMAGE_VALUE_PREDICTION", false]], "image_value_prediction (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.IMAGE_VALUE_PREDICTION", false]], "imagegenmodel (class in abacusai)": [[176, "abacusai.ImageGenModel", false]], "imagegenmodel (class in abacusai.image_gen_model)": [[173, "abacusai.image_gen_model.ImageGenModel", false]], "imagegenmodeloptions (class in abacusai)": [[176, "abacusai.ImageGenModelOptions", false]], "imagegenmodeloptions (class in abacusai.image_gen_model_options)": [[174, "abacusai.image_gen_model_options.ImageGenModelOptions", false]], "imagegensettings (class in abacusai)": [[176, "abacusai.ImageGenSettings", false]], "imagegensettings (class in abacusai.image_gen_settings)": [[175, "abacusai.image_gen_settings.ImageGenSettings", false]], "imageurlresponsesection (class in abacusai)": [[176, "abacusai.ImageUrlResponseSection", false]], "imageurlresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ImageUrlResponseSection", false]], "imageurlresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection", false]], "import_annotation_labels() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.import_annotation_labels", false]], "import_annotation_labels() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.import_annotation_labels", false]], "import_annotation_labels() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.import_annotation_labels", false]], "import_annotation_labels() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.import_annotation_labels", false]], "import_as_cell() (abacusai.code_source.codesource method)": [[68, "abacusai.code_source.CodeSource.import_as_cell", false]], "import_as_cell() (abacusai.codesource method)": [[176, "abacusai.CodeSource.import_as_cell", false]], "import_module() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.import_module", false]], "import_module() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.import_module", false]], "importance_of_records_in_nested_columns (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.importance_of_records_in_nested_columns", false]], "importance_of_records_in_nested_columns (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.importance_of_records_in_nested_columns", false]], "importance_of_records_in_nested_columns (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.importance_of_records_in_nested_columns", false]], "imputation (abacusai.api_class.clusteringtimeseriestrainingconfig attribute)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig.imputation", false]], "imputation (abacusai.api_class.model.clusteringtimeseriestrainingconfig attribute)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig.imputation", false]], "imputation (abacusai.clusteringtimeseriestrainingconfig attribute)": [[176, "abacusai.ClusteringTimeseriesTrainingConfig.imputation", false]], "in_progress (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.in_progress", false]], "in_progress (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.in_progress", false]], "inactive (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.inactive", false]], "inactive (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.inactive", false]], "include_all_assignments (abacusai.api_class.deployment.optimizationpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.include_all_assignments", false]], "include_all_assignments (abacusai.api_class.optimizationpredictionarguments attribute)": [[27, "abacusai.api_class.OptimizationPredictionArguments.include_all_assignments", false]], "include_all_assignments (abacusai.optimizationpredictionarguments attribute)": [[176, "abacusai.OptimizationPredictionArguments.include_all_assignments", false]], "include_all_feedback (abacusai.abacususagemetricsdatasetconfig attribute)": [[176, "abacusai.AbacusUsageMetricsDatasetConfig.include_all_feedback", false]], "include_all_feedback (abacusai.api_class.abacususagemetricsdatasetconfig attribute)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.include_all_feedback", false]], "include_all_feedback (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.include_all_feedback", false]], "include_all_partitions (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.include_all_partitions", false]], "include_all_partitions (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.include_all_partitions", false]], "include_all_partitions (abacusai.optimizationtrainingconfig attribute)": [[176, "abacusai.OptimizationTrainingConfig.include_all_partitions", false]], "include_bm25_retrieval (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.include_bm25_retrieval", false]], "include_bm25_retrieval (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.include_bm25_retrieval", false]], "include_bm25_retrieval (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.include_bm25_retrieval", false]], "include_comments (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.include_comments", false]], "include_comments (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.include_comments", false]], "include_comments (abacusai.jiradatasetconfig attribute)": [[176, "abacusai.JiraDatasetConfig.include_comments", false]], "include_entire_conversation_history (abacusai.abacususagemetricsdatasetconfig attribute)": [[176, "abacusai.AbacusUsageMetricsDatasetConfig.include_entire_conversation_history", false]], "include_entire_conversation_history (abacusai.api_class.abacususagemetricsdatasetconfig attribute)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.include_entire_conversation_history", false]], "include_entire_conversation_history (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.include_entire_conversation_history", false]], "include_general_knowledge (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.include_general_knowledge", false]], "include_general_knowledge (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.include_general_knowledge", false]], "include_general_knowledge (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.include_general_knowledge", false]], "include_item_id_feature (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.include_item_id_feature", false]], "include_item_id_feature (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.include_item_id_feature", false]], "include_item_id_feature (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.include_item_id_feature", false]], "include_modules() (in module abacusai.client)": [[58, "abacusai.client.include_modules", false]], "include_multi_class_explanations (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.include_multi_class_explanations", false]], "include_multi_class_explanations (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.include_multi_class_explanations", false]], "include_multi_class_explanations (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.include_multi_class_explanations", false]], "include_reverse_charge (abacusai.address attribute)": [[176, "abacusai.Address.include_reverse_charge", false]], "include_reverse_charge (abacusai.address.address attribute)": [[1, "abacusai.address.Address.include_reverse_charge", false]], "include_specific_partitions (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.include_specific_partitions", false]], "include_specific_partitions (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.include_specific_partitions", false]], "include_specific_partitions (abacusai.optimizationtrainingconfig attribute)": [[176, "abacusai.OptimizationTrainingConfig.include_specific_partitions", false]], "include_version_timestamp_column (abacusai.api_class.feature_group.lastnmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.api_class.feature_group.timewindowmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.api_class.lastnmergeconfig attribute)": [[27, "abacusai.api_class.LastNMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.api_class.timewindowmergeconfig attribute)": [[27, "abacusai.api_class.TimeWindowMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.lastnmergeconfig attribute)": [[176, "abacusai.LastNMergeConfig.include_version_timestamp_column", false]], "include_version_timestamp_column (abacusai.timewindowmergeconfig attribute)": [[176, "abacusai.TimeWindowMergeConfig.include_version_timestamp_column", false]], "include_watchers (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.include_watchers", false]], "include_watchers (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.include_watchers", false]], "include_watchers (abacusai.jiradatasetconfig attribute)": [[176, "abacusai.JiraDatasetConfig.include_watchers", false]], "incremental (abacusai.dataset attribute)": [[176, "abacusai.Dataset.incremental", false]], "incremental (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.incremental", false]], "incremental (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.incremental", false]], "incremental (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.incremental", false]], "incremental (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.incremental", false]], "incremental (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.incremental", false]], "incremental_queried_at (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.incremental_queried_at", false]], "incremental_queried_at (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.incremental_queried_at", false]], "incrementaldatabaseconnectorconfig (class in abacusai)": [[176, "abacusai.IncrementalDatabaseConnectorConfig", false]], "incrementaldatabaseconnectorconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.IncrementalDatabaseConnectorConfig", false]], "incrementaldatabaseconnectorconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.IncrementalDatabaseConnectorConfig", false]], "index_column (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.index_column", false]], "index_column (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.index_column", false]], "index_column (abacusai.unpivotconfig attribute)": [[176, "abacusai.UnpivotConfig.index_column", false]], "index_fraction (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.index_fraction", false]], "index_fraction (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.index_fraction", false]], "index_fraction (abacusai.naturallanguagesearchtrainingconfig attribute)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig.index_fraction", false]], "index_metadata_columns (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.index_metadata_columns", false]], "index_metadata_columns (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.index_metadata_columns", false]], "index_metadata_columns (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.index_metadata_columns", false]], "index_output_path (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.index_output_path", false]], "index_output_path (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.index_output_path", false]], "index_output_path (abacusai.customtrainedmodeltrainingconfig attribute)": [[176, "abacusai.CustomTrainedModelTrainingConfig.index_output_path", false]], "indexing_config (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.indexing_config", false]], "indexing_config (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.indexing_config", false]], "indexing_config (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.indexing_config", false]], "indexing_config (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.indexing_config", false]], "indexing_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.indexing_config", false]], "indexing_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.indexing_config", false]], "indexing_config_warning_msg (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.indexing_config_warning_msg", false]], "indexing_config_warning_msg (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.indexing_config_warning_msg", false]], "indexing_required (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.indexing_required", false]], "indexing_required (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.indexing_required", false]], "indexingconfig (class in abacusai)": [[176, "abacusai.IndexingConfig", false]], "indexingconfig (class in abacusai.indexing_config)": [[177, "abacusai.indexing_config.IndexingConfig", false]], "infer_feature_mappings() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.infer_feature_mappings", false]], "infer_feature_mappings() (abacusai.project method)": [[176, "abacusai.Project.infer_feature_mappings", false]], "infer_feature_mappings() (abacusai.project.project method)": [[252, "abacusai.project.Project.infer_feature_mappings", false]], "infer_feature_mappings() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.infer_feature_mappings", false]], "inferreddatabasecolumntofeaturemappings (class in abacusai)": [[176, "abacusai.InferredDatabaseColumnToFeatureMappings", false]], "inferreddatabasecolumntofeaturemappings (class in abacusai.inferred_database_column_to_feature_mappings)": [[178, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings", false]], "inferredfeaturemappings (class in abacusai)": [[176, "abacusai.InferredFeatureMappings", false]], "inferredfeaturemappings (class in abacusai.inferred_feature_mappings)": [[179, "abacusai.inferred_feature_mappings.InferredFeatureMappings", false]], "info (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.info", false]], "info (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.info", false]], "infos (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg attribute)": [[206, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.infos", false]], "infos (abacusai.modelmonitorsummaryfromorg attribute)": [[176, "abacusai.ModelMonitorSummaryFromOrg.infos", false]], "init_ack_req (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.init_ack_req", false]], "init_ack_req (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.init_ack_req", false]], "initial_learning_rate (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.initial_learning_rate", false]], "initial_learning_rate (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.initial_learning_rate", false]], "initial_learning_rate (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.initial_learning_rate", false]], "initialize_function_name (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.initialize_function_name", false]], "initialize_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.initialize_function_name", false]], "initialize_function_name (abacusai.model attribute)": [[176, "abacusai.Model.initialize_function_name", false]], "initialize_function_name (abacusai.model.model attribute)": [[197, "abacusai.model.Model.initialize_function_name", false]], "initialize_function_name (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.initialize_function_name", false]], "initialize_function_name (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.initialize_function_name", false]], "input_column (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.input_column", false]], "input_column (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.input_column", false]], "input_column (abacusai.api_class.feature_group.markdownconfig attribute)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.input_column", false]], "input_column (abacusai.api_class.markdownconfig attribute)": [[27, "abacusai.api_class.MarkdownConfig.input_column", false]], "input_column (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.input_column", false]], "input_column (abacusai.markdownconfig attribute)": [[176, "abacusai.MarkdownConfig.input_column", false]], "input_column_type (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.input_column_type", false]], "input_column_type (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.input_column_type", false]], "input_column_type (abacusai.api_class.feature_group.markdownconfig attribute)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.input_column_type", false]], "input_column_type (abacusai.api_class.markdownconfig attribute)": [[27, "abacusai.api_class.MarkdownConfig.input_column_type", false]], "input_column_type (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.input_column_type", false]], "input_column_type (abacusai.markdownconfig attribute)": [[176, "abacusai.MarkdownConfig.input_column_type", false]], "input_feature_groups (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.input_feature_groups", false]], "input_feature_groups (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.input_feature_groups", false]], "input_feature_groups (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.input_feature_groups", false]], "input_feature_groups (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.input_feature_groups", false]], "input_mappings (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.input_mappings", false]], "input_mappings (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.input_mappings", false]], "input_mappings (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.input_mappings", false]], "input_params (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.input_params", false]], "input_params (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.input_params", false]], "input_preprocessor_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.input_preprocessor_upload_id", false]], "input_preprocessor_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.input_preprocessor_upload_id", false]], "input_schema (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.input_schema", false]], "input_schema (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.input_schema", false]], "input_schema (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.input_schema", false]], "input_schema (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.input_schema", false]], "input_schema (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.input_schema", false]], "input_schema (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.input_schema", false]], "input_tokens (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.input_tokens", false]], "input_tokens (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.input_tokens", false]], "inputnode (class in abacusai)": [[176, "abacusai.InputNode", false]], "inputnode (class in abacusai.api_class)": [[27, "abacusai.api_class.InputNode", false]], "inputnode (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.InputNode", false]], "inputs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.inputs", false]], "inputs (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.inputs", false]], "instancenotmodifiederror": [[58, "abacusai.client.InstanceNotModifiedError", false]], "instructions (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.instructions", false]], "instructions (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.instructions", false]], "integer (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.INTEGER", false]], "integer (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.INTEGER", false]], "integer (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.INTEGER", false]], "integer (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.INTEGER", false]], "integer (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.INTEGER", false]], "integer (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.INTEGER", false]], "integer (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.INTEGER", false]], "integer (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.INTEGER", false]], "integer (abacusai.datatype attribute)": [[176, "abacusai.DataType.INTEGER", false]], "integer (abacusai.fielddescriptortype attribute)": [[176, "abacusai.FieldDescriptorType.INTEGER", false]], "integer (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.INTEGER", false]], "integer (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.INTEGER", false]], "internalservererror": [[58, "abacusai.client.InternalServerError", false]], "interpolate (abacusai.api_class.clusteringimputationmethod attribute)": [[27, "abacusai.api_class.ClusteringImputationMethod.INTERPOLATE", false]], "interpolate (abacusai.api_class.enums.clusteringimputationmethod attribute)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod.INTERPOLATE", false]], "interpolate (abacusai.clusteringimputationmethod attribute)": [[176, "abacusai.ClusteringImputationMethod.INTERPOLATE", false]], "intro_message (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.intro_message", false]], "intro_message (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.intro_message", false]], "invalid_pandas_column_name_characters (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.INVALID_PANDAS_COLUMN_NAME_CHARACTERS", false]], "invalid_records (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.invalid_records", false]], "invalid_records (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.invalid_records", false]], "invalidenumparametererror": [[58, "abacusai.client.InvalidEnumParameterError", false]], "invalidparametererror": [[58, "abacusai.client.InvalidParameterError", false]], "invalidrequest": [[58, "abacusai.client.InvalidRequest", false]], "invite_users_to_app_user_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.invite_users_to_app_user_group", false]], "invite_users_to_app_user_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.invite_users_to_app_user_group", false]], "invited_user_emails (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.invited_user_emails", false]], "invited_user_emails (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.invited_user_emails", false]], "is_active (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.is_active", false]], "is_active (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.is_active", false]], "is_agent (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.is_agent", false]], "is_agent (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.is_agent", false]], "is_annotation_present (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.is_annotation_present", false]], "is_annotation_present (abacusai.annotationdocument attribute)": [[176, "abacusai.AnnotationDocument.is_annotation_present", false]], "is_anomaly() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.is_anomaly", false]], "is_anomaly() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.is_anomaly", false]], "is_anomaly() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.is_anomaly", false]], "is_anomaly() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.is_anomaly", false]], "is_box_whisker (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.is_box_whisker", false]], "is_box_whisker (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.is_box_whisker", false]], "is_codellm_chatmode_supported (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.is_codellm_chatmode_supported", false]], "is_codellm_chatmode_supported (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.is_codellm_chatmode_supported", false]], "is_customizable (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.is_customizable", false]], "is_customizable (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.is_customizable", false]], "is_default_enabled (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.is_default_enabled", false]], "is_default_enabled (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.is_default_enabled", false]], "is_deployable (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.is_deployable", false]], "is_deployable (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.is_deployable", false]], "is_deployed (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.is_deployed", false]], "is_deployed (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.is_deployed", false]], "is_deprecated (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.is_deprecated", false]], "is_deprecated (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.is_deprecated", false]], "is_deprecated() (abacusai.api_class.apienum method)": [[27, "abacusai.api_class.ApiEnum.is_deprecated", false]], "is_deprecated() (abacusai.api_class.enums.apienum method)": [[25, "abacusai.api_class.enums.ApiEnum.is_deprecated", false]], "is_deprecated() (abacusai.apienum method)": [[176, "abacusai.ApiEnum.is_deprecated", false]], "is_dev (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.is_dev", false]], "is_dev (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.is_dev", false]], "is_documentset (abacusai.api_class.dataset.datasetconfig attribute)": [[21, "abacusai.api_class.dataset.DatasetConfig.is_documentset", false]], "is_documentset (abacusai.api_class.datasetconfig attribute)": [[27, "abacusai.api_class.DatasetConfig.is_documentset", false], [27, "id62", false], [27, "id69", false]], "is_documentset (abacusai.dataset attribute)": [[176, "abacusai.Dataset.is_documentset", false]], "is_documentset (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.is_documentset", false]], "is_documentset (abacusai.datasetconfig attribute)": [[176, "abacusai.DatasetConfig.is_documentset", false]], "is_expired (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.is_expired", false]], "is_expired (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.is_expired", false]], "is_external_service_group (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.is_external_service_group", false]], "is_external_service_group (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.is_external_service_group", false]], "is_large (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.is_large", false]], "is_large (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.is_large", false]], "is_last_message (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.is_last_message", false]], "is_last_message (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.is_last_message", false]], "is_latest (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.is_latest", false]], "is_latest (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.is_latest", false]], "is_materialization_needed (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.is_materialization_needed", false]], "is_materialization_needed (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.is_materialization_needed", false]], "is_medium (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.is_medium", false]], "is_medium (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.is_medium", false]], "is_multilingual (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.is_multilingual", false]], "is_multilingual (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.is_multilingual", false]], "is_multilingual (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.is_multilingual", false]], "is_ocr_forced() (abacusai.api_class.documenttype class method)": [[27, "abacusai.api_class.DocumentType.is_ocr_forced", false], [27, "id136", false]], "is_ocr_forced() (abacusai.api_class.enums.documenttype class method)": [[25, "abacusai.api_class.enums.DocumentType.is_ocr_forced", false]], "is_ocr_forced() (abacusai.documenttype class method)": [[176, "abacusai.DocumentType.is_ocr_forced", false]], "is_outdated (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation.is_outdated", false]], "is_outdated (abacusai.naturallanguageexplanation attribute)": [[176, "abacusai.NaturalLanguageExplanation.is_outdated", false]], "is_premium (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.is_premium", false]], "is_premium (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.is_premium", false]], "is_preview_available (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.is_preview_available", false]], "is_preview_available (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.is_preview_available", false]], "is_prod (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.is_prod", false]], "is_prod (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.is_prod", false]], "is_python_model (abacusai.model attribute)": [[176, "abacusai.Model.is_python_model", false]], "is_python_model (abacusai.model.model attribute)": [[197, "abacusai.model.Model.is_python_model", false]], "is_rate_limited (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.is_rate_limited", false]], "is_rate_limited (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.is_rate_limited", false]], "is_required (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.is_required", false]], "is_required (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.is_required", false]], "is_required (abacusai.api_class.ai_agents.workflownodetemplateinput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.is_required", false]], "is_required (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.is_required", false]], "is_required (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.is_required", false]], "is_required (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.is_required", false]], "is_required (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.is_required", false]], "is_required (abacusai.api_class.workflownodetemplateinput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.is_required", false]], "is_required (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.is_required", false]], "is_required (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.is_required", false]], "is_required (abacusai.workflownodetemplateconfig attribute)": [[176, "abacusai.WorkflowNodeTemplateConfig.is_required", false]], "is_required (abacusai.workflownodetemplateinput attribute)": [[176, "abacusai.WorkflowNodeTemplateInput.is_required", false]], "is_review_mode (abacusai.api_class.project.reviewmodeprojectfeaturegroupconfig attribute)": [[31, "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig.is_review_mode", false]], "is_review_mode (abacusai.api_class.reviewmodeprojectfeaturegroupconfig attribute)": [[27, "abacusai.api_class.ReviewModeProjectFeatureGroupConfig.is_review_mode", false]], "is_review_mode (abacusai.reviewmodeprojectfeaturegroupconfig attribute)": [[176, "abacusai.ReviewModeProjectFeatureGroupConfig.is_review_mode", false]], "is_root_domain (abacusai.hostname_info.hostnameinfo attribute)": [[171, "abacusai.hostname_info.HostnameInfo.is_root_domain", false]], "is_root_domain (abacusai.hostnameinfo attribute)": [[176, "abacusai.HostnameInfo.is_root_domain", false]], "is_root_domain (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.is_root_domain", false]], "is_root_domain (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.is_root_domain", false]], "is_scatter (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.is_scatter", false]], "is_scatter (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.is_scatter", false]], "is_special_node_type() (abacusai.api_class.ai_agents.inputnode class method)": [[16, "abacusai.api_class.ai_agents.InputNode.is_special_node_type", false]], "is_special_node_type() (abacusai.api_class.ai_agents.llmagentnode class method)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.is_special_node_type", false]], "is_special_node_type() (abacusai.api_class.ai_agents.workflowgraphnode class method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.is_special_node_type", false]], "is_special_node_type() (abacusai.api_class.inputnode class method)": [[27, "abacusai.api_class.InputNode.is_special_node_type", false]], "is_special_node_type() (abacusai.api_class.llmagentnode class method)": [[27, "abacusai.api_class.LLMAgentNode.is_special_node_type", false]], "is_special_node_type() (abacusai.api_class.workflowgraphnode class method)": [[27, "abacusai.api_class.WorkflowGraphNode.is_special_node_type", false]], "is_special_node_type() (abacusai.inputnode class method)": [[176, "abacusai.InputNode.is_special_node_type", false]], "is_special_node_type() (abacusai.llmagentnode class method)": [[176, "abacusai.LLMAgentNode.is_special_node_type", false]], "is_special_node_type() (abacusai.workflowgraphnode class method)": [[176, "abacusai.WorkflowGraphNode.is_special_node_type", false]], "is_system_created (abacusai.deployment attribute)": [[176, "abacusai.Deployment.is_system_created", false]], "is_system_created (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.is_system_created", false]], "is_system_created (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.is_system_created", false]], "is_system_created (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.is_system_created", false]], "is_system_template (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.is_system_template", false]], "is_system_template (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.is_system_template", false]], "is_template_node() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.is_template_node", false]], "is_template_node() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.is_template_node", false]], "is_template_node() (abacusai.workflowgraphnode method)": [[176, "abacusai.WorkflowGraphNode.is_template_node", false]], "is_trigger_node() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.is_trigger_node", false]], "is_trigger_node() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.is_trigger_node", false]], "is_trigger_node() (abacusai.workflowgraphnode method)": [[176, "abacusai.WorkflowGraphNode.is_trigger_node", false]], "is_useful (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.is_useful", false]], "is_useful (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.is_useful", false]], "is_useful (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.is_useful", false]], "is_useful (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.is_useful", false]], "is_user (abacusai.agentconversationmessage attribute)": [[176, "abacusai.AgentConversationMessage.is_user", false]], "is_user (abacusai.api_class.agentconversationmessage attribute)": [[27, "abacusai.api_class.AgentConversationMessage.is_user", false]], "is_user (abacusai.api_class.ai_agents.agentconversationmessage attribute)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.is_user", false]], "is_user_api_key_allowed (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.is_user_api_key_allowed", false]], "is_user_api_key_allowed (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.is_user_api_key_allowed", false]], "is_user_level (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.is_user_level", false]], "is_user_level (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.is_user_level", false]], "is_valid (abacusai.code_suggestion_validation_response.codesuggestionvalidationresponse attribute)": [[69, "abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse.is_valid", false]], "is_valid (abacusai.codesuggestionvalidationresponse attribute)": [[176, "abacusai.CodeSuggestionValidationResponse.is_valid", false]], "is_visible (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.is_visible", false]], "is_visible (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.is_visible", false]], "isfolderempty (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.isFolderEmpty", false]], "isfolderempty (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.isFolderEmpty", false]], "item (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.ITEM", false]], "item (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.ITEM", false]], "item (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.ITEM", false]], "item (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.ITEM", false]], "item (abacusai.forecastingdatasplittype attribute)": [[176, "abacusai.ForecastingDataSplitType.ITEM", false]], "item (abacusai.forecastinglocalscaling attribute)": [[176, "abacusai.ForecastingLocalScaling.ITEM", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_to_include_in_the_result (abacusai.personalizationbatchpredictionargs attribute)": [[176, "abacusai.PersonalizationBatchPredictionArgs.item_attributes_to_include_in_the_result", false]], "item_attributes_weight_column (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.item_attributes_weight_column", false]], "item_attributes_weight_column (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.item_attributes_weight_column", false]], "item_attributes_weight_column (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.item_attributes_weight_column", false]], "item_query_column (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.item_query_column", false]], "item_query_column (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.item_query_column", false]], "item_query_column (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.item_query_column", false]], "item_statistics (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.item_statistics", false]], "item_statistics (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.item_statistics", false]], "item_type (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.item_type", false]], "item_type (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.item_type", false]], "item_type (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.item_type", false]], "itemattributesstddevthreshold (class in abacusai)": [[176, "abacusai.ItemAttributesStdDevThreshold", false]], "itemattributesstddevthreshold (class in abacusai.api_class)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold", false]], "itemattributesstddevthreshold (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold", false]], "items (abacusai.api_class.listresponsesection attribute)": [[27, "abacusai.api_class.ListResponseSection.items", false]], "items (abacusai.api_class.segments.listresponsesection attribute)": [[34, "abacusai.api_class.segments.ListResponseSection.items", false]], "items (abacusai.listresponsesection attribute)": [[176, "abacusai.ListResponseSection.items", false]], "itemstatistics (class in abacusai)": [[176, "abacusai.ItemStatistics", false]], "itemstatistics (class in abacusai.item_statistics)": [[180, "abacusai.item_statistics.ItemStatistics", false]], "jira (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.JIRA", false]], "jira (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.JIRA", false]], "jira (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.JIRA", false]], "jiradatasetconfig (class in abacusai)": [[176, "abacusai.JiraDatasetConfig", false]], "jiradatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.JiraDatasetConfig", false]], "jiradatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig", false]], "job_reorder_interval (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.job_reorder_interval", false]], "job_reorder_interval (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.job_reorder_interval", false]], "jpeg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.JPEG", false]], "jpeg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.JPEG", false]], "jpeg (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.JPEG", false]], "jql (abacusai.api_class.dataset_application_connector.jiradatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.JiraDatasetConfig.jql", false]], "jql (abacusai.api_class.jiradatasetconfig attribute)": [[27, "abacusai.api_class.JiraDatasetConfig.jql", false]], "jql (abacusai.jiradatasetconfig attribute)": [[176, "abacusai.JiraDatasetConfig.jql", false]], "js (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.JS", false]], "js (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.JS", false]], "js (abacusai.featuredrifttype attribute)": [[176, "abacusai.FeatureDriftType.JS", false]], "js_distance (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.js_distance", false]], "js_distance (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.js_distance", false]], "js_distance (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.js_distance", false]], "js_distance (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.js_distance", false]], "js_distance (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.js_distance", false]], "js_distance (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.js_distance", false]], "json (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.JSON", false]], "json (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.JSON", false]], "json (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.JSON", false]], "json (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.JSON", false]], "json (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.JSON", false]], "json (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.JSON", false]], "json (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.JSON", false]], "json (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.JSON", false]], "json (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.JSON", false]], "json_response_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.json_response_instructions", false]], "json_response_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.json_response_instructions", false]], "json_response_instructions (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.json_response_instructions", false]], "json_response_schema (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.json_response_schema", false]], "json_response_schema (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.json_response_schema", false]], "json_response_schema (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.json_response_schema", false]], "json_schema (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.json_schema", false]], "json_schema (abacusai.api_class.ai_agents.workflownodeoutputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema.json_schema", false]], "json_schema (abacusai.api_class.runtimeschemaresponsesection attribute)": [[27, "abacusai.api_class.RuntimeSchemaResponseSection.json_schema", false]], "json_schema (abacusai.api_class.segments.runtimeschemaresponsesection attribute)": [[34, "abacusai.api_class.segments.RuntimeSchemaResponseSection.json_schema", false]], "json_schema (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.json_schema", false]], "json_schema (abacusai.api_class.workflownodeoutputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema.json_schema", false]], "json_schema (abacusai.runtimeschemaresponsesection attribute)": [[176, "abacusai.RuntimeSchemaResponseSection.json_schema", false]], "json_schema (abacusai.workflownodeinputschema attribute)": [[176, "abacusai.WorkflowNodeInputSchema.json_schema", false]], "json_schema (abacusai.workflownodeoutputschema attribute)": [[176, "abacusai.WorkflowNodeOutputSchema.json_schema", false]], "jsonschema (class in abacusai)": [[176, "abacusai.JSONSchema", false]], "jsonschema (class in abacusai.api_class)": [[27, "abacusai.api_class.JSONSchema", false]], "jsonschema (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.JSONSchema", false]], "k_fold_cross_validation (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.k_fold_cross_validation", false]], "k_fold_cross_validation (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.k_fold_cross_validation", false]], "k_fold_cross_validation (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.k_fold_cross_validation", false]], "kafka (abacusai.api_class.enums.streamingconnectortype attribute)": [[25, "abacusai.api_class.enums.StreamingConnectorType.KAFKA", false]], "kafka (abacusai.api_class.streamingconnectortype attribute)": [[27, "abacusai.api_class.StreamingConnectorType.KAFKA", false]], "kafka (abacusai.streamingconnectortype attribute)": [[176, "abacusai.StreamingConnectorType.KAFKA", false]], "kafkadatasetconfig (class in abacusai)": [[176, "abacusai.KafkaDatasetConfig", false]], "kafkadatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.KafkaDatasetConfig", false]], "kafkadatasetconfig (class in abacusai.api_class.connectors)": [[20, "abacusai.api_class.connectors.KafkaDatasetConfig", false]], "kernel_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.KERNEL_EXPLAINER", false]], "kernel_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.KERNEL_EXPLAINER", false]], "kernel_explainer (abacusai.explainertype attribute)": [[176, "abacusai.ExplainerType.KERNEL_EXPLAINER", false]], "key_columns (abacusai.api_class.feature_group.nsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.NSamplingConfig.key_columns", false]], "key_columns (abacusai.api_class.feature_group.percentsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig.key_columns", false]], "key_columns (abacusai.api_class.nsamplingconfig attribute)": [[27, "abacusai.api_class.NSamplingConfig.key_columns", false]], "key_columns (abacusai.api_class.percentsamplingconfig attribute)": [[27, "abacusai.api_class.PercentSamplingConfig.key_columns", false]], "key_columns (abacusai.nsamplingconfig attribute)": [[176, "abacusai.NSamplingConfig.key_columns", false]], "key_columns (abacusai.percentsamplingconfig attribute)": [[176, "abacusai.PercentSamplingConfig.key_columns", false]], "key_name (abacusai.sftp_key.sftpkey attribute)": [[275, "abacusai.sftp_key.SftpKey.key_name", false]], "key_name (abacusai.sftpkey attribute)": [[176, "abacusai.SftpKey.key_name", false]], "keys (abacusai.image_gen_model_options.imagegenmodeloptions attribute)": [[174, "abacusai.image_gen_model_options.ImageGenModelOptions.keys", false]], "keys (abacusai.imagegenmodeloptions attribute)": [[176, "abacusai.ImageGenModelOptions.keys", false]], "keys (abacusai.stt_gen_model_options.sttgenmodeloptions attribute)": [[283, "abacusai.stt_gen_model_options.SttGenModelOptions.keys", false]], "keys (abacusai.sttgenmodeloptions attribute)": [[176, "abacusai.SttGenModelOptions.keys", false]], "keys (abacusai.video_gen_model_options.videogenmodeloptions attribute)": [[301, "abacusai.video_gen_model_options.VideoGenModelOptions.keys", false]], "keys (abacusai.videogenmodeloptions attribute)": [[176, "abacusai.VideoGenModelOptions.keys", false]], "keyword_arguments (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.keyword_arguments", false]], "keyword_arguments (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.keyword_arguments", false]], "keyword_arguments (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.keyword_arguments", false]], "keyword_requirement_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.keyword_requirement_instructions", false]], "keyword_requirement_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.keyword_requirement_instructions", false]], "keyword_requirement_instructions (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.keyword_requirement_instructions", false]], "kl (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.KL", false]], "kl (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.KL", false]], "kl (abacusai.featuredrifttype attribute)": [[176, "abacusai.FeatureDriftType.KL", false]], "ks (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.KS", false]], "ks (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.KS", false]], "ks (abacusai.featuredrifttype attribute)": [[176, "abacusai.FeatureDriftType.KS", false]], "ks_statistic (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.ks_statistic", false]], "ks_statistic (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.ks_statistic", false]], "ks_statistic (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.ks_statistic", false]], "ks_statistic (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.ks_statistic", false]], "ks_statistic (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.ks_statistic", false]], "ks_statistic (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.ks_statistic", false]], "kwargs (abacusai.api_class.batch_prediction.batchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs.kwargs", false]], "kwargs (abacusai.api_class.batchpredictionargs attribute)": [[27, "abacusai.api_class.BatchPredictionArgs.kwargs", false]], "kwargs (abacusai.api_class.deployment.predictionarguments attribute)": [[23, "abacusai.api_class.deployment.PredictionArguments.kwargs", false]], "kwargs (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig.kwargs", false]], "kwargs (abacusai.api_class.predictionarguments attribute)": [[27, "abacusai.api_class.PredictionArguments.kwargs", false]], "kwargs (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig.kwargs", false]], "kwargs (abacusai.batchpredictionargs attribute)": [[176, "abacusai.BatchPredictionArgs.kwargs", false]], "kwargs (abacusai.predictionarguments attribute)": [[176, "abacusai.PredictionArguments.kwargs", false]], "kwargs (abacusai.trainingconfig attribute)": [[176, "abacusai.TrainingConfig.kwargs", false]], "l2_regularization_factor (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.l2_regularization_factor", false]], "l2_regularization_factor (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.l2_regularization_factor", false]], "l2_regularization_factor (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.l2_regularization_factor", false]], "l_shaped_auto (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.L_SHAPED_AUTO", false]], "l_shaped_auto (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.L_SHAPED_AUTO", false]], "l_shaped_auto (abacusai.forecastingdatasplittype attribute)": [[176, "abacusai.ForecastingDataSplitType.L_SHAPED_AUTO", false]], "l_shaped_timestamp (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.L_SHAPED_TIMESTAMP", false]], "l_shaped_timestamp (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.L_SHAPED_TIMESTAMP", false]], "l_shaped_timestamp (abacusai.forecastingdatasplittype attribute)": [[176, "abacusai.ForecastingDataSplitType.L_SHAPED_TIMESTAMP", false]], "label (abacusai.agentflowbuttonresponsesection attribute)": [[176, "abacusai.AgentFlowButtonResponseSection.label", false]], "label (abacusai.api_class.agentflowbuttonresponsesection attribute)": [[27, "abacusai.api_class.AgentFlowButtonResponseSection.label", false]], "label (abacusai.api_class.segments.agentflowbuttonresponsesection attribute)": [[34, "abacusai.api_class.segments.AgentFlowButtonResponseSection.label", false]], "label (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment attribute)": [[209, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.label", false]], "label (abacusai.modeltrainingtypefordeployment attribute)": [[176, "abacusai.ModelTrainingTypeForDeployment.label", false]], "label_drift (abacusai.drift_distributions.driftdistributions attribute)": [[112, "abacusai.drift_distributions.DriftDistributions.label_drift", false]], "label_drift (abacusai.driftdistributions attribute)": [[176, "abacusai.DriftDistributions.label_drift", false]], "label_drift (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.label_drift", false]], "label_drift (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.label_drift", false]], "labels (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.labels", false]], "labels (abacusai.annotationconfig attribute)": [[176, "abacusai.AnnotationConfig.labels", false]], "language (abacusai.api_class.coderesponsesection attribute)": [[27, "abacusai.api_class.CodeResponseSection.language", false]], "language (abacusai.api_class.segments.coderesponsesection attribute)": [[34, "abacusai.api_class.segments.CodeResponseSection.language", false]], "language (abacusai.coderesponsesection attribute)": [[176, "abacusai.CodeResponseSection.language", false]], "language (abacusai.llm_code_block.llmcodeblock attribute)": [[184, "abacusai.llm_code_block.LlmCodeBlock.language", false]], "language (abacusai.llmcodeblock attribute)": [[176, "abacusai.LlmCodeBlock.language", false]], "language (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.language", false]], "language (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.language", false]], "language_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.LANGUAGE_DETECTION", false]], "language_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.LANGUAGE_DETECTION", false]], "language_detection (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.LANGUAGE_DETECTION", false]], "large (abacusai.api_class.cpusize attribute)": [[27, "abacusai.api_class.CPUSize.LARGE", false]], "large (abacusai.api_class.enums.cpusize attribute)": [[25, "abacusai.api_class.enums.CPUSize.LARGE", false]], "large (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.LARGE", false]], "large (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.LARGE", false]], "large (abacusai.cpusize attribute)": [[176, "abacusai.CPUSize.LARGE", false]], "large (abacusai.memorysize attribute)": [[176, "abacusai.MemorySize.LARGE", false]], "larger_embeddings (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.larger_embeddings", false]], "larger_embeddings (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.larger_embeddings", false]], "larger_embeddings (abacusai.naturallanguagesearchtrainingconfig attribute)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig.larger_embeddings", false]], "last_24_hours_usage (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.last_24_hours_usage", false]], "last_24_hours_usage (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.last_24_hours_usage", false]], "last_7_days_usage (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.last_7_days_usage", false]], "last_7_days_usage (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.last_7_days_usage", false]], "last_event_created_at (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.last_event_created_at", false]], "last_event_created_at (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.last_event_created_at", false]], "last_model_value (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.last_model_value", false]], "last_model_value (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.last_model_value", false]], "last_n (abacusai.api_class.enums.mergemode attribute)": [[25, "abacusai.api_class.enums.MergeMode.LAST_N", false]], "last_n (abacusai.api_class.mergemode attribute)": [[27, "abacusai.api_class.MergeMode.LAST_N", false]], "last_n (abacusai.mergemode attribute)": [[176, "abacusai.MergeMode.LAST_N", false]], "last_page (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.LAST_PAGE", false]], "last_point (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.LAST_POINT", false]], "last_point (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.LAST_POINT", false]], "last_point (abacusai.forecastinglocalscaling attribute)": [[176, "abacusai.ForecastingLocalScaling.LAST_POINT", false]], "last_throttle_pop_up (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.last_throttle_pop_up", false]], "last_throttle_pop_up (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.last_throttle_pop_up", false]], "lastnmergeconfig (class in abacusai)": [[176, "abacusai.LastNMergeConfig", false]], "lastnmergeconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.LastNMergeConfig", false]], "lastnmergeconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig", false]], "latency_series (abacusai.deployment_statistics.deploymentstatistics attribute)": [[103, "abacusai.deployment_statistics.DeploymentStatistics.latency_series", false]], "latency_series (abacusai.deploymentstatistics attribute)": [[176, "abacusai.DeploymentStatistics.latency_series", false]], "latest_agent_version (abacusai.agent attribute)": [[176, "abacusai.Agent.latest_agent_version", false]], "latest_agent_version (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.latest_agent_version", false]], "latest_batch_prediction_version (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.latest_batch_prediction_version", false]], "latest_batch_prediction_version (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.latest_batch_prediction_version", false]], "latest_context (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.latest_context", false]], "latest_context (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.latest_context", false]], "latest_custom_metric_version (abacusai.custom_metric.custommetric attribute)": [[80, "abacusai.custom_metric.CustomMetric.latest_custom_metric_version", false]], "latest_custom_metric_version (abacusai.custommetric attribute)": [[176, "abacusai.CustomMetric.latest_custom_metric_version", false]], "latest_dataset_version (abacusai.dataset attribute)": [[176, "abacusai.Dataset.latest_dataset_version", false]], "latest_dataset_version (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.latest_dataset_version", false]], "latest_document_retriever_version (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.latest_document_retriever_version", false]], "latest_document_retriever_version (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.latest_document_retriever_version", false]], "latest_eda_version (abacusai.eda attribute)": [[176, "abacusai.Eda.latest_eda_version", false]], "latest_eda_version (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.latest_eda_version", false]], "latest_feature_group_version (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.latest_feature_group_version", false]], "latest_feature_group_version (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.latest_feature_group_version", false]], "latest_feature_group_version (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.latest_feature_group_version", false]], "latest_feature_group_version (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.latest_feature_group_version", false]], "latest_materialized_annotation_config (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.latest_materialized_annotation_config", false]], "latest_materialized_annotation_config (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.latest_materialized_annotation_config", false]], "latest_model_version (abacusai.model attribute)": [[176, "abacusai.Model.latest_model_version", false]], "latest_model_version (abacusai.model.model attribute)": [[197, "abacusai.model.Model.latest_model_version", false]], "latest_monitor_alert_version (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.latest_monitor_alert_version", false]], "latest_monitor_alert_version (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.latest_monitor_alert_version", false]], "latest_monitor_model_version (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.latest_monitor_model_version", false]], "latest_monitor_model_version (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.latest_monitor_model_version", false]], "latest_pipeline_version (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.latest_pipeline_version", false]], "latest_pipeline_version (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.latest_pipeline_version", false]], "latest_prediction_operator_version (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.latest_prediction_operator_version", false]], "latest_prediction_operator_version (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.latest_prediction_operator_version", false]], "latest_updated_at (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.latest_updated_at", false]], "latest_updated_at (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.latest_updated_at", false]], "latest_version_outdated (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.latest_version_outdated", false]], "latest_version_outdated (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.latest_version_outdated", false]], "latest_version_outdated (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.latest_version_outdated", false]], "latest_version_outdated (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.latest_version_outdated", false]], "layout (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.LAYOUT", false]], "layout (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.LAYOUT", false], [27, "id118", false]], "layout (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.LAYOUT", false]], "learned (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.LEARNED", false]], "learned (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.LEARNED", false]], "learned (abacusai.nermodeltype attribute)": [[176, "abacusai.NERModelType.LEARNED", false]], "legacy_input_location (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.legacy_input_location", false]], "legacy_input_location (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.legacy_input_location", false]], "legacy_input_location (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.legacy_input_location", false]], "legacy_input_location (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.legacy_input_location", false]], "lifecycle (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.lifecycle", false]], "lifecycle (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.lifecycle", false]], "lifecycle (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.lifecycle", false]], "lifecycle (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.lifecycle", false]], "lifecycle (abacusai.hosted_database.hosteddatabase attribute)": [[168, "abacusai.hosted_database.HostedDatabase.lifecycle", false]], "lifecycle (abacusai.hosted_database_snapshot.hosteddatabasesnapshot attribute)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.lifecycle", false]], "lifecycle (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.lifecycle", false]], "lifecycle (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.lifecycle", false]], "lifecycle (abacusai.hosteddatabase attribute)": [[176, "abacusai.HostedDatabase.lifecycle", false]], "lifecycle (abacusai.hosteddatabasesnapshot attribute)": [[176, "abacusai.HostedDatabaseSnapshot.lifecycle", false]], "lifecycle (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.lifecycle", false]], "lifecycle (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.lifecycle", false]], "lifecycle (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.lifecycle", false]], "lifecycle (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.lifecycle", false]], "lifecycle (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.lifecycle", false]], "lifecycle (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.lifecycle", false]], "lime_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.LIME_EXPLAINER", false]], "lime_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.LIME_EXPLAINER", false]], "lime_explainer (abacusai.explainertype attribute)": [[176, "abacusai.ExplainerType.LIME_EXPLAINER", false]], "lime_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[147, "abacusai.feature_importance.FeatureImportance.lime_feature_importance", false]], "lime_feature_importance (abacusai.featureimportance attribute)": [[176, "abacusai.FeatureImportance.lime_feature_importance", false]], "limit_results (abacusai.api_class.deployment.featurestorepredictionarguments attribute)": [[23, "abacusai.api_class.deployment.FeatureStorePredictionArguments.limit_results", false]], "limit_results (abacusai.api_class.featurestorepredictionarguments attribute)": [[27, "abacusai.api_class.FeatureStorePredictionArguments.limit_results", false]], "limit_results (abacusai.featurestorepredictionarguments attribute)": [[176, "abacusai.FeatureStorePredictionArguments.limit_results", false]], "line (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.LINE", false]], "line_number (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[61, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.line_number", false]], "line_number (abacusai.codeautocompleteresponse attribute)": [[176, "abacusai.CodeAutocompleteResponse.line_number", false]], "linear (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.LINEAR", false]], "linear (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.LINEAR", false]], "linear (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.LINEAR", false]], "lines_for_snapshot (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.lines_for_snapshot", false]], "lines_for_snapshot (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.lines_for_snapshot", false]], "lipsyncgensettings (class in abacusai)": [[176, "abacusai.LipSyncGenSettings", false]], "lipsyncgensettings (class in abacusai.lip_sync_gen_settings)": [[181, "abacusai.lip_sync_gen_settings.LipSyncGenSettings", false]], "list (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.LIST", false]], "list (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.LIST", false]], "list (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.LIST", false]], "list (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.LIST", false]], "list (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.LIST", false]], "list (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.LIST", false]], "list (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.LIST", false]], "list (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.LIST", false]], "list (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.LIST", false]], "list (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.LIST", false]], "list (abacusai.datatype attribute)": [[176, "abacusai.DataType.LIST", false]], "list (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.LIST", false]], "list (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.LIST", false]], "list (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.LIST", false]], "list (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.LIST", false]], "list_agent_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_agent_versions", false]], "list_agent_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_agent_versions", false]], "list_agents() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_agents", false]], "list_agents() (abacusai.project method)": [[176, "abacusai.Project.list_agents", false]], "list_agents() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_agents", false]], "list_agents() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_agents", false]], "list_alerts() (abacusai.deployment method)": [[176, "abacusai.Deployment.list_alerts", false]], "list_alerts() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.list_alerts", false]], "list_algorithms() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_algorithms", false]], "list_algorithms() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_algorithms", false]], "list_api_keys() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_api_keys", false]], "list_api_keys() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_api_keys", false]], "list_application_connector_objects() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_application_connector_objects", false]], "list_application_connector_objects() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_application_connector_objects", false]], "list_application_connectors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_application_connectors", false]], "list_application_connectors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_application_connectors", false]], "list_artifacts_exports() (abacusai.model method)": [[176, "abacusai.Model.list_artifacts_exports", false]], "list_artifacts_exports() (abacusai.model.model method)": [[197, "abacusai.model.Model.list_artifacts_exports", false]], "list_batch_prediction_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_batch_prediction_versions", false]], "list_batch_prediction_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_batch_prediction_versions", false]], "list_batch_predictions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_batch_predictions", false]], "list_batch_predictions() (abacusai.project method)": [[176, "abacusai.Project.list_batch_predictions", false]], "list_batch_predictions() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_batch_predictions", false]], "list_batch_predictions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_batch_predictions", false]], "list_builtin_algorithms() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.list_builtin_algorithms", false]], "list_builtin_algorithms() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.list_builtin_algorithms", false]], "list_builtin_algorithms() (abacusai.project method)": [[176, "abacusai.Project.list_builtin_algorithms", false]], "list_builtin_algorithms() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_builtin_algorithms", false]], "list_chat_sessions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_chat_sessions", false]], "list_chat_sessions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_chat_sessions", false]], "list_conversations() (abacusai.deployment method)": [[176, "abacusai.Deployment.list_conversations", false]], "list_conversations() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.list_conversations", false]], "list_custom_loss_functions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_custom_loss_functions", false]], "list_custom_loss_functions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_custom_loss_functions", false]], "list_custom_metrics() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_custom_metrics", false]], "list_custom_metrics() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_custom_metrics", false]], "list_database_connector_objects() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_database_connector_objects", false]], "list_database_connector_objects() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_database_connector_objects", false]], "list_database_connectors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_database_connectors", false]], "list_database_connectors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_database_connectors", false]], "list_dataset_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_dataset_versions", false]], "list_dataset_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_dataset_versions", false]], "list_datasets() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_datasets", false]], "list_datasets() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_datasets", false]], "list_deployment_alerts() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_deployment_alerts", false]], "list_deployment_alerts() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_deployment_alerts", false]], "list_deployment_conversations() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_deployment_conversations", false]], "list_deployment_conversations() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_deployment_conversations", false]], "list_deployment_tokens() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_deployment_tokens", false]], "list_deployment_tokens() (abacusai.project method)": [[176, "abacusai.Project.list_deployment_tokens", false]], "list_deployment_tokens() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_deployment_tokens", false]], "list_deployment_tokens() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_deployment_tokens", false]], "list_deployment_webhooks() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_deployment_webhooks", false]], "list_deployment_webhooks() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_deployment_webhooks", false]], "list_deployments() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_deployments", false]], "list_deployments() (abacusai.project method)": [[176, "abacusai.Project.list_deployments", false]], "list_deployments() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_deployments", false]], "list_deployments() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_deployments", false]], "list_document_retriever_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_document_retriever_versions", false]], "list_document_retriever_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_document_retriever_versions", false]], "list_document_retrievers() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_document_retrievers", false]], "list_document_retrievers() (abacusai.project method)": [[176, "abacusai.Project.list_document_retrievers", false]], "list_document_retrievers() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_document_retrievers", false]], "list_document_retrievers() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_document_retrievers", false]], "list_eda() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_eda", false]], "list_eda() (abacusai.project method)": [[176, "abacusai.Project.list_eda", false]], "list_eda() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_eda", false]], "list_eda() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_eda", false]], "list_eda_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_eda_versions", false]], "list_eda_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_eda_versions", false]], "list_exports() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.list_exports", false]], "list_exports() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.list_exports", false]], "list_external_applications() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_external_applications", false]], "list_external_applications() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_external_applications", false]], "list_feature_group_exports() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_feature_group_exports", false]], "list_feature_group_exports() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_feature_group_exports", false]], "list_feature_group_modifiers() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_feature_group_modifiers", false]], "list_feature_group_modifiers() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_feature_group_modifiers", false]], "list_feature_group_row_processes() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.list_feature_group_row_processes", false]], "list_feature_group_row_processes() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.list_feature_group_row_processes", false]], "list_feature_group_row_processes() (abacusai.deployment method)": [[176, "abacusai.Deployment.list_feature_group_row_processes", false]], "list_feature_group_row_processes() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.list_feature_group_row_processes", false]], "list_feature_group_templates() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_feature_group_templates", false]], "list_feature_group_templates() (abacusai.project method)": [[176, "abacusai.Project.list_feature_group_templates", false]], "list_feature_group_templates() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_feature_group_templates", false]], "list_feature_group_templates() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_feature_group_templates", false]], "list_feature_group_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_feature_group_versions", false]], "list_feature_group_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_feature_group_versions", false]], "list_feature_groups() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_feature_groups", false]], "list_feature_groups() (abacusai.project method)": [[176, "abacusai.Project.list_feature_groups", false]], "list_feature_groups() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_feature_groups", false]], "list_feature_groups() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_feature_groups", false]], "list_file_connectors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_file_connectors", false]], "list_file_connectors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_file_connectors", false]], "list_graph_dashboards() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_graph_dashboards", false]], "list_graph_dashboards() (abacusai.project method)": [[176, "abacusai.Project.list_graph_dashboards", false]], "list_graph_dashboards() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_graph_dashboards", false]], "list_graph_dashboards() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_graph_dashboards", false]], "list_holdout_analysis() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_holdout_analysis", false]], "list_holdout_analysis() (abacusai.project method)": [[176, "abacusai.Project.list_holdout_analysis", false]], "list_holdout_analysis() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_holdout_analysis", false]], "list_holdout_analysis() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_holdout_analysis", false]], "list_holdout_analysis_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_holdout_analysis_versions", false]], "list_holdout_analysis_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_holdout_analysis_versions", false]], "list_llm_apps() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_llm_apps", false]], "list_llm_apps() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_llm_apps", false]], "list_logs() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.list_logs", false]], "list_logs() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.list_logs", false]], "list_model_artifacts_exports() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_model_artifacts_exports", false]], "list_model_artifacts_exports() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_model_artifacts_exports", false]], "list_model_monitor_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_model_monitor_versions", false]], "list_model_monitor_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_model_monitor_versions", false]], "list_model_monitors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_model_monitors", false]], "list_model_monitors() (abacusai.project method)": [[176, "abacusai.Project.list_model_monitors", false]], "list_model_monitors() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_model_monitors", false]], "list_model_monitors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_model_monitors", false]], "list_model_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_model_versions", false]], "list_model_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_model_versions", false]], "list_models() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_models", false]], "list_models() (abacusai.project method)": [[176, "abacusai.Project.list_models", false]], "list_models() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_models", false]], "list_models() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_models", false]], "list_modifiers() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.list_modifiers", false]], "list_modifiers() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.list_modifiers", false]], "list_modules() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_modules", false]], "list_modules() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_modules", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alert_versions_for_monitor_version() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_monitor_alert_versions_for_monitor_version", false]], "list_monitor_alerts_for_monitor() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_monitor_alerts_for_monitor", false]], "list_monitor_alerts_for_monitor() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.list_monitor_alerts_for_monitor", false]], "list_monitor_alerts_for_monitor() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.list_monitor_alerts_for_monitor", false]], "list_monitor_alerts_for_monitor() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_monitor_alerts_for_monitor", false]], "list_objects() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.list_objects", false]], "list_objects() (abacusai.applicationconnector method)": [[176, "abacusai.ApplicationConnector.list_objects", false]], "list_objects() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.list_objects", false]], "list_objects() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.list_objects", false]], "list_organization_groups() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_organization_groups", false]], "list_organization_groups() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_organization_groups", false]], "list_organization_model_monitors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_organization_model_monitors", false]], "list_organization_model_monitors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_organization_model_monitors", false]], "list_organization_secrets() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_organization_secrets", false]], "list_organization_secrets() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_organization_secrets", false]], "list_organization_users() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_organization_users", false]], "list_organization_users() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_organization_users", false]], "list_pipeline_version_logs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_pipeline_version_logs", false]], "list_pipeline_version_logs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_pipeline_version_logs", false]], "list_pipeline_versions() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.list_pipeline_versions", false]], "list_pipeline_versions() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.list_pipeline_versions", false]], "list_pipelines() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_pipelines", false]], "list_pipelines() (abacusai.project method)": [[176, "abacusai.Project.list_pipelines", false]], "list_pipelines() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_pipelines", false]], "list_pipelines() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_pipelines", false]], "list_prediction_operator_versions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_prediction_operator_versions", false]], "list_prediction_operator_versions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_prediction_operator_versions", false]], "list_prediction_operators() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_prediction_operators", false]], "list_prediction_operators() (abacusai.project method)": [[176, "abacusai.Project.list_prediction_operators", false]], "list_prediction_operators() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_prediction_operators", false]], "list_prediction_operators() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_prediction_operators", false]], "list_project_feature_group_templates() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_project_feature_group_templates", false]], "list_project_feature_group_templates() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_project_feature_group_templates", false]], "list_project_feature_groups() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_project_feature_groups", false]], "list_project_feature_groups() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_project_feature_groups", false]], "list_projects() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_projects", false]], "list_projects() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_projects", false]], "list_projects_dashboard() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.list_projects_dashboard", false]], "list_projects_dashboard() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.list_projects_dashboard", false]], "list_python_function_feature_groups() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_python_function_feature_groups", false]], "list_python_function_feature_groups() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_python_function_feature_groups", false]], "list_python_functions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_python_functions", false]], "list_python_functions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_python_functions", false]], "list_realtime_monitors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_realtime_monitors", false]], "list_realtime_monitors() (abacusai.project method)": [[176, "abacusai.Project.list_realtime_monitors", false]], "list_realtime_monitors() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_realtime_monitors", false]], "list_realtime_monitors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_realtime_monitors", false]], "list_refresh_pipeline_runs() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_refresh_pipeline_runs", false]], "list_refresh_pipeline_runs() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_refresh_pipeline_runs", false]], "list_refresh_pipeline_runs() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.list_refresh_pipeline_runs", false]], "list_refresh_pipeline_runs() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.list_refresh_pipeline_runs", false]], "list_refresh_policies() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.list_refresh_policies", false]], "list_refresh_policies() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.list_refresh_policies", false]], "list_refresh_policies() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_refresh_policies", false]], "list_refresh_policies() (abacusai.dataset method)": [[176, "abacusai.Dataset.list_refresh_policies", false]], "list_refresh_policies() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.list_refresh_policies", false]], "list_refresh_policies() (abacusai.deployment method)": [[176, "abacusai.Deployment.list_refresh_policies", false]], "list_refresh_policies() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.list_refresh_policies", false]], "list_refresh_policies() (abacusai.model method)": [[176, "abacusai.Model.list_refresh_policies", false]], "list_refresh_policies() (abacusai.model.model method)": [[197, "abacusai.model.Model.list_refresh_policies", false]], "list_refresh_policies() (abacusai.project method)": [[176, "abacusai.Project.list_refresh_policies", false]], "list_refresh_policies() (abacusai.project.project method)": [[252, "abacusai.project.Project.list_refresh_policies", false]], "list_refresh_policies() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_refresh_policies", false]], "list_route_llm_models() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_route_llm_models", false]], "list_route_llm_models() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_route_llm_models", false]], "list_streaming_connectors() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_streaming_connectors", false]], "list_streaming_connectors() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_streaming_connectors", false]], "list_streaming_tokens() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_streaming_tokens", false]], "list_streaming_tokens() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_streaming_tokens", false]], "list_uploads() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_uploads", false]], "list_uploads() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_uploads", false]], "list_use_cases() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_use_cases", false]], "list_use_cases() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_use_cases", false]], "list_user_group_object_permissions() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.list_user_group_object_permissions", false]], "list_user_group_object_permissions() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.list_user_group_object_permissions", false]], "list_versions() (abacusai.agent method)": [[176, "abacusai.Agent.list_versions", false]], "list_versions() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.list_versions", false]], "list_versions() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.list_versions", false]], "list_versions() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.list_versions", false]], "list_versions() (abacusai.dataset method)": [[176, "abacusai.Dataset.list_versions", false]], "list_versions() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.list_versions", false]], "list_versions() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.list_versions", false]], "list_versions() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.list_versions", false]], "list_versions() (abacusai.eda method)": [[176, "abacusai.Eda.list_versions", false]], "list_versions() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.list_versions", false]], "list_versions() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.list_versions", false]], "list_versions() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.list_versions", false]], "list_versions() (abacusai.holdout_analysis.holdoutanalysis method)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.list_versions", false]], "list_versions() (abacusai.holdoutanalysis method)": [[176, "abacusai.HoldoutAnalysis.list_versions", false]], "list_versions() (abacusai.model method)": [[176, "abacusai.Model.list_versions", false]], "list_versions() (abacusai.model.model method)": [[197, "abacusai.model.Model.list_versions", false]], "list_versions() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.list_versions", false]], "list_versions() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.list_versions", false]], "list_versions() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.list_versions", false]], "list_versions() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.list_versions", false]], "list_versions() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.list_versions", false]], "list_versions() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.list_versions", false]], "list_webhooks() (abacusai.deployment method)": [[176, "abacusai.Deployment.list_webhooks", false]], "list_webhooks() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.list_webhooks", false]], "listresponsesection (class in abacusai)": [[176, "abacusai.ListResponseSection", false]], "listresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ListResponseSection", false]], "listresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ListResponseSection", false]], "llama3_1_405b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_1_405B", false]], "llama3_1_405b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_1_405B", false]], "llama3_1_405b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.LLAMA3_1_405B", false]], "llama3_1_70b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_1_70B", false]], "llama3_1_70b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_1_70B", false]], "llama3_1_70b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.LLAMA3_1_70B", false]], "llama3_1_8b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_1_8B", false]], "llama3_1_8b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_1_8B", false]], "llama3_1_8b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.LLAMA3_1_8B", false]], "llama3_3_70b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_3_70B", false]], "llama3_3_70b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_3_70B", false]], "llama3_3_70b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.LLAMA3_3_70B", false]], "llama3_large_chat (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA3_LARGE_CHAT", false]], "llama3_large_chat (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA3_LARGE_CHAT", false]], "llama3_large_chat (abacusai.llmname attribute)": [[176, "abacusai.LLMName.LLAMA3_LARGE_CHAT", false]], "llama4_maverick (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.LLAMA4_MAVERICK", false]], "llama4_maverick (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.LLAMA4_MAVERICK", false]], "llama4_maverick (abacusai.llmname attribute)": [[176, "abacusai.LLMName.LLAMA4_MAVERICK", false]], "llm (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.LLM", false]], "llm (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.LLM", false], [27, "id126", false]], "llm (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.LLM", false]], "llm_app_id (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.llm_app_id", false]], "llm_app_id (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.llm_app_id", false]], "llm_artifact_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.llm_artifact_id", false]], "llm_artifact_id (abacusai.hosted_artifact.hostedartifact attribute)": [[167, "abacusai.hosted_artifact.HostedArtifact.llm_artifact_id", false]], "llm_artifact_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.llm_artifact_id", false]], "llm_artifact_id (abacusai.hostedartifact attribute)": [[176, "abacusai.HostedArtifact.llm_artifact_id", false]], "llm_artifact_id (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.llm_artifact_id", false]], "llm_artifact_id (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.llm_artifact_id", false]], "llm_artifact_id (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.llm_artifact_id", false]], "llm_artifact_id (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.llm_artifact_id", false]], "llm_artifact_id (abacusai.web_app_conversation.webappconversation attribute)": [[305, "abacusai.web_app_conversation.WebAppConversation.llm_artifact_id", false]], "llm_artifact_id (abacusai.webappconversation attribute)": [[176, "abacusai.WebAppConversation.llm_artifact_id", false]], "llm_bot_icon (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.llm_bot_icon", false]], "llm_bot_icon (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.llm_bot_icon", false]], "llm_bot_icon (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.llm_bot_icon", false]], "llm_bot_icon (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.llm_bot_icon", false]], "llm_bot_icon (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.llm_bot_icon", false]], "llm_bot_icon (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.llm_bot_icon", false]], "llm_bot_icon (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication attribute)": [[266, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.llm_bot_icon", false]], "llm_bot_icon (abacusai.regenerate_llm_option.regeneratellmoption attribute)": [[267, "abacusai.regenerate_llm_option.RegenerateLlmOption.llm_bot_icon", false]], "llm_bot_icon (abacusai.regeneratellmexternalapplication attribute)": [[176, "abacusai.RegenerateLlmExternalApplication.llm_bot_icon", false]], "llm_bot_icon (abacusai.regeneratellmoption attribute)": [[176, "abacusai.RegenerateLlmOption.llm_bot_icon", false]], "llm_display_name (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.llm_display_name", false]], "llm_display_name (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.llm_display_name", false]], "llm_display_name (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.llm_display_name", false]], "llm_display_name (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.llm_display_name", false]], "llm_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.llm_endpoint", false]], "llm_endpoint (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.llm_endpoint", false]], "llm_for_ner (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.llm_for_ner", false]], "llm_for_ner (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.llm_for_ner", false]], "llm_for_ner (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.llm_for_ner", false]], "llm_name (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.llm_name", false]], "llm_name (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.llm_name", false]], "llm_name (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.llm_name", false]], "llm_name (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.llm_name", false]], "llm_name (abacusai.chatllmpredictionarguments attribute)": [[176, "abacusai.ChatLLMPredictionArguments.llm_name", false]], "llm_name (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.llm_name", false]], "llm_name (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.llm_name", false]], "llm_name (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.llm_name", false]], "llm_name (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.llm_name", false]], "llm_name (abacusai.naturallanguagesearchpredictionarguments attribute)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments.llm_name", false]], "llm_name (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication attribute)": [[266, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.llm_name", false]], "llm_name (abacusai.regenerate_llm_option.regeneratellmoption attribute)": [[267, "abacusai.regenerate_llm_option.RegenerateLlmOption.llm_name", false]], "llm_name (abacusai.regeneratellmexternalapplication attribute)": [[176, "abacusai.RegenerateLlmExternalApplication.llm_name", false]], "llm_name (abacusai.regeneratellmoption attribute)": [[176, "abacusai.RegenerateLlmOption.llm_name", false]], "llmagentnode (class in abacusai)": [[176, "abacusai.LLMAgentNode", false]], "llmagentnode (class in abacusai.api_class)": [[27, "abacusai.api_class.LLMAgentNode", false]], "llmagentnode (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode", false]], "llmapp (class in abacusai)": [[176, "abacusai.LlmApp", false]], "llmapp (class in abacusai.llm_app)": [[182, "abacusai.llm_app.LlmApp", false]], "llmartifact (class in abacusai)": [[176, "abacusai.LlmArtifact", false]], "llmartifact (class in abacusai.llm_artifact)": [[183, "abacusai.llm_artifact.LlmArtifact", false]], "llmcodeblock (class in abacusai)": [[176, "abacusai.LlmCodeBlock", false]], "llmcodeblock (class in abacusai.llm_code_block)": [[184, "abacusai.llm_code_block.LlmCodeBlock", false]], "llmexecutionpreview (class in abacusai)": [[176, "abacusai.LlmExecutionPreview", false]], "llmexecutionpreview (class in abacusai.llm_execution_preview)": [[185, "abacusai.llm_execution_preview.LlmExecutionPreview", false]], "llmexecutionresult (class in abacusai)": [[176, "abacusai.LlmExecutionResult", false]], "llmexecutionresult (class in abacusai.llm_execution_result)": [[186, "abacusai.llm_execution_result.LlmExecutionResult", false]], "llmgeneratedcode (class in abacusai)": [[176, "abacusai.LlmGeneratedCode", false]], "llmgeneratedcode (class in abacusai.llm_generated_code)": [[187, "abacusai.llm_generated_code.LlmGeneratedCode", false]], "llminput (class in abacusai)": [[176, "abacusai.LlmInput", false]], "llminput (class in abacusai.llm_input)": [[188, "abacusai.llm_input.LlmInput", false]], "llmname (class in abacusai)": [[176, "abacusai.LLMName", false]], "llmname (class in abacusai.api_class)": [[27, "abacusai.api_class.LLMName", false]], "llmname (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.LLMName", false]], "llmparameters (class in abacusai)": [[176, "abacusai.LlmParameters", false]], "llmparameters (class in abacusai.llm_parameters)": [[189, "abacusai.llm_parameters.LlmParameters", false]], "llmresponse (class in abacusai)": [[176, "abacusai.LlmResponse", false]], "llmresponse (class in abacusai.llm_response)": [[190, "abacusai.llm_response.LlmResponse", false]], "load_as_pandas() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.load_as_pandas", false]], "load_as_pandas() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.load_as_pandas", false]], "load_as_pandas() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.load_as_pandas", false]], "load_as_pandas() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.load_as_pandas", false]], "load_as_pandas() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.load_as_pandas", false]], "load_as_pandas() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.load_as_pandas", false]], "load_as_pandas_documents() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.load_as_pandas_documents", false]], "load_as_pandas_documents() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.load_as_pandas_documents", false]], "load_as_pandas_documents() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.load_as_pandas_documents", false]], "load_as_pandas_documents() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.load_as_pandas_documents", false]], "load_as_pandas_from_avro_fd() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.load_as_pandas_from_avro_fd", false]], "load_as_pandas_from_avro_files() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.load_as_pandas_from_avro_files", false]], "load_results_as_pandas() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.load_results_as_pandas", false]], "load_results_as_pandas() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.load_results_as_pandas", false]], "load_results_as_pandas() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.load_results_as_pandas", false]], "load_results_as_pandas() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.load_results_as_pandas", false]], "local_scale_target (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.local_scale_target", false]], "local_scale_target (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.local_scale_target", false]], "local_scale_target (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.local_scale_target", false]], "local_scaling_mode (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.local_scaling_mode", false]], "local_scaling_mode (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.local_scaling_mode", false]], "local_scaling_mode (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.local_scaling_mode", false]], "location (abacusai.api_class.azurestoragedatasetconfig attribute)": [[27, "abacusai.api_class.AzureStorageDatasetConfig.location", false]], "location (abacusai.api_class.boxdatasetconfig attribute)": [[27, "abacusai.api_class.BoxDatasetConfig.location", false]], "location (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.azurestoragedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AzureStorageDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.boxdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.sftpdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SftpDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.location", false]], "location (abacusai.api_class.dataset_application_connector.zendeskdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig.location", false]], "location (abacusai.api_class.fileconnectorexportconfig attribute)": [[27, "abacusai.api_class.FileConnectorExportConfig.location", false]], "location (abacusai.api_class.googleanalyticsdatasetconfig attribute)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.location", false]], "location (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.location", false]], "location (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.location", false]], "location (abacusai.api_class.refresh.fileconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.location", false]], "location (abacusai.api_class.sftpdatasetconfig attribute)": [[27, "abacusai.api_class.SftpDatasetConfig.location", false]], "location (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.location", false]], "location (abacusai.api_class.zendeskdatasetconfig attribute)": [[27, "abacusai.api_class.ZendeskDatasetConfig.location", false]], "location (abacusai.azurestoragedatasetconfig attribute)": [[176, "abacusai.AzureStorageDatasetConfig.location", false]], "location (abacusai.boxdatasetconfig attribute)": [[176, "abacusai.BoxDatasetConfig.location", false]], "location (abacusai.confluencedatasetconfig attribute)": [[176, "abacusai.ConfluenceDatasetConfig.location", false]], "location (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.location", false]], "location (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.location", false]], "location (abacusai.fileconnectorexportconfig attribute)": [[176, "abacusai.FileConnectorExportConfig.location", false]], "location (abacusai.googleanalyticsdatasetconfig attribute)": [[176, "abacusai.GoogleAnalyticsDatasetConfig.location", false]], "location (abacusai.googledrivedatasetconfig attribute)": [[176, "abacusai.GoogleDriveDatasetConfig.location", false]], "location (abacusai.model attribute)": [[176, "abacusai.Model.location", false]], "location (abacusai.model.model attribute)": [[197, "abacusai.model.Model.location", false]], "location (abacusai.model_location.modellocation attribute)": [[201, "abacusai.model_location.ModelLocation.location", false]], "location (abacusai.modellocation attribute)": [[176, "abacusai.ModelLocation.location", false]], "location (abacusai.onedrivedatasetconfig attribute)": [[176, "abacusai.OneDriveDatasetConfig.location", false]], "location (abacusai.sftpdatasetconfig attribute)": [[176, "abacusai.SftpDatasetConfig.location", false]], "location (abacusai.sharepointdatasetconfig attribute)": [[176, "abacusai.SharepointDatasetConfig.location", false]], "location (abacusai.zendeskdatasetconfig attribute)": [[176, "abacusai.ZendeskDatasetConfig.location", false]], "location_type (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.location_type", false]], "location_type (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.location_type", false]], "location_type (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.location_type", false]], "location_type (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.location_type", false]], "location_type (abacusai.confluencedatasetconfig attribute)": [[176, "abacusai.ConfluenceDatasetConfig.location_type", false]], "location_type (abacusai.googledrivedatasetconfig attribute)": [[176, "abacusai.GoogleDriveDatasetConfig.location_type", false]], "lock (in module abacusai.global_context)": [[160, "abacusai.global_context.lock", false]], "locked_until (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.locked_until", false]], "locked_until (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.locked_until", false]], "lofo_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[147, "abacusai.feature_importance.FeatureImportance.lofo_feature_importance", false]], "lofo_feature_importance (abacusai.featureimportance attribute)": [[176, "abacusai.FeatureImportance.lofo_feature_importance", false]], "log (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.LOG", false]], "log (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.LOG", false]], "log (abacusai.regressiontargettransform attribute)": [[176, "abacusai.RegressionTargetTransform.LOG", false]], "log_loss (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.LOG_LOSS", false]], "log_loss (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.LOG_LOSS", false]], "log_loss (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.LOG_LOSS", false]], "log_loss (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.LOG_LOSS", false]], "log_loss (abacusai.nerobjective attribute)": [[176, "abacusai.NERObjective.LOG_LOSS", false]], "log_loss (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.LOG_LOSS", false]], "log_root_mean_square_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.LOG_ROOT_MEAN_SQUARE_ERROR", false]], "log_root_mean_square_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.LOG_ROOT_MEAN_SQUARE_ERROR", false]], "log_root_mean_square_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.LOG_ROOT_MEAN_SQUARE_ERROR", false]], "logo (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.logo", false]], "logo (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.logo", false]], "logo (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.logo", false]], "logo (abacusai.organizationexternalapplicationsettings attribute)": [[176, "abacusai.OrganizationExternalApplicationSettings.logo", false]], "logs (abacusai.batch_prediction_version_logs.batchpredictionversionlogs attribute)": [[46, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.logs", false]], "logs (abacusai.batchpredictionversionlogs attribute)": [[176, "abacusai.BatchPredictionVersionLogs.logs", false]], "logs (abacusai.data_prep_logs.datapreplogs attribute)": [[86, "abacusai.data_prep_logs.DataPrepLogs.logs", false]], "logs (abacusai.datapreplogs attribute)": [[176, "abacusai.DataPrepLogs.logs", false]], "logs (abacusai.dataset_version_logs.datasetversionlogs attribute)": [[96, "abacusai.dataset_version_logs.DatasetVersionLogs.logs", false]], "logs (abacusai.datasetversionlogs attribute)": [[176, "abacusai.DatasetVersionLogs.logs", false]], "logs (abacusai.document_retriever_version_logs.documentretrieverversionlogs attribute)": [[108, "abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs.logs", false]], "logs (abacusai.documentretrieverversionlogs attribute)": [[176, "abacusai.DocumentRetrieverVersionLogs.logs", false]], "logs (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.logs", false]], "logs (abacusai.feature_group_version_logs.featuregroupversionlogs attribute)": [[146, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.logs", false]], "logs (abacusai.featuregrouprowprocesslogs attribute)": [[176, "abacusai.FeatureGroupRowProcessLogs.logs", false]], "logs (abacusai.featuregroupversionlogs attribute)": [[176, "abacusai.FeatureGroupVersionLogs.logs", false]], "logs (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.logs", false]], "logs (abacusai.pipelinestepversionlogs attribute)": [[176, "abacusai.PipelineStepVersionLogs.logs", false]], "long_description (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.long_description", false]], "long_description (abacusai.api_class.ai_agents.workflownodeoutputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.long_description", false]], "long_description (abacusai.api_class.ai_agents.workflownodetemplateinput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.long_description", false]], "long_description (abacusai.api_class.ai_agents.workflownodetemplateoutput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.long_description", false]], "long_description (abacusai.api_class.outputvariablemapping attribute)": [[27, "abacusai.api_class.OutputVariableMapping.long_description", false]], "long_description (abacusai.api_class.python_functions.outputvariablemapping attribute)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping.long_description", false]], "long_description (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.long_description", false]], "long_description (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.long_description", false]], "long_description (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.long_description", false]], "long_description (abacusai.api_class.workflownodeoutputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.long_description", false]], "long_description (abacusai.api_class.workflownodetemplateinput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.long_description", false]], "long_description (abacusai.api_class.workflownodetemplateoutput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.long_description", false]], "long_description (abacusai.outputvariablemapping attribute)": [[176, "abacusai.OutputVariableMapping.long_description", false]], "long_description (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.long_description", false]], "long_description (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.long_description", false]], "long_description (abacusai.workflownodeoutputmapping attribute)": [[176, "abacusai.WorkflowNodeOutputMapping.long_description", false]], "long_description (abacusai.workflownodetemplateinput attribute)": [[176, "abacusai.WorkflowNodeTemplateInput.long_description", false]], "long_description (abacusai.workflownodetemplateoutput attribute)": [[176, "abacusai.WorkflowNodeTemplateOutput.long_description", false]], "long_explanation (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation.long_explanation", false]], "long_explanation (abacusai.naturallanguageexplanation attribute)": [[176, "abacusai.NaturalLanguageExplanation.long_explanation", false]], "lookback_count (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_count", false]], "lookback_count (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.lookback_count", false]], "lookback_count (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.lookback_count", false]], "lookback_count (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.lookback_count", false]], "lookback_days (abacusai.dataset attribute)": [[176, "abacusai.Dataset.lookback_days", false]], "lookback_days (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.lookback_days", false]], "lookback_time (abacusai.realtime_monitor.realtimemonitor attribute)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.lookback_time", false]], "lookback_time (abacusai.realtimemonitor attribute)": [[176, "abacusai.RealtimeMonitor.lookback_time", false]], "lookback_until_position (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_until_position", false]], "lookback_until_position (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.lookback_until_position", false]], "lookback_until_position (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.lookback_until_position", false]], "lookback_until_position (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.lookback_until_position", false]], "lookback_window (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.lookback_window", false]], "lookback_window (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.lookback_window", false]], "lookback_window_lag (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.lookback_window_lag", false]], "lookback_window_lag (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.lookback_window_lag", false]], "lookback_window_lag_seconds (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_window_lag_seconds", false]], "lookback_window_lag_seconds (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.lookback_window_lag_seconds", false]], "lookback_window_seconds (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.lookback_window_seconds", false]], "lookback_window_seconds (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.lookback_window_seconds", false]], "lookup_features() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.lookup_features", false]], "lookup_features() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.lookup_features", false]], "lookup_features() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.lookup_features", false]], "lookup_features() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.lookup_features", false]], "lookup_keys (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.lookup_keys", false]], "lookup_keys (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.lookup_keys", false]], "lookup_keys (abacusai.indexing_config.indexingconfig attribute)": [[177, "abacusai.indexing_config.IndexingConfig.lookup_keys", false]], "lookup_keys (abacusai.indexingconfig attribute)": [[176, "abacusai.IndexingConfig.lookup_keys", false]], "lookup_keys (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.lookup_keys", false]], "lookup_keys (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.lookup_keys", false]], "lookup_matches() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.lookup_matches", false]], "lookup_matches() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.lookup_matches", false]], "lookup_matches() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.lookup_matches", false]], "lookup_matches() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.lookup_matches", false]], "lookup_rewrite_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.lookup_rewrite_instructions", false]], "lookup_rewrite_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.lookup_rewrite_instructions", false]], "lookup_rewrite_instructions (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.lookup_rewrite_instructions", false]], "loss_function (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.loss_function", false]], "loss_function (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.loss_function", false]], "loss_function (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.loss_function", false]], "loss_function (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.loss_function", false]], "loss_function (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.loss_function", false]], "loss_function (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.loss_function", false]], "loss_function_name (abacusai.custom_loss_function.customlossfunction attribute)": [[79, "abacusai.custom_loss_function.CustomLossFunction.loss_function_name", false]], "loss_function_name (abacusai.customlossfunction attribute)": [[176, "abacusai.CustomLossFunction.loss_function_name", false]], "loss_function_type (abacusai.custom_loss_function.customlossfunction attribute)": [[79, "abacusai.custom_loss_function.CustomLossFunction.loss_function_type", false]], "loss_function_type (abacusai.customlossfunction attribute)": [[176, "abacusai.CustomLossFunction.loss_function_type", false]], "loss_parameters (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.loss_parameters", false]], "loss_parameters (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.loss_parameters", false]], "loss_parameters (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.loss_parameters", false]], "low_peak (abacusai.api_class.enums.timeseriesanomalytypeofanomaly attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly.LOW_PEAK", false]], "low_peak (abacusai.api_class.timeseriesanomalytypeofanomaly attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly.LOW_PEAK", false]], "low_peak (abacusai.timeseriesanomalytypeofanomaly attribute)": [[176, "abacusai.TimeseriesAnomalyTypeOfAnomaly.LOW_PEAK", false]], "lower_bound (abacusai.api_class.itemattributesstddevthreshold attribute)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold.lower_bound", false]], "lower_bound (abacusai.api_class.monitor.itemattributesstddevthreshold attribute)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold.lower_bound", false]], "lower_bound (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.lower_bound", false]], "lower_bound (abacusai.itemattributesstddevthreshold attribute)": [[176, "abacusai.ItemAttributesStdDevThreshold.lower_bound", false]], "lower_bound (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.lower_bound", false]], "lsp_deadline (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.lsp_deadline", false]], "lsp_deadline (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.lsp_deadline", false]], "mae (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MAE", false]], "mae (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.MAE", false]], "mae (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MAE", false]], "mae (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.MAE", false]], "mae (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.MAE", false]], "mae (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.MAE", false]], "managed_user_service (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.managed_user_service", false]], "managed_user_service (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.managed_user_service", false]], "managed_user_service (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.managed_user_service", false]], "managed_user_service (abacusai.organizationexternalapplicationsettings attribute)": [[176, "abacusai.OrganizationExternalApplicationSettings.managed_user_service", false]], "map (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MAP", false]], "map (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MAP", false]], "map (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.MAP", false]], "map_10 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MAP_10", false]], "map_10 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MAP_10", false]], "map_10 (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.MAP_10", false]], "map_5 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MAP_5", false]], "map_5 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MAP_5", false]], "map_5 (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.MAP_5", false]], "mape (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.MAPE", false]], "mape (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MAPE", false]], "mape (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.MAPE", false]], "mape (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.MAPE", false]], "mape (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MAPE", false]], "mape (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.MAPE", false]], "mape (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.MAPE", false]], "mape (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.MAPE", false]], "mape (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.MAPE", false]], "mark_complete() (abacusai.upload method)": [[176, "abacusai.Upload.mark_complete", false]], "mark_complete() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.mark_complete", false]], "mark_upload_complete() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.mark_upload_complete", false]], "mark_upload_complete() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.mark_upload_complete", false]], "markdown (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.MARKDOWN", false]], "markdown (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.MARKDOWN", false]], "markdown (abacusai.operatortype attribute)": [[176, "abacusai.OperatorType.MARKDOWN", false]], "markdown_features (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.MARKDOWN_FEATURES", false]], "markdownconfig (class in abacusai)": [[176, "abacusai.MarkdownConfig", false]], "markdownconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MarkdownConfig", false]], "markdownconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.MarkdownConfig", false]], "markdownoperatorinputtype (class in abacusai)": [[176, "abacusai.MarkdownOperatorInputType", false]], "markdownoperatorinputtype (class in abacusai.api_class)": [[27, "abacusai.api_class.MarkdownOperatorInputType", false]], "markdownoperatorinputtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MarkdownOperatorInputType", false]], "mask_pii (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.mask_pii", false]], "mask_pii (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.mask_pii", false]], "mask_pii (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.mask_pii", false], [27, "id165", false]], "mask_pii (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.mask_pii", false]], "mask_pii (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.mask_pii", false]], "mask_pii (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.mask_pii", false]], "materialization_completed_at (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.materialization_completed_at", false]], "materialization_completed_at (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.materialization_completed_at", false]], "materialization_started_at (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.materialization_started_at", false]], "materialization_started_at (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.materialization_started_at", false]], "materialize() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.materialize", false]], "materialize() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.materialize", false]], "matrix (abacusai.agentinterface attribute)": [[176, "abacusai.AgentInterface.MATRIX", false]], "matrix (abacusai.api_class.agentinterface attribute)": [[27, "abacusai.api_class.AgentInterface.MATRIX", false]], "matrix (abacusai.api_class.enums.agentinterface attribute)": [[25, "abacusai.api_class.enums.AgentInterface.MATRIX", false]], "max (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.MAX", false]], "max (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.MAX", false]], "max (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.MAX", false]], "max (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.max", false]], "max (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.max", false]], "max_catalog_size (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.max_catalog_size", false]], "max_catalog_size (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.max_catalog_size", false]], "max_catalog_size (abacusai.customtrainedmodeltrainingconfig attribute)": [[176, "abacusai.CustomTrainedModelTrainingConfig.max_catalog_size", false]], "max_concurrent_requests (abacusai.codellm_embedding_constants.codellmembeddingconstants attribute)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.max_concurrent_requests", false]], "max_concurrent_requests (abacusai.codellmembeddingconstants attribute)": [[176, "abacusai.CodellmEmbeddingConstants.max_concurrent_requests", false]], "max_count (abacusai.data_upload_result.datauploadresult attribute)": [[88, "abacusai.data_upload_result.DataUploadResult.max_count", false]], "max_count (abacusai.datauploadresult attribute)": [[176, "abacusai.DataUploadResult.max_count", false]], "max_days_to_lookback (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.max_days_to_lookback", false]], "max_days_to_lookback (abacusai.api_class.teamsscraperdatasetconfig attribute)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.max_days_to_lookback", false]], "max_days_to_lookback (abacusai.teamsscraperdatasetconfig attribute)": [[176, "abacusai.TeamsScraperDatasetConfig.max_days_to_lookback", false]], "max_dimension (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.max_dimension", false]], "max_dimension (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.max_dimension", false]], "max_dimension (abacusai.customtrainedmodeltrainingconfig attribute)": [[176, "abacusai.CustomTrainedModelTrainingConfig.max_dimension", false]], "max_history_length (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.max_history_length", false]], "max_history_length (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.max_history_length", false]], "max_history_length (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.max_history_length", false]], "max_lines (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.max_lines", false]], "max_lines (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.max_lines", false]], "max_occurrences_per_word (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.max_occurrences_per_word", false]], "max_occurrences_per_word (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.max_occurrences_per_word", false]], "max_pending_requests (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.max_pending_requests", false]], "max_pending_requests (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.max_pending_requests", false]], "max_scale_context (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.max_scale_context", false]], "max_scale_context (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.max_scale_context", false]], "max_scale_context (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.max_scale_context", false]], "max_search_results (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.max_search_results", false]], "max_search_results (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.max_search_results", false]], "max_search_results (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.max_search_results", false]], "max_supported_workspace_chunks (abacusai.codellm_embedding_constants.codellmembeddingconstants attribute)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.max_supported_workspace_chunks", false]], "max_supported_workspace_chunks (abacusai.codellmembeddingconstants attribute)": [[176, "abacusai.CodellmEmbeddingConstants.max_supported_workspace_chunks", false]], "max_supported_workspace_files (abacusai.codellm_embedding_constants.codellmembeddingconstants attribute)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.max_supported_workspace_files", false]], "max_supported_workspace_files (abacusai.codellmembeddingconstants attribute)": [[176, "abacusai.CodellmEmbeddingConstants.max_supported_workspace_files", false]], "max_symbols_fuzzy_match (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.max_symbols_fuzzy_match", false]], "max_symbols_fuzzy_match (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.max_symbols_fuzzy_match", false]], "max_text_words (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.max_text_words", false]], "max_text_words (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.max_text_words", false]], "max_text_words (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.max_text_words", false]], "max_tokens_in_sentence (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.max_tokens_in_sentence", false]], "max_tokens_in_sentence (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.max_tokens_in_sentence", false]], "max_tokens_in_sentence (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.max_tokens_in_sentence", false]], "max_tracked_recent_changes (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.max_tracked_recent_changes", false]], "max_tracked_recent_changes (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.max_tracked_recent_changes", false]], "max_tracked_visit_changes (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.max_tracked_visit_changes", false]], "max_tracked_visit_changes (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.max_tracked_visit_changes", false]], "max_user_history_len_percentile (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.max_user_history_len_percentile", false]], "max_user_history_len_percentile (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.max_user_history_len_percentile", false]], "max_user_history_len_percentile (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.max_user_history_len_percentile", false]], "max_value (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.max_value", false]], "max_value (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.max_value", false]], "max_value (abacusai.restrictfeaturemappings attribute)": [[176, "abacusai.RestrictFeatureMappings.max_value", false]], "max_words_content_matches (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.max_words_content_matches", false]], "max_words_content_matches (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.max_words_content_matches", false]], "mcp (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.MCP", false]], "mcp (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.MCP", false]], "mcp (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.MCP", false]], "mcp_config (abacusai.mcp_config.mcpconfig attribute)": [[191, "abacusai.mcp_config.McpConfig.mcp_config", false]], "mcp_config (abacusai.mcpconfig attribute)": [[176, "abacusai.McpConfig.mcp_config", false]], "mcp_server_connection_id (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.mcp_server_connection_id", false]], "mcp_server_connection_id (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.mcp_server_connection_id", false]], "mcp_servers (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.mcp_servers", false]], "mcp_servers (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.mcp_servers", false]], "mcp_servers (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.mcp_servers", false]], "mcpconfig (class in abacusai)": [[176, "abacusai.McpConfig", false]], "mcpconfig (class in abacusai.mcp_config)": [[191, "abacusai.mcp_config.McpConfig", false]], "mcpserver (class in abacusai)": [[176, "abacusai.McpServer", false]], "mcpserver (class in abacusai.mcp_server)": [[192, "abacusai.mcp_server.McpServer", false]], "mcpserverconnection (class in abacusai)": [[176, "abacusai.McpServerConnection", false]], "mcpserverconnection (class in abacusai.mcp_server_connection)": [[193, "abacusai.mcp_server_connection.McpServerConnection", false]], "mcpserverqueryresult (class in abacusai)": [[176, "abacusai.McpServerQueryResult", false]], "mcpserverqueryresult (class in abacusai.mcp_server_query_result)": [[194, "abacusai.mcp_server_query_result.McpServerQueryResult", false]], "md (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MD", false]], "md (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MD", false]], "md (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.MD", false]], "md5 (abacusai.upload_part.uploadpart attribute)": [[293, "abacusai.upload_part.UploadPart.md5", false]], "md5 (abacusai.uploadpart attribute)": [[176, "abacusai.UploadPart.md5", false]], "mean (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.mean", false]], "mean (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.mean", false]], "mean_absolute_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.MEAN_ABSOLUTE_ERROR", false]], "mean_absolute_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.MEAN_ABSOLUTE_ERROR", false]], "mean_absolute_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.MEAN_ABSOLUTE_ERROR", false]], "mean_absolute_percentage_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "mean_absolute_percentage_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "mean_absolute_percentage_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "median (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.MEDIAN", false]], "median (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.MEDIAN", false]], "median (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.MEDIAN", false]], "median (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.median", false]], "median (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.median", false]], "medium (abacusai.api_class.cpusize attribute)": [[27, "abacusai.api_class.CPUSize.MEDIUM", false]], "medium (abacusai.api_class.enums.cpusize attribute)": [[25, "abacusai.api_class.enums.CPUSize.MEDIUM", false]], "medium (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.MEDIUM", false]], "medium (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.MEDIUM", false]], "medium (abacusai.cpusize attribute)": [[176, "abacusai.CPUSize.MEDIUM", false]], "medium (abacusai.memorysize attribute)": [[176, "abacusai.MemorySize.MEDIUM", false]], "memory (abacusai.agent attribute)": [[176, "abacusai.Agent.memory", false]], "memory (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.memory", false]], "memory (abacusai.chatllm_memory.chatllmmemory attribute)": [[53, "abacusai.chatllm_memory.ChatllmMemory.memory", false]], "memory (abacusai.chatllmmemory attribute)": [[176, "abacusai.ChatllmMemory.memory", false]], "memory (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.memory", false]], "memory (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.memory", false]], "memory (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.memory", false]], "memory (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.memory", false]], "memory (abacusai.model attribute)": [[176, "abacusai.Model.memory", false]], "memory (abacusai.model.model attribute)": [[197, "abacusai.model.Model.memory", false]], "memory (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.memory", false]], "memory (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.memory", false]], "memory (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.memory", false]], "memory (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.memory", false]], "memory (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.memory", false]], "memory (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.memory", false]], "memory (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.memory", false]], "memory (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.memory", false]], "memory (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.memory", false]], "memory (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.memory", false]], "memory (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.memory", false]], "memory (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.memory", false]], "memoryoptions (class in abacusai)": [[176, "abacusai.MemoryOptions", false]], "memoryoptions (class in abacusai.memory_options)": [[195, "abacusai.memory_options.MemoryOptions", false]], "memorysize (class in abacusai)": [[176, "abacusai.MemorySize", false]], "memorysize (class in abacusai.api_class)": [[27, "abacusai.api_class.MemorySize", false]], "memorysize (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MemorySize", false]], "merge_config (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.merge_config", false]], "merge_config (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.merge_config", false]], "merge_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.merge_config", false]], "merge_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.merge_config", false]], "merge_file_schemas (abacusai.api_class.azurestoragedatasetconfig attribute)": [[27, "abacusai.api_class.AzureStorageDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.boxdatasetconfig attribute)": [[27, "abacusai.api_class.BoxDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.azurestoragedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AzureStorageDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.boxdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.BoxDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.googledrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.onedrivedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.sftpdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SftpDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.dataset_application_connector.sharepointdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.googledrivedatasetconfig attribute)": [[27, "abacusai.api_class.GoogleDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.onedrivedatasetconfig attribute)": [[27, "abacusai.api_class.OneDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.sftpdatasetconfig attribute)": [[27, "abacusai.api_class.SftpDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.api_class.sharepointdatasetconfig attribute)": [[27, "abacusai.api_class.SharepointDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.azurestoragedatasetconfig attribute)": [[176, "abacusai.AzureStorageDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.boxdatasetconfig attribute)": [[176, "abacusai.BoxDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.dataset attribute)": [[176, "abacusai.Dataset.merge_file_schemas", false]], "merge_file_schemas (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.merge_file_schemas", false]], "merge_file_schemas (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.merge_file_schemas", false]], "merge_file_schemas (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.merge_file_schemas", false]], "merge_file_schemas (abacusai.googledrivedatasetconfig attribute)": [[176, "abacusai.GoogleDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.onedrivedatasetconfig attribute)": [[176, "abacusai.OneDriveDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.sftpdatasetconfig attribute)": [[176, "abacusai.SftpDatasetConfig.merge_file_schemas", false]], "merge_file_schemas (abacusai.sharepointdatasetconfig attribute)": [[176, "abacusai.SharepointDatasetConfig.merge_file_schemas", false]], "merge_mode (abacusai.api_class.feature_group.mergeconfig attribute)": [[26, "abacusai.api_class.feature_group.MergeConfig.merge_mode", false]], "merge_mode (abacusai.api_class.mergeconfig attribute)": [[27, "abacusai.api_class.MergeConfig.merge_mode", false]], "merge_mode (abacusai.mergeconfig attribute)": [[176, "abacusai.MergeConfig.merge_mode", false]], "merge_type (abacusai.concatenation_config.concatenationconfig attribute)": [[73, "abacusai.concatenation_config.ConcatenationConfig.merge_type", false]], "merge_type (abacusai.concatenationconfig attribute)": [[176, "abacusai.ConcatenationConfig.merge_type", false]], "mergeconfig (class in abacusai)": [[176, "abacusai.MergeConfig", false]], "mergeconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MergeConfig", false]], "mergeconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.MergeConfig", false]], "mergemode (class in abacusai)": [[176, "abacusai.MergeMode", false]], "mergemode (class in abacusai.api_class)": [[27, "abacusai.api_class.MergeMode", false]], "mergemode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MergeMode", false]], "message (abacusai.api_client_utils.streamtype attribute)": [[35, "abacusai.api_client_utils.StreamType.MESSAGE", false]], "message (abacusai.apiexception attribute)": [[176, "abacusai.ApiException.message", false]], "message (abacusai.client.apiexception attribute)": [[58, "abacusai.client.ApiException.message", false]], "message (abacusai.custom_domain.customdomain attribute)": [[78, "abacusai.custom_domain.CustomDomain.message", false]], "message (abacusai.customdomain attribute)": [[176, "abacusai.CustomDomain.message", false]], "message_index (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.message_index", false]], "message_index (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.message_index", false]], "messages (abacusai.agent_conversation.agentconversation attribute)": [[4, "abacusai.agent_conversation.AgentConversation.messages", false]], "messages (abacusai.agentconversation attribute)": [[176, "abacusai.AgentConversation.messages", false]], "messages (abacusai.code_agent_response.codeagentresponse attribute)": [[59, "abacusai.code_agent_response.CodeAgentResponse.messages", false]], "messages (abacusai.codeagentresponse attribute)": [[176, "abacusai.CodeAgentResponse.messages", false]], "messages (abacusai.nlp_chat_response.nlpchatresponse attribute)": [[222, "abacusai.nlp_chat_response.NlpChatResponse.messages", false]], "messages (abacusai.nlpchatresponse attribute)": [[176, "abacusai.NlpChatResponse.messages", false]], "messaging_app (abacusai.agentclienttype attribute)": [[176, "abacusai.AgentClientType.MESSAGING_APP", false]], "messaging_app (abacusai.api_class.agentclienttype attribute)": [[27, "abacusai.api_class.AgentClientType.MESSAGING_APP", false]], "messaging_app (abacusai.api_class.enums.agentclienttype attribute)": [[25, "abacusai.api_class.enums.AgentClientType.MESSAGING_APP", false]], "messaging_bot_name (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.messaging_bot_name", false]], "messaging_bot_name (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.messaging_bot_name", false]], "messagingconnectorresponse (class in abacusai)": [[176, "abacusai.MessagingConnectorResponse", false]], "messagingconnectorresponse (class in abacusai.messaging_connector_response)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse", false]], "metadata (abacusai.annotation attribute)": [[176, "abacusai.Annotation.metadata", false]], "metadata (abacusai.annotation.annotation attribute)": [[10, "abacusai.annotation.Annotation.metadata", false]], "metadata (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.METADATA", false]], "metadata (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.metadata", false]], "metadata (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.metadata", false]], "metadata (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.metadata", false]], "metadata (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.metadata", false]], "metadata (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.metadata", false]], "metadata (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.metadata", false]], "metadata (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.metadata", false]], "metadata (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.metadata", false]], "metadata (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.metadata", false]], "metadata (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.metadata", false]], "metadata (abacusai.organization_secret.organizationsecret attribute)": [[227, "abacusai.organization_secret.OrganizationSecret.metadata", false]], "metadata (abacusai.organizationsecret attribute)": [[176, "abacusai.OrganizationSecret.metadata", false]], "metadata (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.metadata", false]], "metadata (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.metadata", false]], "metadata_columns (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.metadata_columns", false]], "metadata_columns (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.metadata_columns", false]], "metadata_columns (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.metadata_columns", false]], "metadata_feature (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.metadata_feature", false]], "metadata_feature (abacusai.annotationconfig attribute)": [[176, "abacusai.AnnotationConfig.metadata_feature", false]], "method (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.method", false]], "method (abacusai.abacusapi attribute)": [[176, "abacusai.AbacusApi.method", false]], "method (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.method", false]], "method (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.method", false]], "methodnotallowed": [[58, "abacusai.client.MethodNotAllowed", false]], "metric_charts (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metric_charts", false]], "metric_charts (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.metric_charts", false]], "metric_configs (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.metric_configs", false]], "metric_configs (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.metric_configs", false]], "metric_configs (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.metric_configs", false]], "metric_configs (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.metric_configs", false]], "metric_data() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.metric_data", false]], "metric_data() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.metric_data", false]], "metric_infos (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.metric_infos", false]], "metric_infos (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.metric_infos", false]], "metric_infos (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metric_infos", false]], "metric_infos (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.metric_infos", false]], "metric_names (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.metric_names", false]], "metric_names (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metric_names", false]], "metric_names (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.metric_names", false]], "metric_names (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.metric_names", false]], "metric_types (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.metric_types", false]], "metric_types (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.metric_types", false]], "metric_types (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.metric_types", false]], "metric_types (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.metric_types", false]], "metrics (abacusai.data_metrics.datametrics attribute)": [[85, "abacusai.data_metrics.DataMetrics.metrics", false]], "metrics (abacusai.datametrics attribute)": [[176, "abacusai.DataMetrics.metrics", false]], "metrics (abacusai.drift_distribution.driftdistribution attribute)": [[111, "abacusai.drift_distribution.DriftDistribution.metrics", false]], "metrics (abacusai.driftdistribution attribute)": [[176, "abacusai.DriftDistribution.metrics", false]], "metrics (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.metrics", false]], "metrics (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.metrics", false]], "metrics (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.metrics", false]], "metrics (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.metrics", false]], "metrics_columns (abacusai.test_point_predictions.testpointpredictions attribute)": [[286, "abacusai.test_point_predictions.TestPointPredictions.metrics_columns", false]], "metrics_columns (abacusai.testpointpredictions attribute)": [[176, "abacusai.TestPointPredictions.metrics_columns", false]], "metrics_keys (abacusai.feature_performance_analysis.featureperformanceanalysis attribute)": [[149, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.metrics_keys", false]], "metrics_keys (abacusai.featureperformanceanalysis attribute)": [[176, "abacusai.FeaturePerformanceAnalysis.metrics_keys", false]], "microsoftauth (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.MICROSOFTAUTH", false]], "microsoftauth (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.MICROSOFTAUTH", false]], "microsoftauth (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.MICROSOFTAUTH", false]], "middle (abacusai.api_class.enums.forecastingfillmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingFillMethod.MIDDLE", false]], "middle (abacusai.api_class.forecastingfillmethod attribute)": [[27, "abacusai.api_class.ForecastingFillMethod.MIDDLE", false]], "middle (abacusai.forecastingfillmethod attribute)": [[176, "abacusai.ForecastingFillMethod.MIDDLE", false]], "mime_type (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.mime_type", false]], "mime_type (abacusai.agentdatadocumentinfo attribute)": [[176, "abacusai.AgentDataDocumentInfo.mime_type", false]], "mime_type (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.mime_type", false]], "mime_type (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.mime_type", false]], "mime_type (abacusai.blob attribute)": [[176, "abacusai.Blob.mime_type", false]], "mime_type (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.mime_type", false]], "mime_type (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.mime_type", false]], "min (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.MIN", false]], "min (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.MIN", false]], "min (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.MIN", false]], "min (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.min", false]], "min (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.min", false]], "min_agent_sleep_time (in module abacusai)": [[176, "abacusai.MIN_AGENT_SLEEP_TIME", false]], "min_agent_sleep_time (in module abacusai.api_class)": [[27, "abacusai.api_class.MIN_AGENT_SLEEP_TIME", false]], "min_agent_sleep_time (in module abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.MIN_AGENT_SLEEP_TIME", false]], "min_categorical_count (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.min_categorical_count", false]], "min_categorical_count (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.min_categorical_count", false]], "min_categorical_count (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.min_categorical_count", false]], "min_item_history (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.min_item_history", false]], "min_item_history (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.min_item_history", false]], "min_item_history (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.min_item_history", false]], "min_max (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.MIN_MAX", false]], "min_max (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.MIN_MAX", false]], "min_max (abacusai.forecastinglocalscaling attribute)": [[176, "abacusai.ForecastingLocalScaling.MIN_MAX", false]], "min_refresh_summary_interval (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.min_refresh_summary_interval", false]], "min_refresh_summary_interval (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.min_refresh_summary_interval", false]], "min_reindexing_interval (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.min_reindexing_interval", false]], "min_reindexing_interval (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.min_reindexing_interval", false]], "min_samples_in_normal_region (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.min_samples_in_normal_region", false]], "min_samples_in_normal_region (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.min_samples_in_normal_region", false]], "min_samples_in_normal_region (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.min_samples_in_normal_region", false]], "min_search_word_length (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.min_search_word_length", false]], "min_search_word_length (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.min_search_word_length", false]], "min_std (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.MIN_STD", false]], "min_std (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.MIN_STD", false]], "min_std (abacusai.forecastinglocalscaling attribute)": [[176, "abacusai.ForecastingLocalScaling.MIN_STD", false]], "min_value (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.min_value", false]], "min_value (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.min_value", false]], "min_value (abacusai.restrictfeaturemappings attribute)": [[176, "abacusai.RestrictFeatureMappings.min_value", false]], "minimum_bounding_box_overlap_ratio (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.minimum_bounding_box_overlap_ratio", false]], "minimum_bounding_box_overlap_ratio (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.minimum_bounding_box_overlap_ratio", false]], "minimum_bounding_box_overlap_ratio (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.minimum_bounding_box_overlap_ratio", false]], "minimum_violations (abacusai.api_class.biasviolationconditionconfig attribute)": [[27, "abacusai.api_class.BiasViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.dataintegrityviolationconditionconfig attribute)": [[27, "abacusai.api_class.DataIntegrityViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.monitor_alert.biasviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.monitor_alert.dataintegrityviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.biasviolationconditionconfig attribute)": [[176, "abacusai.BiasViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.dataintegrityviolationconditionconfig attribute)": [[176, "abacusai.DataIntegrityViolationConditionConfig.minimum_violations", false]], "minimum_violations (abacusai.featuredriftconditionconfig attribute)": [[176, "abacusai.FeatureDriftConditionConfig.minimum_violations", false]], "missing_percent (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.missing_percent", false]], "missing_percent (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.missing_percent", false]], "missing_value_distribution (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.missing_value_distribution", false]], "missing_value_distribution (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.missing_value_distribution", false]], "missingparametererror": [[58, "abacusai.client.MissingParameterError", false]], "mix_gaussians (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.MIX_GAUSSIANS", false]], "mix_gaussians (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.MIX_GAUSSIANS", false]], "mix_gaussians (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.MIX_GAUSSIANS", false]], "mode (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.mode", false]], "mode (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.mode", false]], "mode (abacusai.databaseconnectorexportconfig attribute)": [[176, "abacusai.DatabaseConnectorExportConfig.mode", false]], "model (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.model", false]], "model (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.model", false]], "model (abacusai.audio_gen_settings.audiogensettings attribute)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.model", false]], "model (abacusai.audiogensettings attribute)": [[176, "abacusai.AudioGenSettings.model", false]], "model (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.model", false]], "model (abacusai.image_gen_settings.imagegensettings attribute)": [[175, "abacusai.image_gen_settings.ImageGenSettings.model", false]], "model (abacusai.imagegensettings attribute)": [[176, "abacusai.ImageGenSettings.model", false]], "model (abacusai.lip_sync_gen_settings.lipsyncgensettings attribute)": [[181, "abacusai.lip_sync_gen_settings.LipSyncGenSettings.model", false]], "model (abacusai.lipsyncgensettings attribute)": [[176, "abacusai.LipSyncGenSettings.model", false]], "model (abacusai.sts_gen_settings.stsgensettings attribute)": [[281, "abacusai.sts_gen_settings.StsGenSettings.model", false]], "model (abacusai.stsgensettings attribute)": [[176, "abacusai.StsGenSettings.model", false]], "model (abacusai.stt_gen_settings.sttgensettings attribute)": [[284, "abacusai.stt_gen_settings.SttGenSettings.model", false]], "model (abacusai.sttgensettings attribute)": [[176, "abacusai.SttGenSettings.model", false]], "model (abacusai.tts_gen_settings.ttsgensettings attribute)": [[289, "abacusai.tts_gen_settings.TtsGenSettings.model", false]], "model (abacusai.ttsgensettings attribute)": [[176, "abacusai.TtsGenSettings.model", false]], "model (abacusai.video_gen_settings.videogensettings attribute)": [[302, "abacusai.video_gen_settings.VideoGenSettings.model", false]], "model (abacusai.videogensettings attribute)": [[176, "abacusai.VideoGenSettings.model", false]], "model (abacusai.voice_gen_details.voicegendetails attribute)": [[304, "abacusai.voice_gen_details.VoiceGenDetails.model", false]], "model (abacusai.voicegendetails attribute)": [[176, "abacusai.VoiceGenDetails.model", false]], "model (class in abacusai)": [[176, "abacusai.Model", false]], "model (class in abacusai.model)": [[197, "abacusai.model.Model", false]], "model_accuracy (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.model_accuracy", false]], "model_accuracy (abacusai.modelmonitorsummary attribute)": [[176, "abacusai.ModelMonitorSummary.model_accuracy", false]], "model_artifacts_export_id (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.model_artifacts_export_id", false]], "model_artifacts_export_id (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.model_artifacts_export_id", false]], "model_blueprint_stages (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[199, "abacusai.model_blueprint_export.ModelBlueprintExport.model_blueprint_stages", false]], "model_blueprint_stages (abacusai.modelblueprintexport attribute)": [[176, "abacusai.ModelBlueprintExport.model_blueprint_stages", false]], "model_config (abacusai.model attribute)": [[176, "abacusai.Model.model_config", false]], "model_config (abacusai.model.model attribute)": [[197, "abacusai.model.Model.model_config", false]], "model_config (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.model_config", false]], "model_config (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.model_config", false]], "model_config_type (abacusai.model attribute)": [[176, "abacusai.Model.model_config_type", false]], "model_config_type (abacusai.model.model attribute)": [[197, "abacusai.model.Model.model_config_type", false]], "model_config_type (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.model_config_type", false]], "model_config_type (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.model_config_type", false]], "model_costs (abacusai.video_gen_costs.videogencosts attribute)": [[299, "abacusai.video_gen_costs.VideoGenCosts.model_costs", false]], "model_costs (abacusai.videogencosts attribute)": [[176, "abacusai.VideoGenCosts.model_costs", false]], "model_deployment_config (abacusai.deployment attribute)": [[176, "abacusai.Deployment.model_deployment_config", false]], "model_deployment_config (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.model_deployment_config", false]], "model_drift (abacusai.model_monitor_summary.modelmonitorsummary attribute)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.model_drift", false]], "model_drift (abacusai.modelmonitorsummary attribute)": [[176, "abacusai.ModelMonitorSummary.model_drift", false]], "model_feature_group_schema_mappings (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.model_feature_group_schema_mappings", false]], "model_feature_group_schema_mappings (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.model_feature_group_schema_mappings", false]], "model_file_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.model_file_upload_id", false]], "model_file_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.model_file_upload_id", false]], "model_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.MODEL_ID", false]], "model_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.MODEL_ID", false]], "model_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.MODEL_ID", false]], "model_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.MODEL_ID", false]], "model_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.model_id", false]], "model_id (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.model_id", false]], "model_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.model_id", false]], "model_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.model_id", false]], "model_id (abacusai.holdout_analysis.holdoutanalysis attribute)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.model_id", false]], "model_id (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.model_id", false]], "model_id (abacusai.holdoutanalysis attribute)": [[176, "abacusai.HoldoutAnalysis.model_id", false]], "model_id (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.model_id", false]], "model_id (abacusai.model attribute)": [[176, "abacusai.Model.model_id", false]], "model_id (abacusai.model.model attribute)": [[197, "abacusai.model.Model.model_id", false]], "model_id (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.model_id", false]], "model_id (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.model_id", false]], "model_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.model_id", false]], "model_id (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.model_id", false]], "model_id (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.model_id", false]], "model_id (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.model_id", false]], "model_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.model_id", false]], "model_id (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.model_id", false]], "model_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.model_id", false]], "model_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.model_id", false]], "model_id (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.MODEL_ID", false]], "model_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.MODEL_ID", false]], "model_id (abacusai.upload attribute)": [[176, "abacusai.Upload.model_id", false]], "model_id (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.model_id", false]], "model_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.model_ids", false]], "model_ids (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.model_ids", false]], "model_monitor (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.model_monitor", false]], "model_monitor (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.model_monitor", false]], "model_monitor_id (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.model_monitor_id", false]], "model_monitor_id (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.model_monitor_id", false]], "model_monitor_id (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.model_monitor_id", false]], "model_monitor_id (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.model_monitor_id", false]], "model_monitor_id (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.model_monitor_id", false]], "model_monitor_id (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.model_monitor_id", false]], "model_monitor_id (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.model_monitor_id", false]], "model_monitor_id (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.model_monitor_id", false]], "model_monitor_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.model_monitor_id", false]], "model_monitor_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.model_monitor_id", false]], "model_monitor_ids (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.model_monitor_ids", false]], "model_monitor_ids (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.model_monitor_ids", false]], "model_monitor_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.model_monitor_version", false]], "model_monitor_version (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.model_monitor_version", false]], "model_monitor_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.model_monitor_version", false]], "model_monitor_version (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.model_monitor_version", false]], "model_monitor_version (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.model_monitor_version", false]], "model_monitor_version (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.model_monitor_version", false]], "model_monitor_version (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.model_monitor_version", false]], "model_monitor_version (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.model_monitor_version", false]], "model_monitor_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.model_monitor_version", false]], "model_monitor_version (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.model_monitor_version", false]], "model_monitor_version_metric_data() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.model_monitor_version_metric_data", false]], "model_monitor_version_metric_data() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.model_monitor_version_metric_data", false]], "model_monitoring (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.MODEL_MONITORING", false]], "model_monitoring (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.MODEL_MONITORING", false]], "model_monitoring (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.MODEL_MONITORING", false]], "model_name (abacusai.holdout_analysis.holdoutanalysis attribute)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.model_name", false]], "model_name (abacusai.holdoutanalysis attribute)": [[176, "abacusai.HoldoutAnalysis.model_name", false]], "model_prediction_config (abacusai.model attribute)": [[176, "abacusai.Model.model_prediction_config", false]], "model_prediction_config (abacusai.model.model attribute)": [[197, "abacusai.model.Model.model_prediction_config", false]], "model_prediction_config (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.model_prediction_config", false]], "model_prediction_config (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.model_prediction_config", false]], "model_state_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.model_state_upload_id", false]], "model_state_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.model_state_upload_id", false]], "model_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.model_upload_id", false]], "model_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.model_upload_id", false]], "model_version (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.model_version", false]], "model_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.model_version", false]], "model_version (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.model_version", false]], "model_version (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.model_version", false]], "model_version (abacusai.deployment attribute)": [[176, "abacusai.Deployment.model_version", false]], "model_version (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.model_version", false]], "model_version (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.model_version", false]], "model_version (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.model_version", false]], "model_version (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.model_version", false]], "model_version (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.model_version", false]], "model_version (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.model_version", false]], "model_version (abacusai.model_blueprint_export.modelblueprintexport attribute)": [[199, "abacusai.model_blueprint_export.ModelBlueprintExport.model_version", false]], "model_version (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.model_version", false]], "model_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.model_version", false]], "model_version (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.model_version", false]], "model_version (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.model_version", false]], "model_version (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.model_version", false]], "model_version (abacusai.modelblueprintexport attribute)": [[176, "abacusai.ModelBlueprintExport.model_version", false]], "model_version (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.model_version", false]], "model_version (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.model_version", false]], "model_version (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.model_version", false]], "model_version (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.model_version", false]], "model_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.model_version", false]], "model_version (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.model_version", false]], "model_version (abacusai.upload attribute)": [[176, "abacusai.Upload.model_version", false]], "model_version (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.model_version", false]], "model_versions (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.model_versions", false]], "model_versions (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.model_versions", false]], "modelartifactsexport (class in abacusai)": [[176, "abacusai.ModelArtifactsExport", false]], "modelartifactsexport (class in abacusai.model_artifacts_export)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport", false]], "modelblueprintexport (class in abacusai)": [[176, "abacusai.ModelBlueprintExport", false]], "modelblueprintexport (class in abacusai.model_blueprint_export)": [[199, "abacusai.model_blueprint_export.ModelBlueprintExport", false]], "modelblueprintstage (class in abacusai)": [[176, "abacusai.ModelBlueprintStage", false]], "modelblueprintstage (class in abacusai.model_blueprint_stage)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage", false]], "modellocation (class in abacusai)": [[176, "abacusai.ModelLocation", false]], "modellocation (class in abacusai.model_location)": [[201, "abacusai.model_location.ModelLocation", false]], "modelmetrics (class in abacusai)": [[176, "abacusai.ModelMetrics", false]], "modelmetrics (class in abacusai.model_metrics)": [[202, "abacusai.model_metrics.ModelMetrics", false]], "modelmonitor (class in abacusai)": [[176, "abacusai.ModelMonitor", false]], "modelmonitor (class in abacusai.model_monitor)": [[203, "abacusai.model_monitor.ModelMonitor", false]], "modelmonitororgsummary (class in abacusai)": [[176, "abacusai.ModelMonitorOrgSummary", false]], "modelmonitororgsummary (class in abacusai.model_monitor_org_summary)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary", false]], "modelmonitorsummary (class in abacusai)": [[176, "abacusai.ModelMonitorSummary", false]], "modelmonitorsummary (class in abacusai.model_monitor_summary)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary", false]], "modelmonitorsummaryfromorg (class in abacusai)": [[176, "abacusai.ModelMonitorSummaryFromOrg", false]], "modelmonitorsummaryfromorg (class in abacusai.model_monitor_summary_from_org)": [[206, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg", false]], "modelmonitorversion (class in abacusai)": [[176, "abacusai.ModelMonitorVersion", false]], "modelmonitorversion (class in abacusai.model_monitor_version)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion", false]], "modelmonitorversionmetricdata (class in abacusai)": [[176, "abacusai.ModelMonitorVersionMetricData", false]], "modelmonitorversionmetricdata (class in abacusai.model_monitor_version_metric_data)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData", false]], "models (abacusai.edit_image_models.editimagemodels attribute)": [[121, "abacusai.edit_image_models.EditImageModels.models", false]], "models (abacusai.editimagemodels attribute)": [[176, "abacusai.EditImageModels.models", false]], "modeltrainingtypefordeployment (class in abacusai)": [[176, "abacusai.ModelTrainingTypeForDeployment", false]], "modeltrainingtypefordeployment (class in abacusai.model_training_type_for_deployment)": [[209, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment", false]], "modelupload (class in abacusai)": [[176, "abacusai.ModelUpload", false]], "modelupload (class in abacusai.model_upload)": [[210, "abacusai.model_upload.ModelUpload", false]], "modelversion (class in abacusai)": [[176, "abacusai.ModelVersion", false]], "modelversion (class in abacusai.model_version)": [[211, "abacusai.model_version.ModelVersion", false]], "modelversionfeaturegroupschema (class in abacusai)": [[176, "abacusai.ModelVersionFeatureGroupSchema", false]], "modelversionfeaturegroupschema (class in abacusai.model_version_feature_group_schema)": [[212, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema", false]], "modification_lock (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.modification_lock", false]], "modification_lock (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.modification_lock", false]], "modification_lock (abacusai.modification_lock_info.modificationlockinfo attribute)": [[213, "abacusai.modification_lock_info.ModificationLockInfo.modification_lock", false]], "modification_lock (abacusai.modificationlockinfo attribute)": [[176, "abacusai.ModificationLockInfo.modification_lock", false]], "modification_lock (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.modification_lock", false]], "modification_lock (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.modification_lock", false]], "modificationlockinfo (class in abacusai)": [[176, "abacusai.ModificationLockInfo", false]], "modificationlockinfo (class in abacusai.modification_lock_info)": [[213, "abacusai.modification_lock_info.ModificationLockInfo", false]], "modified (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.modified", false]], "modified (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.modified", false]], "module": [[0, "module-abacusai.abacus_api", false], [1, "module-abacusai.address", false], [2, "module-abacusai.agent", false], [3, "module-abacusai.agent_chat_message", false], [4, "module-abacusai.agent_conversation", false], [5, "module-abacusai.agent_data_document_info", false], [6, "module-abacusai.agent_data_execution_result", false], [7, "module-abacusai.agent_version", false], [8, "module-abacusai.ai_building_task", false], [9, "module-abacusai.algorithm", false], [10, "module-abacusai.annotation", false], [11, "module-abacusai.annotation_config", false], [12, "module-abacusai.annotation_document", false], [13, "module-abacusai.annotation_entry", false], [14, "module-abacusai.annotations_status", false], [15, "module-abacusai.api_class.abstract", false], [16, "module-abacusai.api_class.ai_agents", false], [17, "module-abacusai.api_class.ai_chat", false], [18, "module-abacusai.api_class.batch_prediction", false], [19, "module-abacusai.api_class.blob_input", false], [20, "module-abacusai.api_class.connectors", false], [21, "module-abacusai.api_class.dataset", false], [22, "module-abacusai.api_class.dataset_application_connector", false], [23, "module-abacusai.api_class.deployment", false], [24, "module-abacusai.api_class.document_retriever", false], [25, "module-abacusai.api_class.enums", false], [26, "module-abacusai.api_class.feature_group", false], [27, "module-abacusai.api_class", false], [28, "module-abacusai.api_class.model", false], [29, "module-abacusai.api_class.monitor", false], [30, "module-abacusai.api_class.monitor_alert", false], [31, "module-abacusai.api_class.project", false], [32, "module-abacusai.api_class.python_functions", false], [33, "module-abacusai.api_class.refresh", false], [34, "module-abacusai.api_class.segments", false], [35, "module-abacusai.api_client_utils", false], [36, "module-abacusai.api_endpoint", false], [37, "module-abacusai.api_key", false], [38, "module-abacusai.app_user_group", false], [39, "module-abacusai.app_user_group_sign_in_token", false], [40, "module-abacusai.application_connector", false], [41, "module-abacusai.audio_gen_settings", false], [42, "module-abacusai.audio_url_result", false], [43, "module-abacusai.audit_log", false], [44, "module-abacusai.batch_prediction", false], [45, "module-abacusai.batch_prediction_version", false], [46, "module-abacusai.batch_prediction_version_logs", false], [47, "module-abacusai.bot_info", false], [48, "module-abacusai.categorical_range_violation", false], [49, "module-abacusai.chat_message", false], [50, "module-abacusai.chat_session", false], [51, "module-abacusai.chatllm_computer", false], [52, "module-abacusai.chatllm_computer_status", false], [53, "module-abacusai.chatllm_memory", false], [54, "module-abacusai.chatllm_project", false], [55, "module-abacusai.chatllm_project_permissions", false], [56, "module-abacusai.chatllm_referral_invite", false], [57, "module-abacusai.chatllm_task", false], [58, "module-abacusai.client", false], [59, "module-abacusai.code_agent_response", false], [60, "module-abacusai.code_autocomplete_edit_prediction_response", false], [61, "module-abacusai.code_autocomplete_response", false], [62, "module-abacusai.code_bot", false], [63, "module-abacusai.code_edit", false], [64, "module-abacusai.code_edit_response", false], [65, "module-abacusai.code_edits", false], [66, "module-abacusai.code_embeddings", false], [67, "module-abacusai.code_llm_changed_files", false], [68, "module-abacusai.code_source", false], [69, "module-abacusai.code_suggestion_validation_response", false], [70, "module-abacusai.code_summary_response", false], [71, "module-abacusai.codellm_embedding_constants", false], [72, "module-abacusai.compute_point_info", false], [73, "module-abacusai.concatenation_config", false], [74, "module-abacusai.constants_autocomplete_response", false], [75, "module-abacusai.cpu_gpu_memory_specs", false], [76, "module-abacusai.cryptography", false], [77, "module-abacusai.custom_chat_instructions", false], [78, "module-abacusai.custom_domain", false], [79, "module-abacusai.custom_loss_function", false], [80, "module-abacusai.custom_metric", false], [81, "module-abacusai.custom_metric_version", false], [82, "module-abacusai.custom_train_function_info", false], [83, "module-abacusai.daemon_task_conversation", false], [84, "module-abacusai.data_consistency_duplication", false], [85, "module-abacusai.data_metrics", false], [86, "module-abacusai.data_prep_logs", false], [87, "module-abacusai.data_quality_results", false], [88, "module-abacusai.data_upload_result", false], [89, "module-abacusai.database_column_feature_mapping", false], [90, "module-abacusai.database_connector", false], [91, "module-abacusai.database_connector_column", false], [92, "module-abacusai.database_connector_schema", false], [93, "module-abacusai.dataset", false], [94, "module-abacusai.dataset_column", false], [95, "module-abacusai.dataset_version", false], [96, "module-abacusai.dataset_version_logs", false], [97, "module-abacusai.default_llm", false], [98, "module-abacusai.deployment", false], [99, "module-abacusai.deployment_auth_token", false], [100, "module-abacusai.deployment_conversation", false], [101, "module-abacusai.deployment_conversation_event", false], [102, "module-abacusai.deployment_conversation_export", false], [103, "module-abacusai.deployment_statistics", false], [104, "module-abacusai.document_data", false], [105, "module-abacusai.document_retriever", false], [106, "module-abacusai.document_retriever_lookup_result", false], [107, "module-abacusai.document_retriever_version", false], [108, "module-abacusai.document_retriever_version_logs", false], [109, "module-abacusai.domain_purchase_result", false], [110, "module-abacusai.domain_search_result", false], [111, "module-abacusai.drift_distribution", false], [112, "module-abacusai.drift_distributions", false], [113, "module-abacusai.eda", false], [114, "module-abacusai.eda_chart_description", false], [115, "module-abacusai.eda_collinearity", false], [116, "module-abacusai.eda_data_consistency", false], [117, "module-abacusai.eda_feature_association", false], [118, "module-abacusai.eda_feature_collinearity", false], [119, "module-abacusai.eda_forecasting_analysis", false], [120, "module-abacusai.eda_version", false], [121, "module-abacusai.edit_image_models", false], [122, "module-abacusai.embedding_feature_drift_distribution", false], [123, "module-abacusai.entri_auth_token", false], [124, "module-abacusai.execute_feature_group_operation", false], [125, "module-abacusai.external_application", false], [126, "module-abacusai.external_invite", false], [127, "module-abacusai.extracted_fields", false], [128, "module-abacusai.feature", false], [129, "module-abacusai.feature_distribution", false], [130, "module-abacusai.feature_drift_record", false], [131, "module-abacusai.feature_drift_summary", false], [132, "module-abacusai.feature_group", false], [133, "module-abacusai.feature_group_document", false], [134, "module-abacusai.feature_group_export", false], [135, "module-abacusai.feature_group_export_config", false], [136, "module-abacusai.feature_group_export_download_url", false], [137, "module-abacusai.feature_group_lineage", false], [138, "module-abacusai.feature_group_refresh_export_config", false], [139, "module-abacusai.feature_group_row", false], [140, "module-abacusai.feature_group_row_process", false], [141, "module-abacusai.feature_group_row_process_logs", false], [142, "module-abacusai.feature_group_row_process_summary", false], [143, "module-abacusai.feature_group_template", false], [144, "module-abacusai.feature_group_template_variable_options", false], [145, "module-abacusai.feature_group_version", false], [146, "module-abacusai.feature_group_version_logs", false], [147, "module-abacusai.feature_importance", false], [148, "module-abacusai.feature_mapping", false], [149, "module-abacusai.feature_performance_analysis", false], [150, "module-abacusai.file_connector", false], [151, "module-abacusai.file_connector_instructions", false], [152, "module-abacusai.file_connector_verification", false], [153, "module-abacusai.finetuned_pretrained_model", false], [154, "module-abacusai.forecasting_analysis_graph_data", false], [155, "module-abacusai.forecasting_monitor_item_analysis", false], [156, "module-abacusai.forecasting_monitor_summary", false], [157, "module-abacusai.fs_entry", false], [158, "module-abacusai.function_logs", false], [159, "module-abacusai.generated_pit_feature_config_option", false], [160, "module-abacusai.global_context", false], [161, "module-abacusai.graph_dashboard", false], [162, "module-abacusai.holdout_analysis", false], [163, "module-abacusai.holdout_analysis_version", false], [164, "module-abacusai.hosted_app", false], [165, "module-abacusai.hosted_app_container", false], [166, "module-abacusai.hosted_app_file_read", false], [167, "module-abacusai.hosted_artifact", false], [168, "module-abacusai.hosted_database", false], [169, "module-abacusai.hosted_database_snapshot", false], [170, "module-abacusai.hosted_model_token", false], [171, "module-abacusai.hostname_info", false], [172, "module-abacusai.hume_voice", false], [173, "module-abacusai.image_gen_model", false], [174, "module-abacusai.image_gen_model_options", false], [175, "module-abacusai.image_gen_settings", false], [176, "module-abacusai", false], [177, "module-abacusai.indexing_config", false], [178, "module-abacusai.inferred_database_column_to_feature_mappings", false], [179, "module-abacusai.inferred_feature_mappings", false], [180, "module-abacusai.item_statistics", false], [181, "module-abacusai.lip_sync_gen_settings", false], [182, "module-abacusai.llm_app", false], [183, "module-abacusai.llm_artifact", false], [184, "module-abacusai.llm_code_block", false], [185, "module-abacusai.llm_execution_preview", false], [186, "module-abacusai.llm_execution_result", false], [187, "module-abacusai.llm_generated_code", false], [188, "module-abacusai.llm_input", false], [189, "module-abacusai.llm_parameters", false], [190, "module-abacusai.llm_response", false], [191, "module-abacusai.mcp_config", false], [192, "module-abacusai.mcp_server", false], [193, "module-abacusai.mcp_server_connection", false], [194, "module-abacusai.mcp_server_query_result", false], [195, "module-abacusai.memory_options", false], [196, "module-abacusai.messaging_connector_response", false], [197, "module-abacusai.model", false], [198, "module-abacusai.model_artifacts_export", false], [199, "module-abacusai.model_blueprint_export", false], [200, "module-abacusai.model_blueprint_stage", false], [201, "module-abacusai.model_location", false], [202, "module-abacusai.model_metrics", false], [203, "module-abacusai.model_monitor", false], [204, "module-abacusai.model_monitor_org_summary", false], [205, "module-abacusai.model_monitor_summary", false], [206, "module-abacusai.model_monitor_summary_from_org", false], [207, "module-abacusai.model_monitor_version", false], [208, "module-abacusai.model_monitor_version_metric_data", false], [209, "module-abacusai.model_training_type_for_deployment", false], [210, "module-abacusai.model_upload", false], [211, "module-abacusai.model_version", false], [212, "module-abacusai.model_version_feature_group_schema", false], [213, "module-abacusai.modification_lock_info", false], [214, "module-abacusai.module", false], [215, "module-abacusai.monitor_alert", false], [216, "module-abacusai.monitor_alert_version", false], [217, "module-abacusai.monitor_drift_and_distributions", false], [218, "module-abacusai.natural_language_explanation", false], [219, "module-abacusai.nested_feature", false], [220, "module-abacusai.nested_feature_schema", false], [221, "module-abacusai.news_search_result", false], [222, "module-abacusai.nlp_chat_response", false], [223, "module-abacusai.null_violation", false], [224, "module-abacusai.organization_external_application_settings", false], [225, "module-abacusai.organization_group", false], [226, "module-abacusai.organization_search_result", false], [227, "module-abacusai.organization_secret", false], [228, "module-abacusai.page_data", false], [229, "module-abacusai.pipeline", false], [230, "module-abacusai.pipeline_reference", false], [231, "module-abacusai.pipeline_step", false], [232, "module-abacusai.pipeline_step_version", false], [233, "module-abacusai.pipeline_step_version_logs", false], [234, "module-abacusai.pipeline_step_version_reference", false], [235, "module-abacusai.pipeline_version", false], [236, "module-abacusai.pipeline_version_logs", false], [237, "module-abacusai.playground_text", false], [238, "module-abacusai.point_in_time_feature", false], [239, "module-abacusai.point_in_time_feature_info", false], [240, "module-abacusai.point_in_time_group", false], [241, "module-abacusai.point_in_time_group_feature", false], [242, "module-abacusai.prediction_client", false], [243, "module-abacusai.prediction_dataset", false], [244, "module-abacusai.prediction_feature_group", false], [245, "module-abacusai.prediction_input", false], [246, "module-abacusai.prediction_log_record", false], [247, "module-abacusai.prediction_operator", false], [248, "module-abacusai.prediction_operator_version", false], [249, "module-abacusai.presentation_export_result", false], [250, "module-abacusai.private_web_app_deployment", false], [251, "module-abacusai.problem_type", false], [252, "module-abacusai.project", false], [253, "module-abacusai.project_config", false], [254, "module-abacusai.project_feature_group", false], [255, "module-abacusai.project_feature_group_schema", false], [256, "module-abacusai.project_feature_group_schema_version", false], [257, "module-abacusai.project_validation", false], [258, "module-abacusai.python_function", false], [259, "module-abacusai.python_function_validator", false], [260, "module-abacusai.python_plot_function", false], [261, "module-abacusai.range_violation", false], [262, "module-abacusai.realtime_monitor", false], [263, "module-abacusai.refresh_pipeline_run", false], [264, "module-abacusai.refresh_policy", false], [265, "module-abacusai.refresh_schedule", false], [266, "module-abacusai.regenerate_llm_external_application", false], [267, "module-abacusai.regenerate_llm_option", false], [268, "module-abacusai.resolved_feature_group_template", false], [269, "module-abacusai.return_class", false], [270, "module-abacusai.routing_action", false], [271, "module-abacusai.schema", false], [272, "module-abacusai.session_summary", false], [273, "module-abacusai.session_transcript", false], [274, "module-abacusai.session_transcripts", false], [275, "module-abacusai.sftp_key", false], [276, "module-abacusai.streaming_auth_token", false], [277, "module-abacusai.streaming_client", false], [278, "module-abacusai.streaming_connector", false], [279, "module-abacusai.streaming_row_count", false], [280, "module-abacusai.streaming_sample_code", false], [281, "module-abacusai.sts_gen_settings", false], [282, "module-abacusai.stt_gen_model", false], [283, "module-abacusai.stt_gen_model_options", false], [284, "module-abacusai.stt_gen_settings", false], [285, "module-abacusai.template_node_details", false], [286, "module-abacusai.test_point_predictions", false], [287, "module-abacusai.tone_details", false], [288, "module-abacusai.training_config_options", false], [289, "module-abacusai.tts_gen_settings", false], [290, "module-abacusai.twitter_search_result", false], [291, "module-abacusai.unified_connector", false], [292, "module-abacusai.upload", false], [293, "module-abacusai.upload_part", false], [294, "module-abacusai.use_case", false], [295, "module-abacusai.use_case_requirements", false], [296, "module-abacusai.user", false], [297, "module-abacusai.user_exception", false], [298, "module-abacusai.user_group_object_permission", false], [299, "module-abacusai.video_gen_costs", false], [300, "module-abacusai.video_gen_model", false], [301, "module-abacusai.video_gen_model_options", false], [302, "module-abacusai.video_gen_settings", false], [303, "module-abacusai.video_search_result", false], [304, "module-abacusai.voice_gen_details", false], [305, "module-abacusai.web_app_conversation", false], [306, "module-abacusai.web_app_deployment_permission_dict", false], [307, "module-abacusai.web_app_domain", false], [308, "module-abacusai.web_page_response", false], [309, "module-abacusai.web_search_response", false], [310, "module-abacusai.web_search_result", false], [311, "module-abacusai.web_service_trigger_run", false], [312, "module-abacusai.webhook", false], [313, "module-abacusai.workflow_graph_node_details", false], [314, "module-abacusai.workflow_node_template", false]], "module (class in abacusai)": [[176, "abacusai.Module", false]], "module (class in abacusai.module)": [[214, "abacusai.module.Module", false]], "module_dependencies (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.module_dependencies", false]], "module_dependencies (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.module_dependencies", false]], "module_name (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.module_name", false]], "module_name (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.module_name", false]], "module_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.module_name", false]], "module_name (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.module_name", false]], "monitor_alert_id (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.monitor_alert_id", false]], "monitor_alert_id (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.monitor_alert_id", false]], "monitor_alert_id (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.monitor_alert_id", false]], "monitor_alert_id (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.monitor_alert_id", false]], "monitor_alert_version (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.monitor_alert_version", false]], "monitor_alert_version (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.monitor_alert_version", false]], "monitor_data (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.monitor_data", false]], "monitor_data (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.monitor_data", false]], "monitor_drift_config (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.monitor_drift_config", false]], "monitor_drift_config (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.monitor_drift_config", false]], "monitor_drift_config (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.monitor_drift_config", false]], "monitor_drift_config (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.monitor_drift_config", false]], "monitor_id (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.MONITOR_ID", false]], "monitor_id (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.MONITOR_ID", false]], "monitor_type (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.monitor_type", false]], "monitor_type (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.monitor_type", false]], "monitor_warnings (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.monitor_warnings", false]], "monitor_warnings (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.monitor_warnings", false]], "monitoralert (class in abacusai)": [[176, "abacusai.MonitorAlert", false]], "monitoralert (class in abacusai.monitor_alert)": [[215, "abacusai.monitor_alert.MonitorAlert", false]], "monitoralerttype (class in abacusai)": [[176, "abacusai.MonitorAlertType", false]], "monitoralerttype (class in abacusai.api_class)": [[27, "abacusai.api_class.MonitorAlertType", false]], "monitoralerttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.MonitorAlertType", false]], "monitoralertversion (class in abacusai)": [[176, "abacusai.MonitorAlertVersion", false]], "monitoralertversion (class in abacusai.monitor_alert_version)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion", false]], "monitordriftanddistributions (class in abacusai)": [[176, "abacusai.MonitorDriftAndDistributions", false]], "monitordriftanddistributions (class in abacusai.monitor_drift_and_distributions)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions", false]], "monitorfilteringconfig (class in abacusai)": [[176, "abacusai.MonitorFilteringConfig", false]], "monitorfilteringconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MonitorFilteringConfig", false]], "monitorfilteringconfig (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig", false]], "monitoring_completed_at (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.monitoring_completed_at", false]], "monitoring_completed_at (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.monitoring_completed_at", false]], "monitoring_started_at (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.monitoring_started_at", false]], "monitoring_started_at (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.monitoring_started_at", false]], "monitorthresholdconfig (class in abacusai)": [[176, "abacusai.MonitorThresholdConfig", false]], "monitorthresholdconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.MonitorThresholdConfig", false]], "monitorthresholdconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig", false]], "monotonically_decreasing_features (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.monotonically_decreasing_features", false]], "monotonically_decreasing_features (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.monotonically_decreasing_features", false]], "monotonically_decreasing_features (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.monotonically_decreasing_features", false]], "monotonically_increasing_features (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.monotonically_increasing_features", false]], "monotonically_increasing_features (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.monotonically_increasing_features", false]], "monotonically_increasing_features (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.monotonically_increasing_features", false]], "month_end (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.MONTH_END", false]], "month_end (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.MONTH_END", false]], "month_end (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.MONTH_END", false]], "month_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.MONTH_START", false]], "month_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.MONTH_START", false]], "month_start (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.MONTH_START", false]], "most_common_values (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[48, "abacusai.categorical_range_violation.CategoricalRangeViolation.most_common_values", false]], "most_common_values (abacusai.categoricalrangeviolation attribute)": [[176, "abacusai.CategoricalRangeViolation.most_common_values", false]], "motion_thumbnail_url (abacusai.video_search_result.videosearchresult attribute)": [[303, "abacusai.video_search_result.VideoSearchResult.motion_thumbnail_url", false]], "motion_thumbnail_url (abacusai.videosearchresult attribute)": [[176, "abacusai.VideoSearchResult.motion_thumbnail_url", false]], "mov (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MOV", false]], "mov (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MOV", false]], "mov (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.MOV", false]], "mp3 (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MP3", false]], "mp3 (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MP3", false]], "mp3 (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.MP3", false]], "mp4 (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MP4", false]], "mp4 (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MP4", false]], "mp4 (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.MP4", false]], "mpeg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MPEG", false]], "mpeg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MPEG", false]], "mpeg (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.MPEG", false]], "mpg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MPG", false]], "mpg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MPG", false]], "mpg (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.MPG", false]], "mrr (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.MRR", false]], "mrr (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.MRR", false]], "mrr (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.MRR", false]], "mse (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MSE", false]], "mse (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MSE", false]], "mse (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.MSE", false]], "msg (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.MSG", false]], "msg (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.MSG", false]], "msg (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.MSG", false]], "msle (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.MSLE", false]], "msle (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.MSLE", false]], "msle (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.MSLE", false]], "multi (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.multi", false]], "multi (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.multi", false]], "multi_catalog_embeddings_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.multi_catalog_embeddings_upload_id", false]], "multi_catalog_embeddings_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.multi_catalog_embeddings_upload_id", false]], "multi_mode_ocr_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.MULTI_MODE_OCR_TEXT", false]], "n_sampling (abacusai.api_class.enums.samplingmethodtype attribute)": [[25, "abacusai.api_class.enums.SamplingMethodType.N_SAMPLING", false]], "n_sampling (abacusai.api_class.samplingmethodtype attribute)": [[27, "abacusai.api_class.SamplingMethodType.N_SAMPLING", false]], "n_sampling (abacusai.samplingmethodtype attribute)": [[176, "abacusai.SamplingMethodType.N_SAMPLING", false]], "name (abacusai.agent attribute)": [[176, "abacusai.Agent.name", false]], "name (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.name", false]], "name (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.name", false]], "name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.name", false]], "name (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.name", false]], "name (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.name", false]], "name (abacusai.api_class.ai_agents.llmagentnode attribute)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.name", false]], "name (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.name", false]], "name (abacusai.api_class.ai_agents.workflownodeoutputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.name", false]], "name (abacusai.api_class.ai_agents.workflownodetemplateconfig attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.name", false]], "name (abacusai.api_class.ai_agents.workflownodetemplateinput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.name", false]], "name (abacusai.api_class.ai_agents.workflownodetemplateoutput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.name", false]], "name (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.name", false]], "name (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.name", false]], "name (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.name", false]], "name (abacusai.api_class.llmagentnode attribute)": [[27, "abacusai.api_class.LLMAgentNode.name", false]], "name (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.name", false]], "name (abacusai.api_class.outputvariablemapping attribute)": [[27, "abacusai.api_class.OutputVariableMapping.name", false]], "name (abacusai.api_class.python_functions.outputvariablemapping attribute)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping.name", false]], "name (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.name", false]], "name (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.name", false]], "name (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.name", false]], "name (abacusai.api_class.workflownodeoutputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.name", false]], "name (abacusai.api_class.workflownodetemplateconfig attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.name", false]], "name (abacusai.api_class.workflownodetemplateinput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.name", false]], "name (abacusai.api_class.workflownodetemplateoutput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.name", false]], "name (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.name", false]], "name (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.name", false]], "name (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.name", false]], "name (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.name", false]], "name (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.name", false]], "name (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.name", false]], "name (abacusai.categorical_range_violation.categoricalrangeviolation attribute)": [[48, "abacusai.categorical_range_violation.CategoricalRangeViolation.name", false]], "name (abacusai.categoricalrangeviolation attribute)": [[176, "abacusai.CategoricalRangeViolation.name", false]], "name (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.name", false]], "name (abacusai.chatllm_project.chatllmproject attribute)": [[54, "abacusai.chatllm_project.ChatllmProject.name", false]], "name (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.name", false]], "name (abacusai.chatllmproject attribute)": [[176, "abacusai.ChatllmProject.name", false]], "name (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.name", false]], "name (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.name", false]], "name (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.name", false]], "name (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.name", false]], "name (abacusai.custom_loss_function.customlossfunction attribute)": [[79, "abacusai.custom_loss_function.CustomLossFunction.name", false]], "name (abacusai.custom_metric.custommetric attribute)": [[80, "abacusai.custom_metric.CustomMetric.name", false]], "name (abacusai.custom_metric_version.custommetricversion attribute)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.name", false]], "name (abacusai.customlossfunction attribute)": [[176, "abacusai.CustomLossFunction.name", false]], "name (abacusai.custommetric attribute)": [[176, "abacusai.CustomMetric.name", false]], "name (abacusai.custommetricversion attribute)": [[176, "abacusai.CustomMetricVersion.name", false]], "name (abacusai.database_connector.databaseconnector attribute)": [[90, "abacusai.database_connector.DatabaseConnector.name", false]], "name (abacusai.database_connector_column.databaseconnectorcolumn attribute)": [[91, "abacusai.database_connector_column.DatabaseConnectorColumn.name", false]], "name (abacusai.databaseconnector attribute)": [[176, "abacusai.DatabaseConnector.name", false]], "name (abacusai.databaseconnectorcolumn attribute)": [[176, "abacusai.DatabaseConnectorColumn.name", false]], "name (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.name", false]], "name (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.name", false]], "name (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.name", false]], "name (abacusai.default_llm.defaultllm attribute)": [[97, "abacusai.default_llm.DefaultLlm.name", false]], "name (abacusai.defaultllm attribute)": [[176, "abacusai.DefaultLlm.name", false]], "name (abacusai.deployablealgorithm attribute)": [[176, "abacusai.DeployableAlgorithm.name", false]], "name (abacusai.deployment attribute)": [[176, "abacusai.Deployment.name", false]], "name (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.name", false]], "name (abacusai.deployment_auth_token.deploymentauthtoken attribute)": [[99, "abacusai.deployment_auth_token.DeploymentAuthToken.name", false]], "name (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.name", false]], "name (abacusai.deploymentauthtoken attribute)": [[176, "abacusai.DeploymentAuthToken.name", false]], "name (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.name", false]], "name (abacusai.document_retriever.documentretriever attribute)": [[105, "abacusai.document_retriever.DocumentRetriever.name", false]], "name (abacusai.documentretriever attribute)": [[176, "abacusai.DocumentRetriever.name", false]], "name (abacusai.eda attribute)": [[176, "abacusai.Eda.name", false]], "name (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.name", false]], "name (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.name", false]], "name (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.name", false]], "name (abacusai.feature attribute)": [[176, "abacusai.Feature.name", false]], "name (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.name", false]], "name (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.name", false]], "name (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.name", false]], "name (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.name", false]], "name (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.name", false]], "name (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.name", false]], "name (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.name", false]], "name (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.name", false]], "name (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.name", false]], "name (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.name", false]], "name (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.name", false]], "name (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.name", false]], "name (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.name", false]], "name (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption attribute)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.name", false]], "name (abacusai.generatedpitfeatureconfigoption attribute)": [[176, "abacusai.GeneratedPitFeatureConfigOption.name", false]], "name (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.name", false]], "name (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.name", false]], "name (abacusai.holdout_analysis.holdoutanalysis attribute)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.name", false]], "name (abacusai.holdoutanalysis attribute)": [[176, "abacusai.HoldoutAnalysis.name", false]], "name (abacusai.hosted_app.hostedapp attribute)": [[164, "abacusai.hosted_app.HostedApp.name", false]], "name (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.name", false]], "name (abacusai.hostedapp attribute)": [[176, "abacusai.HostedApp.name", false]], "name (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.name", false]], "name (abacusai.hume_voice.humevoice attribute)": [[172, "abacusai.hume_voice.HumeVoice.name", false]], "name (abacusai.humevoice attribute)": [[176, "abacusai.HumeVoice.name", false]], "name (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.name", false]], "name (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.name", false]], "name (abacusai.llmagentnode attribute)": [[176, "abacusai.LLMAgentNode.name", false]], "name (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.name", false]], "name (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.name", false]], "name (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.name", false]], "name (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.name", false]], "name (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.name", false]], "name (abacusai.model attribute)": [[176, "abacusai.Model.name", false]], "name (abacusai.model.model attribute)": [[197, "abacusai.model.Model.name", false]], "name (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.name", false]], "name (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.name", false]], "name (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.name", false]], "name (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.name", false]], "name (abacusai.module attribute)": [[176, "abacusai.Module.name", false]], "name (abacusai.module.module attribute)": [[214, "abacusai.module.Module.name", false]], "name (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.name", false]], "name (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.name", false]], "name (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.name", false]], "name (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.name", false]], "name (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.name", false]], "name (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.name", false]], "name (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.name", false]], "name (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.name", false]], "name (abacusai.null_violation.nullviolation attribute)": [[223, "abacusai.null_violation.NullViolation.name", false]], "name (abacusai.nullviolation attribute)": [[176, "abacusai.NullViolation.name", false]], "name (abacusai.outputvariablemapping attribute)": [[176, "abacusai.OutputVariableMapping.name", false]], "name (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.name", false]], "name (abacusai.pointintimegroupfeature attribute)": [[176, "abacusai.PointInTimeGroupFeature.name", false]], "name (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.name", false]], "name (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.name", false]], "name (abacusai.project attribute)": [[176, "abacusai.Project.name", false]], "name (abacusai.project.project attribute)": [[252, "abacusai.project.Project.name", false]], "name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.name", false]], "name (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.name", false]], "name (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.name", false]], "name (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.name", false]], "name (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.name", false]], "name (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.name", false]], "name (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.name", false]], "name (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.name", false]], "name (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.name", false]], "name (abacusai.realtime_monitor.realtimemonitor attribute)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.name", false]], "name (abacusai.realtimemonitor attribute)": [[176, "abacusai.RealtimeMonitor.name", false]], "name (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.name", false]], "name (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.name", false]], "name (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication attribute)": [[266, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.name", false]], "name (abacusai.regenerate_llm_option.regeneratellmoption attribute)": [[267, "abacusai.regenerate_llm_option.RegenerateLlmOption.name", false]], "name (abacusai.regeneratellmexternalapplication attribute)": [[176, "abacusai.RegenerateLlmExternalApplication.name", false]], "name (abacusai.regeneratellmoption attribute)": [[176, "abacusai.RegenerateLlmOption.name", false]], "name (abacusai.schema attribute)": [[176, "abacusai.Schema.name", false]], "name (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.name", false]], "name (abacusai.streaming_connector.streamingconnector attribute)": [[278, "abacusai.streaming_connector.StreamingConnector.name", false]], "name (abacusai.streamingconnector attribute)": [[176, "abacusai.StreamingConnector.name", false]], "name (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.name", false]], "name (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.name", false]], "name (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.name", false]], "name (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.name", false]], "name (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.name", false]], "name (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.name", false]], "name (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.name", false]], "name (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.name", false]], "name (abacusai.user attribute)": [[176, "abacusai.User.name", false]], "name (abacusai.user.user attribute)": [[296, "abacusai.user.User.name", false]], "name (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.name", false]], "name (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.name", false]], "name (abacusai.workflownodeoutputmapping attribute)": [[176, "abacusai.WorkflowNodeOutputMapping.name", false]], "name (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.name", false]], "name (abacusai.workflownodetemplateconfig attribute)": [[176, "abacusai.WorkflowNodeTemplateConfig.name", false]], "name (abacusai.workflownodetemplateinput attribute)": [[176, "abacusai.WorkflowNodeTemplateInput.name", false]], "name (abacusai.workflownodetemplateoutput attribute)": [[176, "abacusai.WorkflowNodeTemplateOutput.name", false]], "named_entity_extraction (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.NAMED_ENTITY_EXTRACTION", false]], "named_entity_extraction (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.NAMED_ENTITY_EXTRACTION", false]], "named_entity_extraction (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.NAMED_ENTITY_EXTRACTION", false]], "namedentityextractionbatchpredictionargs (class in abacusai)": [[176, "abacusai.NamedEntityExtractionBatchPredictionArgs", false]], "namedentityextractionbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs", false]], "namedentityextractionbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs", false]], "namedentityextractiontrainingconfig (class in abacusai)": [[176, "abacusai.NamedEntityExtractionTrainingConfig", false]], "namedentityextractiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig", false]], "namedentityextractiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig", false]], "nameservers (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.nameservers", false]], "nameservers (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.nameservers", false]], "natural_language_search (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.NATURAL_LANGUAGE_SEARCH", false]], "natural_language_search (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.NATURAL_LANGUAGE_SEARCH", false]], "natural_language_search (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.NATURAL_LANGUAGE_SEARCH", false]], "naturallanguageexplanation (class in abacusai)": [[176, "abacusai.NaturalLanguageExplanation", false]], "naturallanguageexplanation (class in abacusai.natural_language_explanation)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation", false]], "naturallanguagesearchpredictionarguments (class in abacusai)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments", false]], "naturallanguagesearchpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments", false]], "naturallanguagesearchpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments", false]], "naturallanguagesearchtrainingconfig (class in abacusai)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig", false]], "naturallanguagesearchtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig", false]], "naturallanguagesearchtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig", false]], "ndcg (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.NDCG", false]], "ndcg (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.NDCG", false]], "ndcg (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.NDCG", false]], "ndcg_10 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.NDCG_10", false]], "ndcg_10 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.NDCG_10", false]], "ndcg_10 (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.NDCG_10", false]], "ndcg_5 (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.NDCG_5", false]], "ndcg_5 (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.NDCG_5", false]], "ndcg_5 (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.NDCG_5", false]], "nearest (abacusai.api_class.enums.filllogic attribute)": [[25, "abacusai.api_class.enums.FillLogic.NEAREST", false]], "nearest (abacusai.api_class.filllogic attribute)": [[27, "abacusai.api_class.FillLogic.NEAREST", false]], "nearest (abacusai.filllogic attribute)": [[176, "abacusai.FillLogic.NEAREST", false]], "needs_refresh (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.needs_refresh", false]], "needs_refresh (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.needs_refresh", false]], "negative_binomial (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.NEGATIVE_BINOMIAL", false]], "negative_binomial (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.NEGATIVE_BINOMIAL", false]], "negative_binomial (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.NEGATIVE_BINOMIAL", false]], "nermodeltype (class in abacusai)": [[176, "abacusai.NERModelType", false]], "nermodeltype (class in abacusai.api_class)": [[27, "abacusai.api_class.NERModelType", false]], "nermodeltype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.NERModelType", false]], "nerobjective (class in abacusai)": [[176, "abacusai.NERObjective", false]], "nerobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.NERObjective", false]], "nerobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.NERObjective", false]], "nested_drifts (abacusai.monitor_drift_and_distributions.monitordriftanddistributions attribute)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.nested_drifts", false]], "nested_drifts (abacusai.monitordriftanddistributions attribute)": [[176, "abacusai.MonitorDriftAndDistributions.nested_drifts", false]], "nested_feature_name (abacusai.api_class.featuremappingconfig attribute)": [[27, "abacusai.api_class.FeatureMappingConfig.nested_feature_name", false]], "nested_feature_name (abacusai.api_class.project.featuremappingconfig attribute)": [[31, "abacusai.api_class.project.FeatureMappingConfig.nested_feature_name", false]], "nested_feature_name (abacusai.featuremappingconfig attribute)": [[176, "abacusai.FeatureMappingConfig.nested_feature_name", false]], "nested_features (abacusai.schema attribute)": [[176, "abacusai.Schema.nested_features", false]], "nested_features (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.nested_features", false]], "nested_schema (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.nested_schema", false]], "nested_schema (abacusai.projectfeaturegroupschema attribute)": [[176, "abacusai.ProjectFeatureGroupSchema.nested_schema", false]], "nested_summary (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.nested_summary", false]], "nested_summary (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.nested_summary", false]], "nestedfeature (class in abacusai)": [[176, "abacusai.NestedFeature", false]], "nestedfeature (class in abacusai.nested_feature)": [[219, "abacusai.nested_feature.NestedFeature", false]], "nestedfeatureschema (class in abacusai)": [[176, "abacusai.NestedFeatureSchema", false]], "nestedfeatureschema (class in abacusai.nested_feature_schema)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema", false]], "news (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.news", false]], "news (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.news", false]], "newssearchresult (class in abacusai)": [[176, "abacusai.NewsSearchResult", false]], "newssearchresult (class in abacusai.news_search_result)": [[221, "abacusai.news_search_result.NewsSearchResult", false]], "next_agent_workflow_node_id (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.next_agent_workflow_node_id", false]], "next_agent_workflow_node_id (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.next_agent_workflow_node_id", false]], "next_ai_building_task (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.next_ai_building_task", false]], "next_ai_building_task (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.next_ai_building_task", false]], "next_run_time (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.next_run_time", false]], "next_run_time (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.next_run_time", false]], "next_run_time (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.next_run_time", false]], "next_run_time (abacusai.refresh_schedule.refreshschedule attribute)": [[265, "abacusai.refresh_schedule.RefreshSchedule.next_run_time", false]], "next_run_time (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.next_run_time", false]], "next_run_time (abacusai.refreshschedule attribute)": [[176, "abacusai.RefreshSchedule.next_run_time", false]], "nlpchatresponse (class in abacusai)": [[176, "abacusai.NlpChatResponse", false]], "nlpchatresponse (class in abacusai.nlp_chat_response)": [[222, "abacusai.nlp_chat_response.NlpChatResponse", false]], "nlpdocumentformat (class in abacusai)": [[176, "abacusai.NLPDocumentFormat", false]], "nlpdocumentformat (class in abacusai.api_class)": [[27, "abacusai.api_class.NLPDocumentFormat", false]], "nlpdocumentformat (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.NLPDocumentFormat", false]], "node (abacusai.api_class.ai_agents.workflowgraphnode.outputs attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs.node", false]], "node (abacusai.api_class.workflowgraphnode.outputs attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.Outputs.node", false]], "node (abacusai.workflowgraphnode.outputs attribute)": [[176, "abacusai.WorkflowGraphNode.Outputs.node", false]], "node_type (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.node_type", false]], "node_type (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.node_type", false]], "node_type (abacusai.api_class.ai_agents.llmagentnode attribute)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.node_type", false]], "node_type (abacusai.api_class.ai_agents.workflowgraphnode attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.node_type", false]], "node_type (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.node_type", false]], "node_type (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.node_type", false]], "node_type (abacusai.api_class.llmagentnode attribute)": [[27, "abacusai.api_class.LLMAgentNode.node_type", false]], "node_type (abacusai.api_class.workflowgraphnode attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.node_type", false]], "node_type (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.node_type", false]], "node_type (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.node_type", false]], "node_type (abacusai.llmagentnode attribute)": [[176, "abacusai.LLMAgentNode.node_type", false]], "node_type (abacusai.workflowgraphnode attribute)": [[176, "abacusai.WorkflowGraphNode.node_type", false]], "nodes (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.nodes", false]], "nodes (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.nodes", false]], "nodes (abacusai.feature_group_lineage.featuregrouplineage attribute)": [[137, "abacusai.feature_group_lineage.FeatureGroupLineage.nodes", false]], "nodes (abacusai.featuregrouplineage attribute)": [[176, "abacusai.FeatureGroupLineage.nodes", false]], "nodes (abacusai.workflowgraph attribute)": [[176, "abacusai.WorkflowGraph.nodes", false]], "normalize_type() (abacusai.api_class.enums.workflownodeoutputtype class method)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.normalize_type", false]], "normalize_type() (abacusai.api_class.workflownodeoutputtype class method)": [[27, "abacusai.api_class.WorkflowNodeOutputType.normalize_type", false]], "normalize_type() (abacusai.workflownodeoutputtype class method)": [[176, "abacusai.WorkflowNodeOutputType.normalize_type", false]], "normalized_mean_absolute_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.NORMALIZED_MEAN_ABSOLUTE_ERROR", false]], "normalized_mean_absolute_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.NORMALIZED_MEAN_ABSOLUTE_ERROR", false]], "normalized_mean_absolute_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.NORMALIZED_MEAN_ABSOLUTE_ERROR", false]], "normalized_root_mean_square_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.NORMALIZED_ROOT_MEAN_SQUARE_ERROR", false]], "normalized_root_mean_square_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.NORMALIZED_ROOT_MEAN_SQUARE_ERROR", false]], "normalized_root_mean_square_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.NORMALIZED_ROOT_MEAN_SQUARE_ERROR", false]], "notebook_code (abacusai.template_node_details.templatenodedetails attribute)": [[285, "abacusai.template_node_details.TemplateNodeDetails.notebook_code", false]], "notebook_code (abacusai.templatenodedetails attribute)": [[176, "abacusai.TemplateNodeDetails.notebook_code", false]], "notebook_id (abacusai.agent attribute)": [[176, "abacusai.Agent.notebook_id", false]], "notebook_id (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.notebook_id", false]], "notebook_id (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.notebook_id", false]], "notebook_id (abacusai.custom_loss_function.customlossfunction attribute)": [[79, "abacusai.custom_loss_function.CustomLossFunction.notebook_id", false]], "notebook_id (abacusai.custom_metric.custommetric attribute)": [[80, "abacusai.custom_metric.CustomMetric.notebook_id", false]], "notebook_id (abacusai.customlossfunction attribute)": [[176, "abacusai.CustomLossFunction.notebook_id", false]], "notebook_id (abacusai.custommetric attribute)": [[176, "abacusai.CustomMetric.notebook_id", false]], "notebook_id (abacusai.model attribute)": [[176, "abacusai.Model.notebook_id", false]], "notebook_id (abacusai.model.model attribute)": [[197, "abacusai.model.Model.notebook_id", false]], "notebook_id (abacusai.module attribute)": [[176, "abacusai.Module.notebook_id", false]], "notebook_id (abacusai.module.module attribute)": [[214, "abacusai.module.Module.notebook_id", false]], "notebook_id (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.notebook_id", false]], "notebook_id (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.notebook_id", false]], "notebook_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.notebook_id", false]], "notebook_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.notebook_id", false]], "notebook_id (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.notebook_id", false]], "notebook_id (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.notebook_id", false]], "notebook_id (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.notebook_id", false]], "notebook_id (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.notebook_id", false]], "notebook_id (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.notebook_id", false]], "notebook_id (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.notebook_id", false]], "notebook_id (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.notebook_id", false]], "notebook_id (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.notebook_id", false]], "notebook_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.notebook_version", false]], "notebook_version (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.notebook_version", false]], "notification (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.notification", false]], "notification (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.notification", false]], "notreadyerror": [[58, "abacusai.client.NotReadyError", false]], "nsamplingconfig (class in abacusai)": [[176, "abacusai.NSamplingConfig", false]], "nsamplingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.NSamplingConfig", false]], "nsamplingconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.NSamplingConfig", false]], "nteger (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.NTEGER", false]], "nteger (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.NTEGER", false]], "nteger (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.NTEGER", false]], "null (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.NULL", false]], "null (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.NULL", false]], "null (abacusai.datatype attribute)": [[176, "abacusai.DataType.NULL", false]], "null_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[147, "abacusai.feature_importance.FeatureImportance.null_feature_importance", false]], "null_feature_importance (abacusai.featureimportance attribute)": [[176, "abacusai.FeatureImportance.null_feature_importance", false]], "null_violations (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.NULL_VIOLATIONS", false]], "null_violations (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.NULL_VIOLATIONS", false]], "null_violations (abacusai.dataintegrityviolationtype attribute)": [[176, "abacusai.DataIntegrityViolationType.NULL_VIOLATIONS", false]], "null_violations (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.null_violations", false]], "null_violations (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.null_violations", false]], "nullviolation (class in abacusai)": [[176, "abacusai.NullViolation", false]], "nullviolation (class in abacusai.null_violation)": [[223, "abacusai.null_violation.NullViolation", false]], "num_backtesting_windows (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.num_backtesting_windows", false]], "num_backtesting_windows (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.num_backtesting_windows", false]], "num_backtesting_windows (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.num_backtesting_windows", false]], "num_clusters_selection (abacusai.api_class.clusteringtimeseriestrainingconfig attribute)": [[27, "abacusai.api_class.ClusteringTimeseriesTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.api_class.clusteringtrainingconfig attribute)": [[27, "abacusai.api_class.ClusteringTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.api_class.model.clusteringtimeseriestrainingconfig attribute)": [[28, "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.api_class.model.clusteringtrainingconfig attribute)": [[28, "abacusai.api_class.model.ClusteringTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.clusteringtimeseriestrainingconfig attribute)": [[176, "abacusai.ClusteringTimeseriesTrainingConfig.num_clusters_selection", false]], "num_clusters_selection (abacusai.clusteringtrainingconfig attribute)": [[176, "abacusai.ClusteringTrainingConfig.num_clusters_selection", false]], "num_cols (abacusai.data_metrics.datametrics attribute)": [[85, "abacusai.data_metrics.DataMetrics.num_cols", false]], "num_cols (abacusai.datametrics attribute)": [[176, "abacusai.DataMetrics.num_cols", false]], "num_completion_tokens (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.chatllmpredictionarguments attribute)": [[176, "abacusai.ChatLLMPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.num_completion_tokens", false]], "num_completion_tokens (abacusai.naturallanguagesearchpredictionarguments attribute)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments.num_completion_tokens", false]], "num_completion_tokens (abacusai.naturallanguagesearchtrainingconfig attribute)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig.num_completion_tokens", false]], "num_cv_folds (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.num_cv_folds", false]], "num_cv_folds (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.num_cv_folds", false]], "num_cv_folds (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.num_cv_folds", false]], "num_duplicate_rows (abacusai.data_metrics.datametrics attribute)": [[85, "abacusai.data_metrics.DataMetrics.num_duplicate_rows", false]], "num_duplicate_rows (abacusai.datametrics attribute)": [[176, "abacusai.DataMetrics.num_duplicate_rows", false]], "num_duplicates (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[84, "abacusai.data_consistency_duplication.DataConsistencyDuplication.num_duplicates", false]], "num_duplicates (abacusai.dataconsistencyduplication attribute)": [[176, "abacusai.DataConsistencyDuplication.num_duplicates", false]], "num_predictions (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.cumulativeforecastingpredictionarguments attribute)": [[176, "abacusai.CumulativeForecastingPredictionArguments.num_predictions", false]], "num_predictions (abacusai.forecastingpredictionarguments attribute)": [[176, "abacusai.ForecastingPredictionArguments.num_predictions", false]], "num_rows (abacusai.data_metrics.datametrics attribute)": [[85, "abacusai.data_metrics.DataMetrics.num_rows", false]], "num_rows (abacusai.datametrics attribute)": [[176, "abacusai.DataMetrics.num_rows", false]], "num_rows_histogram (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.num_rows_histogram", false]], "num_rows_histogram (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.num_rows_histogram", false]], "num_unread_task_instances (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.num_unread_task_instances", false]], "num_unread_task_instances (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.num_unread_task_instances", false]], "num_versions (abacusai.api_class.feature_group.lastnmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.LastNMergeConfig.num_versions", false]], "num_versions (abacusai.api_class.lastnmergeconfig attribute)": [[27, "abacusai.api_class.LastNMergeConfig.num_versions", false]], "num_versions (abacusai.lastnmergeconfig attribute)": [[176, "abacusai.LastNMergeConfig.num_versions", false]], "num_vs_code_suggestions (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.num_vs_code_suggestions", false]], "num_vs_code_suggestions (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.num_vs_code_suggestions", false]], "number_of_chunks (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.number_of_chunks", false]], "number_of_chunks (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.number_of_chunks", false]], "number_of_items (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.number_of_items", false]], "number_of_items (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.number_of_items", false]], "number_of_items (abacusai.personalizationbatchpredictionargs attribute)": [[176, "abacusai.PersonalizationBatchPredictionArgs.number_of_items", false]], "number_of_samples (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.number_of_samples", false]], "number_of_samples (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.number_of_samples", false]], "number_of_samples (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.number_of_samples", false]], "number_of_samples_to_use_for_explainer (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.number_of_samples_to_use_for_explainer", false]], "number_of_samples_to_use_for_explainer (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.number_of_samples_to_use_for_explainer", false]], "number_of_samples_to_use_for_explainer (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.number_of_samples_to_use_for_explainer", false]], "numbers (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.NUMBERS", false]], "numbers (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.NUMBERS", false]], "numbers (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.NUMBERS", false]], "numeric_clipping_percentile (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.numeric_clipping_percentile", false]], "numeric_clipping_percentile (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.numeric_clipping_percentile", false]], "numeric_clipping_percentile (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.numeric_clipping_percentile", false]], "numerical_prediction_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.numerical_prediction_distribution", false]], "numerical_prediction_distribution (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.numerical_prediction_distribution", false]], "numerical_training_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.numerical_training_distribution", false]], "numerical_training_distribution (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.numerical_training_distribution", false]], "oauth (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.OAUTH", false]], "oauth (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.OAUTH", false]], "oauth (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.OAUTH", false]], "object_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.OBJECT_DETECTION", false]], "object_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.OBJECT_DETECTION", false]], "object_detection (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.OBJECT_DETECTION", false]], "object_id (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.object_id", false]], "object_id (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.object_id", false]], "object_id (abacusai.user_group_object_permission.usergroupobjectpermission attribute)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission.object_id", false]], "object_id (abacusai.usergroupobjectpermission attribute)": [[176, "abacusai.UserGroupObjectPermission.object_id", false]], "object_name (abacusai.api_class.databaseconnectorexportconfig attribute)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.object_name", false]], "object_name (abacusai.api_class.refresh.databaseconnectorexportconfig attribute)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.object_name", false]], "object_name (abacusai.databaseconnectorexportconfig attribute)": [[176, "abacusai.DatabaseConnectorExportConfig.object_name", false]], "object_name (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.object_name", false]], "object_name (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.object_name", false]], "object_name (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.object_name", false]], "object_name (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.object_name", false]], "object_name (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.object_name", false]], "object_name (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.object_name", false]], "object_type (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.object_type", false]], "object_type (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.object_type", false]], "object_type (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.object_type", false]], "object_type (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.object_type", false]], "objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.objective", false]], "objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.objective", false]], "objective (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.objective", false]], "objective (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.objective", false]], "objective (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.objective", false]], "objective (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.objective", false]], "objective (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.objective", false]], "objective (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.objective", false]], "objective (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.objective", false]], "ocr_mode (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.ocr_mode", false]], "ocr_mode (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.ocr_mode", false], [27, "id160", false]], "ocr_mode (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.ocr_mode", false]], "ocrmode (class in abacusai)": [[176, "abacusai.OcrMode", false]], "ocrmode (class in abacusai.api_class)": [[27, "abacusai.api_class.OcrMode", false], [27, "id115", false]], "ocrmode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.OcrMode", false]], "odbc (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ODBC", false]], "odbc (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ODBC", false]], "odbc (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.ODBC", false]], "ods (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.ODS", false]], "ods (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.ODS", false]], "ods (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.ODS", false]], "oktasaml (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.OKTASAML", false]], "oktasaml (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.OKTASAML", false]], "oktasaml (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.OKTASAML", false]], "old_file_content (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.old_file_content", false]], "old_file_content (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.old_file_content", false]], "onedrive (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ONEDRIVE", false]], "onedrive (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ONEDRIVE", false]], "onedrive (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.ONEDRIVE", false]], "onedrivedatasetconfig (class in abacusai)": [[176, "abacusai.OneDriveDatasetConfig", false]], "onedrivedatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.OneDriveDatasetConfig", false]], "onedrivedatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig", false]], "online_feature_group_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.online_feature_group_id", false]], "online_feature_group_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.online_feature_group_id", false]], "only_image_gen_enabled (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.only_image_gen_enabled", false]], "only_image_gen_enabled (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.only_image_gen_enabled", false]], "only_offline_deployable (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.only_offline_deployable", false]], "only_offline_deployable (abacusai.deployablealgorithm attribute)": [[176, "abacusai.DeployableAlgorithm.only_offline_deployable", false]], "openai (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.OPENAI", false]], "openai (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.OPENAI", false], [27, "id109", false]], "openai (abacusai.vectorstoretextencoder attribute)": [[176, "abacusai.VectorStoreTextEncoder.OPENAI", false]], "openai_compact (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.OPENAI_COMPACT", false]], "openai_compact (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.OPENAI_COMPACT", false], [27, "id110", false]], "openai_compact (abacusai.vectorstoretextencoder attribute)": [[176, "abacusai.VectorStoreTextEncoder.OPENAI_COMPACT", false]], "openai_gpt3_5 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT3_5", false]], "openai_gpt3_5 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT3_5", false]], "openai_gpt3_5 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT3_5", false]], "openai_gpt3_5_text (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT3_5_TEXT", false]], "openai_gpt3_5_text (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT3_5_TEXT", false]], "openai_gpt3_5_text (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT3_5_TEXT", false]], "openai_gpt4 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4", false]], "openai_gpt4 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4", false]], "openai_gpt4 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4", false]], "openai_gpt4_1 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_1", false]], "openai_gpt4_1 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_1", false]], "openai_gpt4_1 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4_1", false]], "openai_gpt4_128k (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_128K", false]], "openai_gpt4_128k (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_128K", false]], "openai_gpt4_128k (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4_128K", false]], "openai_gpt4_128k_latest (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_128K_LATEST", false]], "openai_gpt4_128k_latest (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_128K_LATEST", false]], "openai_gpt4_128k_latest (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4_128K_LATEST", false]], "openai_gpt4_1_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_1_MINI", false]], "openai_gpt4_1_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_1_MINI", false]], "openai_gpt4_1_mini (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4_1_MINI", false]], "openai_gpt4_1_nano (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_1_NANO", false]], "openai_gpt4_1_nano (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_1_NANO", false]], "openai_gpt4_1_nano (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4_1_NANO", false]], "openai_gpt4_32k (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4_32K", false]], "openai_gpt4_32k (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4_32K", false]], "openai_gpt4_32k (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4_32K", false]], "openai_gpt4o (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4O", false]], "openai_gpt4o (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4O", false]], "openai_gpt4o (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4O", false]], "openai_gpt4o_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT4O_MINI", false]], "openai_gpt4o_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT4O_MINI", false]], "openai_gpt4o_mini (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT4O_MINI", false]], "openai_gpt5 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5", false]], "openai_gpt5 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5", false]], "openai_gpt5 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5", false]], "openai_gpt5_1 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5_1", false]], "openai_gpt5_1 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5_1", false]], "openai_gpt5_1 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5_1", false]], "openai_gpt5_2 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5_2", false]], "openai_gpt5_2 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5_2", false]], "openai_gpt5_2 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5_2", false]], "openai_gpt5_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5_MINI", false]], "openai_gpt5_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5_MINI", false]], "openai_gpt5_mini (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5_MINI", false]], "openai_gpt5_mini_high (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5_MINI_HIGH", false]], "openai_gpt5_mini_high (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5_MINI_HIGH", false]], "openai_gpt5_mini_high (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5_MINI_HIGH", false]], "openai_gpt5_mini_low (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5_MINI_LOW", false]], "openai_gpt5_mini_low (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5_MINI_LOW", false]], "openai_gpt5_mini_low (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5_MINI_LOW", false]], "openai_gpt5_nano (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5_NANO", false]], "openai_gpt5_nano (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5_NANO", false]], "openai_gpt5_nano (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5_NANO", false]], "openai_gpt5_nano_high (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_GPT5_NANO_HIGH", false]], "openai_gpt5_nano_high (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_GPT5_NANO_HIGH", false]], "openai_gpt5_nano_high (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_GPT5_NANO_HIGH", false]], "openai_large (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.OPENAI_LARGE", false]], "openai_large (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.OPENAI_LARGE", false], [27, "id111", false]], "openai_large (abacusai.vectorstoretextencoder attribute)": [[176, "abacusai.VectorStoreTextEncoder.OPENAI_LARGE", false]], "openai_o1_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_O1_MINI", false]], "openai_o1_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_O1_MINI", false]], "openai_o1_mini (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_O1_MINI", false]], "openai_o3 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_O3", false]], "openai_o3 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_O3", false]], "openai_o3 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_O3", false]], "openai_o3_high (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_O3_HIGH", false]], "openai_o3_high (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_O3_HIGH", false]], "openai_o3_high (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_O3_HIGH", false]], "openai_o4_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_O4_MINI", false]], "openai_o4_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_O4_MINI", false]], "openai_o4_mini (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_O4_MINI", false]], "openai_o4_mini_high (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.OPENAI_O4_MINI_HIGH", false]], "openai_o4_mini_high (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.OPENAI_O4_MINI_HIGH", false]], "openai_o4_mini_high (abacusai.llmname attribute)": [[176, "abacusai.LLMName.OPENAI_O4_MINI_HIGH", false]], "operator (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.operator", false]], "operator (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.operator", false]], "operator (abacusai.constraintconfig attribute)": [[176, "abacusai.ConstraintConfig.operator", false]], "operator_config (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.operator_config", false]], "operator_config (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.operator_config", false]], "operator_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.operator_config", false]], "operator_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.operator_config", false]], "operator_type (abacusai.api_class.feature_group.operatorconfig attribute)": [[26, "abacusai.api_class.feature_group.OperatorConfig.operator_type", false]], "operator_type (abacusai.api_class.operatorconfig attribute)": [[27, "abacusai.api_class.OperatorConfig.operator_type", false]], "operator_type (abacusai.operatorconfig attribute)": [[176, "abacusai.OperatorConfig.operator_type", false]], "operatorconfig (class in abacusai)": [[176, "abacusai.OperatorConfig", false]], "operatorconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.OperatorConfig", false]], "operatorconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.OperatorConfig", false]], "operatortype (class in abacusai)": [[176, "abacusai.OperatorType", false]], "operatortype (class in abacusai.api_class)": [[27, "abacusai.api_class.OperatorType", false]], "operatortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.OperatorType", false]], "optimality_gap_limit (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.optimality_gap_limit", false]], "optimality_gap_limit (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.optimality_gap_limit", false]], "optimality_gap_limit (abacusai.optimizationtrainingconfig attribute)": [[176, "abacusai.OptimizationTrainingConfig.optimality_gap_limit", false]], "optimization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.OPTIMIZATION", false]], "optimization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.OPTIMIZATION", false]], "optimization (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.OPTIMIZATION", false]], "optimizationpredictionarguments (class in abacusai)": [[176, "abacusai.OptimizationPredictionArguments", false]], "optimizationpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.OptimizationPredictionArguments", false]], "optimizationpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments", false]], "optimizationtrainingconfig (class in abacusai)": [[176, "abacusai.OptimizationTrainingConfig", false]], "optimizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.OptimizationTrainingConfig", false]], "optimizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig", false]], "optimized_event_type (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.optimized_event_type", false]], "optimized_event_type (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.optimized_event_type", false]], "optimized_event_type (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.optimized_event_type", false]], "optional (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.optional", false]], "optional (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.optional", false]], "optional (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.optional", false]], "optional (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.optional", false]], "optional (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.optional", false]], "optional (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.optional", false]], "optional_feature_group_types (abacusai.problem_type.problemtype attribute)": [[251, "abacusai.problem_type.ProblemType.optional_feature_group_types", false]], "optional_feature_group_types (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.optional_feature_group_types", false]], "options (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.options", false]], "options (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.options", false]], "options (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.options", false]], "options (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.options", false]], "options (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.options", false]], "options (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.options", false]], "options (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.options", false]], "options (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.options", false]], "orc (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.ORC", false]], "orc (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.ORC", false]], "orc (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.ORC", false]], "order_clause (abacusai.feature attribute)": [[176, "abacusai.Feature.order_clause", false]], "order_clause (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.order_clause", false]], "org_api_credentials (abacusai.api_class.enums.organizationsecrettype attribute)": [[25, "abacusai.api_class.enums.OrganizationSecretType.ORG_API_CREDENTIALS", false]], "org_api_credentials (abacusai.api_class.organizationsecrettype attribute)": [[27, "abacusai.api_class.OrganizationSecretType.ORG_API_CREDENTIALS", false]], "org_api_credentials (abacusai.organizationsecrettype attribute)": [[176, "abacusai.OrganizationSecretType.ORG_API_CREDENTIALS", false]], "org_secret (abacusai.api_class.enums.organizationsecrettype attribute)": [[25, "abacusai.api_class.enums.OrganizationSecretType.ORG_SECRET", false]], "org_secret (abacusai.api_class.organizationsecrettype attribute)": [[27, "abacusai.api_class.OrganizationSecretType.ORG_SECRET", false]], "org_secret (abacusai.organizationsecrettype attribute)": [[176, "abacusai.OrganizationSecretType.ORG_SECRET", false]], "organization_group_id (abacusai.organization_group.organizationgroup attribute)": [[225, "abacusai.organization_group.OrganizationGroup.organization_group_id", false]], "organization_group_id (abacusai.organizationgroup attribute)": [[176, "abacusai.OrganizationGroup.organization_group_id", false]], "organization_groups (abacusai.modification_lock_info.modificationlockinfo attribute)": [[213, "abacusai.modification_lock_info.ModificationLockInfo.organization_groups", false]], "organization_groups (abacusai.modificationlockinfo attribute)": [[176, "abacusai.ModificationLockInfo.organization_groups", false]], "organization_groups (abacusai.user attribute)": [[176, "abacusai.User.organization_groups", false]], "organization_groups (abacusai.user.user attribute)": [[296, "abacusai.user.User.organization_groups", false]], "organizationexternalapplicationsettings (class in abacusai)": [[176, "abacusai.OrganizationExternalApplicationSettings", false]], "organizationexternalapplicationsettings (class in abacusai.organization_external_application_settings)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings", false]], "organizationgroup (class in abacusai)": [[176, "abacusai.OrganizationGroup", false]], "organizationgroup (class in abacusai.organization_group)": [[225, "abacusai.organization_group.OrganizationGroup", false]], "organizationsearchresult (class in abacusai)": [[176, "abacusai.OrganizationSearchResult", false]], "organizationsearchresult (class in abacusai.organization_search_result)": [[226, "abacusai.organization_search_result.OrganizationSearchResult", false]], "organizationsecret (class in abacusai)": [[176, "abacusai.OrganizationSecret", false]], "organizationsecret (class in abacusai.organization_secret)": [[227, "abacusai.organization_secret.OrganizationSecret", false]], "organizationsecrettype (class in abacusai)": [[176, "abacusai.OrganizationSecretType", false]], "organizationsecrettype (class in abacusai.api_class)": [[27, "abacusai.api_class.OrganizationSecretType", false]], "organizationsecrettype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.OrganizationSecretType", false]], "original_name (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.original_name", false]], "original_name (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.original_name", false]], "original_name (abacusai.feature attribute)": [[176, "abacusai.Feature.original_name", false]], "original_name (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.original_name", false]], "original_name (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.original_name", false]], "original_name (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.original_name", false]], "other_metrics (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata attribute)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.other_metrics", false]], "other_metrics (abacusai.modelmonitorversionmetricdata attribute)": [[176, "abacusai.ModelMonitorVersionMetricData.other_metrics", false]], "outlook (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.OUTLOOK", false]], "outlook (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.OUTLOOK", false]], "outlook (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.OUTLOOK", false]], "outlookdatasetconfig (class in abacusai)": [[176, "abacusai.OutlookDatasetConfig", false]], "outlookdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.OutlookDatasetConfig", false]], "outlookdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.OutlookDatasetConfig", false]], "output (abacusai.mcp_server_query_result.mcpserverqueryresult attribute)": [[194, "abacusai.mcp_server_query_result.McpServerQueryResult.output", false]], "output (abacusai.mcpserverqueryresult attribute)": [[176, "abacusai.McpServerQueryResult.output", false]], "output_column (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.output_column", false]], "output_column (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.output_column", false]], "output_column (abacusai.api_class.feature_group.markdownconfig attribute)": [[26, "abacusai.api_class.feature_group.MarkdownConfig.output_column", false]], "output_column (abacusai.api_class.markdownconfig attribute)": [[27, "abacusai.api_class.MarkdownConfig.output_column", false]], "output_column (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.output_column", false]], "output_column (abacusai.markdownconfig attribute)": [[176, "abacusai.MarkdownConfig.output_column", false]], "output_columns (abacusai.api_class.batch_prediction.predictivemodelingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs.output_columns", false]], "output_columns (abacusai.api_class.predictivemodelingbatchpredictionargs attribute)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs.output_columns", false]], "output_columns (abacusai.predictivemodelingbatchpredictionargs attribute)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs.output_columns", false]], "output_errors (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.output_errors", false]], "output_errors (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.output_errors", false]], "output_feature_group_id (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.output_feature_group_id", false]], "output_feature_group_id (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.output_feature_group_id", false]], "output_feature_group_id (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.output_feature_group_id", false]], "output_feature_group_id (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.output_feature_group_id", false]], "output_feature_group_table_name (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.output_feature_group_table_name", false]], "output_feature_group_table_name (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.output_feature_group_table_name", false]], "output_feature_group_table_name (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.output_feature_group_table_name", false]], "output_feature_group_table_name (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.output_feature_group_table_name", false]], "output_feature_group_version (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.output_feature_group_version", false]], "output_feature_group_version (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.output_feature_group_version", false]], "output_includes_metadata (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.output_includes_metadata", false]], "output_includes_metadata (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.output_includes_metadata", false]], "output_includes_metadata (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.output_includes_metadata", false]], "output_includes_metadata (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.output_includes_metadata", false]], "output_location (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.output_location", false]], "output_location (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.output_location", false]], "output_location (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.output_location", false]], "output_location (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.output_location", false]], "output_location (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.output_location", false]], "output_location (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.output_location", false]], "output_mappings (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.output_mappings", false]], "output_mappings (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.output_mappings", false]], "output_mappings (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.output_mappings", false]], "output_mappings (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.output_mappings", false]], "output_mappings (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.output_mappings", false]], "output_mappings (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.output_mappings", false]], "output_online_feature_group_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.output_online_feature_group_id", false]], "output_online_feature_group_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.output_online_feature_group_id", false]], "output_schema (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.output_schema", false]], "output_schema (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.output_schema", false]], "output_schema (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.output_schema", false]], "output_schema (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.output_schema", false]], "output_schema (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.output_schema", false]], "output_schema (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.output_schema", false]], "output_tokens (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.output_tokens", false]], "output_tokens (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.output_tokens", false]], "output_variable_mappings (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.output_variable_mappings", false]], "output_variable_mappings (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.output_variable_mappings", false]], "output_variable_mappings (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.output_variable_mappings", false]], "output_variable_mappings (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.output_variable_mappings", false]], "outputs (abacusai.api_class.ai_agents.workflowgraphnode property)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.outputs", false]], "outputs (abacusai.api_class.workflowgraphnode property)": [[27, "abacusai.api_class.WorkflowGraphNode.outputs", false]], "outputs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.outputs", false]], "outputs (abacusai.workflowgraphnode property)": [[176, "abacusai.WorkflowGraphNode.outputs", false]], "outputs (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.outputs", false]], "outputvariablemapping (class in abacusai)": [[176, "abacusai.OutputVariableMapping", false]], "outputvariablemapping (class in abacusai.api_class)": [[27, "abacusai.api_class.OutputVariableMapping", false]], "outputvariablemapping (class in abacusai.api_class.python_functions)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping", false]], "oversample (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.oversample", false]], "oversample (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.oversample", false]], "oversample (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.oversample", false]], "owner_org_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.owner_org_id", false]], "owner_org_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.owner_org_id", false]], "owner_user_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.owner_user_id", false]], "owner_user_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.owner_user_id", false]], "p10 (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.p10", false]], "p10 (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.p10", false]], "p90 (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.p90", false]], "p90 (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.p90", false]], "package_requirements (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.package_requirements", false]], "package_requirements (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.package_requirements", false]], "package_requirements (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.package_requirements", false]], "package_requirements (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.package_requirements", false]], "package_requirements (abacusai.workflow_graph_node_details.workflowgraphnodedetails attribute)": [[313, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.package_requirements", false]], "package_requirements (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.package_requirements", false]], "package_requirements (abacusai.workflowgraphnodedetails attribute)": [[176, "abacusai.WorkflowGraphNodeDetails.package_requirements", false]], "package_requirements (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.package_requirements", false]], "page (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE", false]], "page (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.page", false]], "page (abacusai.pagedata attribute)": [[176, "abacusai.PageData.page", false]], "page_count (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.page_count", false]], "page_count (abacusai.agentdatadocumentinfo attribute)": [[176, "abacusai.AgentDataDocumentInfo.page_count", false]], "page_count (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.page_count", false]], "page_count (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.page_count", false]], "page_count (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.page_count", false]], "page_count (abacusai.pagedata attribute)": [[176, "abacusai.PageData.page_count", false]], "page_data (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_DATA", false]], "page_llm_ocr (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_LLM_OCR", false]], "page_markdown (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_MARKDOWN", false]], "page_markdown (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.page_markdown", false]], "page_markdown (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.page_markdown", false]], "page_markdown (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.page_markdown", false]], "page_markdown (abacusai.pagedata attribute)": [[176, "abacusai.PageData.page_markdown", false]], "page_table_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_TABLE_TEXT", false]], "page_text (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGE_TEXT", false]], "page_text (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.page_text", false]], "page_text (abacusai.pagedata attribute)": [[176, "abacusai.PageData.page_text", false]], "page_text_column (abacusai.api_class.dataset.datasetdocumentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DatasetDocumentProcessingConfig.page_text_column", false]], "page_text_column (abacusai.api_class.datasetdocumentprocessingconfig attribute)": [[27, "abacusai.api_class.DatasetDocumentProcessingConfig.page_text_column", false], [27, "id71", false]], "page_text_column (abacusai.datasetdocumentprocessingconfig attribute)": [[176, "abacusai.DatasetDocumentProcessingConfig.page_text_column", false]], "page_token_start_offset (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.page_token_start_offset", false]], "page_token_start_offset (abacusai.pagedata attribute)": [[176, "abacusai.PageData.page_token_start_offset", false]], "pagedata (class in abacusai)": [[176, "abacusai.PageData", false]], "pagedata (class in abacusai.page_data)": [[228, "abacusai.page_data.PageData", false]], "pages (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGES", false]], "pages (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.pages", false]], "pages (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.pages", false]], "pages (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.pages", false]], "pages (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.pages", false]], "pages_zip_metadata (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PAGES_ZIP_METADATA", false]], "paidplanrequired": [[58, "abacusai.client.PaidPlanRequired", false]], "parameters (abacusai.llm_parameters.llmparameters attribute)": [[189, "abacusai.llm_parameters.LlmParameters.parameters", false]], "parameters (abacusai.llmparameters attribute)": [[176, "abacusai.LlmParameters.parameters", false]], "params (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.params", false]], "params (abacusai.modelblueprintstage attribute)": [[176, "abacusai.ModelBlueprintStage.params", false]], "parent_conversation_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.parent_conversation_id", false]], "parent_conversation_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.parent_conversation_id", false]], "parent_deployment_conversation_id (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.parent_deployment_conversation_id", false]], "parent_deployment_conversation_id (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.parent_deployment_conversation_id", false]], "parquet (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PARQUET", false]], "parquet (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PARQUET", false]], "parquet (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.PARQUET", false]], "parsing_config (abacusai.dataset attribute)": [[176, "abacusai.Dataset.parsing_config", false]], "parsing_config (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.parsing_config", false]], "parsingconfig (class in abacusai)": [[176, "abacusai.ParsingConfig", false]], "parsingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ParsingConfig", false]], "parsingconfig (class in abacusai.api_class.dataset)": [[21, "abacusai.api_class.dataset.ParsingConfig", false]], "part() (abacusai.upload method)": [[176, "abacusai.Upload.part", false]], "part() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.part", false]], "partial_autocorrelation (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.partial_autocorrelation", false]], "partial_autocorrelation (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.partial_autocorrelation", false]], "partial_complete (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.partial_complete", false]], "partial_complete (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.partial_complete", false]], "partial_dependence_analysis (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.partial_dependence_analysis", false]], "partial_dependence_analysis (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.partial_dependence_analysis", false]], "partial_dependence_analysis (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.partial_dependence_analysis", false]], "partialdependenceanalysis (class in abacusai)": [[176, "abacusai.PartialDependenceAnalysis", false]], "partialdependenceanalysis (class in abacusai.api_class)": [[27, "abacusai.api_class.PartialDependenceAnalysis", false]], "partialdependenceanalysis (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PartialDependenceAnalysis", false]], "parts (abacusai.upload attribute)": [[176, "abacusai.Upload.parts", false]], "parts (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.parts", false]], "passwords_disabled (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.passwords_disabled", false]], "passwords_disabled (abacusai.organizationexternalapplicationsettings attribute)": [[176, "abacusai.OrganizationExternalApplicationSettings.passwords_disabled", false]], "path (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.path", false]], "path (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.path", false]], "pause() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.pause", false]], "pause() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.pause", false]], "pause_autonomous_agent() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.pause_autonomous_agent", false]], "pause_autonomous_agent() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.pause_autonomous_agent", false]], "pause_autonomous_agent() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.pause_autonomous_agent", false]], "pause_autonomous_agent() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.pause_autonomous_agent", false]], "pause_pipeline_refresh_schedule() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.pause_pipeline_refresh_schedule", false]], "pause_pipeline_refresh_schedule() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.pause_pipeline_refresh_schedule", false]], "pause_refresh_policy() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.pause_refresh_policy", false]], "pause_refresh_policy() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.pause_refresh_policy", false]], "pause_refresh_schedule() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.pause_refresh_schedule", false]], "pause_refresh_schedule() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.pause_refresh_schedule", false]], "paused (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.paused", false]], "paused (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.paused", false]], "payload (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.payload", false]], "payload (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.payload", false]], "payload_template (abacusai.webhook attribute)": [[176, "abacusai.Webhook.payload_template", false]], "payload_template (abacusai.webhook.webhook attribute)": [[312, "abacusai.webhook.Webhook.payload_template", false]], "paymentmethodrequired": [[58, "abacusai.client.PaymentMethodRequired", false]], "pdf (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PDF", false]], "pdf (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PDF", false]], "pdf (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.PDF", false]], "peaks_mean_absolute_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.PEAKS_MEAN_ABSOLUTE_ERROR", false]], "peaks_mean_absolute_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.PEAKS_MEAN_ABSOLUTE_ERROR", false]], "peaks_mean_absolute_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.PEAKS_MEAN_ABSOLUTE_ERROR", false]], "penalty (abacusai.api_class.constraintconfig attribute)": [[27, "abacusai.api_class.ConstraintConfig.penalty", false]], "penalty (abacusai.api_class.project.constraintconfig attribute)": [[31, "abacusai.api_class.project.ConstraintConfig.penalty", false]], "penalty (abacusai.constraintconfig attribute)": [[176, "abacusai.ConstraintConfig.penalty", false]], "pending_deployment_ids (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.pending_deployment_ids", false]], "pending_deployment_ids (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.pending_deployment_ids", false]], "pending_model_version (abacusai.deployment attribute)": [[176, "abacusai.Deployment.pending_model_version", false]], "pending_model_version (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.pending_model_version", false]], "pending_prediction_operator_version (abacusai.deployment attribute)": [[176, "abacusai.Deployment.pending_prediction_operator_version", false]], "pending_prediction_operator_version (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.pending_prediction_operator_version", false]], "pending_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.pending_processes", false]], "pending_processes (abacusai.featuregrouprowprocesssummary attribute)": [[176, "abacusai.FeatureGroupRowProcessSummary.pending_processes", false]], "percent_sampling (abacusai.api_class.enums.samplingmethodtype attribute)": [[25, "abacusai.api_class.enums.SamplingMethodType.PERCENT_SAMPLING", false]], "percent_sampling (abacusai.api_class.samplingmethodtype attribute)": [[27, "abacusai.api_class.SamplingMethodType.PERCENT_SAMPLING", false]], "percent_sampling (abacusai.samplingmethodtype attribute)": [[176, "abacusai.SamplingMethodType.PERCENT_SAMPLING", false]], "percentile (abacusai.api_class.enums.stddevthresholdtype attribute)": [[25, "abacusai.api_class.enums.StdDevThresholdType.PERCENTILE", false]], "percentile (abacusai.api_class.stddevthresholdtype attribute)": [[27, "abacusai.api_class.StdDevThresholdType.PERCENTILE", false], [27, "id205", false]], "percentile (abacusai.stddevthresholdtype attribute)": [[176, "abacusai.StdDevThresholdType.PERCENTILE", false]], "percentsamplingconfig (class in abacusai)": [[176, "abacusai.PercentSamplingConfig", false]], "percentsamplingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.PercentSamplingConfig", false]], "percentsamplingconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig", false]], "perform_feature_selection (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.perform_feature_selection", false]], "perform_feature_selection (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.perform_feature_selection", false]], "perform_feature_selection (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.perform_feature_selection", false]], "performance (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.performance", false]], "performance (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.performance", false]], "permission (abacusai.user_group_object_permission.usergroupobjectpermission attribute)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission.permission", false]], "permission (abacusai.usergroupobjectpermission attribute)": [[176, "abacusai.UserGroupObjectPermission.permission", false]], "permissiondeniederror": [[58, "abacusai.client.PermissionDeniedError", false]], "permissions (abacusai.organization_group.organizationgroup attribute)": [[225, "abacusai.organization_group.OrganizationGroup.permissions", false]], "permissions (abacusai.organizationgroup attribute)": [[176, "abacusai.OrganizationGroup.permissions", false]], "permutation_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[147, "abacusai.feature_importance.FeatureImportance.permutation_feature_importance", false]], "permutation_feature_importance (abacusai.featureimportance attribute)": [[176, "abacusai.FeatureImportance.permutation_feature_importance", false]], "personalization (abacusai.api_class.enums.personalizationobjective attribute)": [[25, "abacusai.api_class.enums.PersonalizationObjective.PERSONALIZATION", false]], "personalization (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.PERSONALIZATION", false]], "personalization (abacusai.api_class.personalizationobjective attribute)": [[27, "abacusai.api_class.PersonalizationObjective.PERSONALIZATION", false]], "personalization (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.PERSONALIZATION", false]], "personalization (abacusai.personalizationobjective attribute)": [[176, "abacusai.PersonalizationObjective.PERSONALIZATION", false]], "personalization (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.PERSONALIZATION", false]], "personalizationbatchpredictionargs (class in abacusai)": [[176, "abacusai.PersonalizationBatchPredictionArgs", false]], "personalizationbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs", false]], "personalizationbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs", false]], "personalizationobjective (class in abacusai)": [[176, "abacusai.PersonalizationObjective", false]], "personalizationobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationObjective", false]], "personalizationobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PersonalizationObjective", false]], "personalizationtrainingconfig (class in abacusai)": [[176, "abacusai.PersonalizationTrainingConfig", false]], "personalizationtrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationTrainingConfig", false]], "personalizationtrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig", false]], "personalizationtrainingmode (class in abacusai)": [[176, "abacusai.PersonalizationTrainingMode", false]], "personalizationtrainingmode (class in abacusai.api_class)": [[27, "abacusai.api_class.PersonalizationTrainingMode", false]], "personalizationtrainingmode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PersonalizationTrainingMode", false]], "pipeline (class in abacusai)": [[176, "abacusai.Pipeline", false]], "pipeline (class in abacusai.pipeline)": [[229, "abacusai.pipeline.Pipeline", false]], "pipeline_id (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.pipeline_id", false]], "pipeline_id (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.pipeline_id", false]], "pipeline_id (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.pipeline_id", false]], "pipeline_id (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.pipeline_id", false]], "pipeline_id (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.pipeline_id", false]], "pipeline_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.pipeline_id", false]], "pipeline_id (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.pipeline_id", false]], "pipeline_id (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_id", false]], "pipeline_id (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.pipeline_id", false]], "pipeline_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.pipeline_id", false]], "pipeline_id (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.pipeline_id", false]], "pipeline_id (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.pipeline_id", false]], "pipeline_id (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.pipeline_id", false]], "pipeline_id (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.pipeline_id", false]], "pipeline_id (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.pipeline_id", false]], "pipeline_name (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.pipeline_name", false]], "pipeline_name (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.pipeline_name", false]], "pipeline_name (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.pipeline_name", false]], "pipeline_name (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.pipeline_name", false]], "pipeline_name (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.pipeline_name", false]], "pipeline_name (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.pipeline_name", false]], "pipeline_reference_id (abacusai.pipeline_reference.pipelinereference attribute)": [[230, "abacusai.pipeline_reference.PipelineReference.pipeline_reference_id", false]], "pipeline_reference_id (abacusai.pipelinereference attribute)": [[176, "abacusai.PipelineReference.pipeline_reference_id", false]], "pipeline_references (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.pipeline_references", false]], "pipeline_references (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.pipeline_references", false]], "pipeline_step_id (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.pipeline_step_id", false]], "pipeline_step_id (abacusai.pipelinestepversionlogs attribute)": [[176, "abacusai.PipelineStepVersionLogs.pipeline_step_id", false]], "pipeline_step_version (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipelinestepversionlogs attribute)": [[176, "abacusai.PipelineStepVersionLogs.pipeline_step_version", false]], "pipeline_step_version (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.pipeline_step_version", false]], "pipeline_step_version_reference_id (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.pipeline_step_version_reference_id", false]], "pipeline_step_version_reference_id (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.pipeline_step_version_reference_id", false]], "pipeline_step_version_references (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_step_version_references", false]], "pipeline_step_version_references (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.pipeline_step_version_references", false]], "pipeline_variable (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.pipeline_variable", false]], "pipeline_variable (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.pipeline_variable", false]], "pipeline_variable (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.pipeline_variable", false]], "pipeline_variable_mappings (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.pipeline_variable_mappings", false]], "pipeline_variable_mappings (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.pipeline_variable_mappings", false]], "pipeline_variable_mappings (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.pipeline_variable_mappings", false]], "pipeline_variable_mappings (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.pipeline_variable_mappings", false]], "pipeline_version (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.pipeline_version", false]], "pipeline_version (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.pipeline_version", false]], "pipeline_version (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.pipeline_version", false]], "pipeline_version (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.pipeline_version", false]], "pipelinereference (class in abacusai)": [[176, "abacusai.PipelineReference", false]], "pipelinereference (class in abacusai.pipeline_reference)": [[230, "abacusai.pipeline_reference.PipelineReference", false]], "pipelinestep (class in abacusai)": [[176, "abacusai.PipelineStep", false]], "pipelinestep (class in abacusai.pipeline_step)": [[231, "abacusai.pipeline_step.PipelineStep", false]], "pipelinestepversion (class in abacusai)": [[176, "abacusai.PipelineStepVersion", false]], "pipelinestepversion (class in abacusai.pipeline_step_version)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion", false]], "pipelinestepversionlogs (class in abacusai)": [[176, "abacusai.PipelineStepVersionLogs", false]], "pipelinestepversionlogs (class in abacusai.pipeline_step_version_logs)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs", false]], "pipelinestepversionreference (class in abacusai)": [[176, "abacusai.PipelineStepVersionReference", false]], "pipelinestepversionreference (class in abacusai.pipeline_step_version_reference)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference", false]], "pipelineversion (class in abacusai)": [[176, "abacusai.PipelineVersion", false]], "pipelineversion (class in abacusai.pipeline_version)": [[235, "abacusai.pipeline_version.PipelineVersion", false]], "pipelineversionlogs (class in abacusai)": [[176, "abacusai.PipelineVersionLogs", false]], "pipelineversionlogs (class in abacusai.pipeline_version_logs)": [[236, "abacusai.pipeline_version_logs.PipelineVersionLogs", false]], "pit_operation_config (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.pit_operation_config", false]], "pit_operation_config (abacusai.pointintimegroupfeature attribute)": [[176, "abacusai.PointInTimeGroupFeature.pit_operation_config", false]], "pit_operation_type (abacusai.point_in_time_group_feature.pointintimegroupfeature attribute)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.pit_operation_type", false]], "pit_operation_type (abacusai.pointintimegroupfeature attribute)": [[176, "abacusai.PointInTimeGroupFeature.pit_operation_type", false]], "place (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.place", false]], "place (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.place", false]], "placeholder (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.placeholder", false]], "placeholder (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.placeholder", false]], "playground_text (abacusai.playground_text.playgroundtext attribute)": [[237, "abacusai.playground_text.PlaygroundText.playground_text", false]], "playground_text (abacusai.playgroundtext attribute)": [[176, "abacusai.PlaygroundText.playground_text", false]], "playgroundtext (class in abacusai)": [[176, "abacusai.PlaygroundText", false]], "playgroundtext (class in abacusai.playground_text)": [[237, "abacusai.playground_text.PlaygroundText", false]], "plot_name (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.plot_name", false]], "plot_name (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.plot_name", false]], "plot_reference_ids (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.plot_reference_ids", false]], "plot_reference_ids (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.plot_reference_ids", false]], "plotly_fig (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.PLOTLY_FIG", false]], "plotly_fig (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.PLOTLY_FIG", false]], "plotly_fig (abacusai.pythonfunctiontype attribute)": [[176, "abacusai.PythonFunctionType.PLOTLY_FIG", false]], "png (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PNG", false]], "png (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PNG", false]], "png (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.PNG", false]], "point_in_time_groups (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.point_in_time_groups", false]], "point_in_time_groups (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.point_in_time_groups", false]], "point_in_time_groups (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.point_in_time_groups", false]], "point_in_time_groups (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.point_in_time_groups", false]], "point_in_time_groups (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.point_in_time_groups", false]], "point_in_time_groups (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.point_in_time_groups", false]], "point_in_time_info (abacusai.feature attribute)": [[176, "abacusai.Feature.point_in_time_info", false]], "point_in_time_info (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.point_in_time_info", false]], "point_in_time_info (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.point_in_time_info", false]], "point_in_time_info (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.point_in_time_info", false]], "point_in_time_info (abacusai.schema attribute)": [[176, "abacusai.Schema.point_in_time_info", false]], "point_in_time_info (abacusai.schema.schema attribute)": [[271, "abacusai.schema.Schema.point_in_time_info", false]], "pointintimefeature (class in abacusai)": [[176, "abacusai.PointInTimeFeature", false]], "pointintimefeature (class in abacusai.point_in_time_feature)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature", false]], "pointintimefeatureinfo (class in abacusai)": [[176, "abacusai.PointInTimeFeatureInfo", false]], "pointintimefeatureinfo (class in abacusai.point_in_time_feature_info)": [[239, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo", false]], "pointintimegroup (class in abacusai)": [[176, "abacusai.PointInTimeGroup", false]], "pointintimegroup (class in abacusai.point_in_time_group)": [[240, "abacusai.point_in_time_group.PointInTimeGroup", false]], "pointintimegroupfeature (class in abacusai)": [[176, "abacusai.PointInTimeGroupFeature", false]], "pointintimegroupfeature (class in abacusai.point_in_time_group_feature)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature", false]], "pointwise_accuracy (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.POINTWISE_ACCURACY", false]], "pointwise_accuracy (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.POINTWISE_ACCURACY", false]], "pointwise_accuracy (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.POINTWISE_ACCURACY", false]], "pop() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.pop", false]], "pop() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.pop", false], [27, "id104", false], [27, "id11", false], [27, "id148", false], [27, "id181", false], [27, "id200", false], [27, "id218", false], [27, "id237", false], [27, "id25", false], [27, "id256", false], [27, "id270", false], [27, "id289", false], [27, "id39", false], [27, "id58", false], [27, "id85", false]], "pop() (abacusai.apiclass method)": [[176, "abacusai.ApiClass.pop", false]], "postal_code (abacusai.address attribute)": [[176, "abacusai.Address.postal_code", false]], "postal_code (abacusai.address.address attribute)": [[1, "abacusai.address.Address.postal_code", false]], "ppt (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PPT", false]], "ppt (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PPT", false]], "ppt (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.PPT", false]], "pptx (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.PPTX", false]], "pptx (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.PPTX", false]], "pptx (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.PPTX", false]], "precision (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.PRECISION", false]], "precision (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.PRECISION", false]], "precision (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.PRECISION", false]], "precision (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.PRECISION", false]], "precision (abacusai.nerobjective attribute)": [[176, "abacusai.NERObjective.PRECISION", false]], "precision (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.PRECISION", false]], "predecessors (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.predecessors", false]], "predecessors (abacusai.modelblueprintstage attribute)": [[176, "abacusai.ModelBlueprintStage.predecessors", false]], "predict() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict", false]], "predict() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict", false]], "predict() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict", false]], "predict() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict", false]], "predict_churn() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_churn", false]], "predict_churn() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_churn", false]], "predict_churn() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_churn", false]], "predict_churn() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_churn", false]], "predict_class() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_class", false]], "predict_class() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_class", false]], "predict_class() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_class", false]], "predict_class() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_class", false]], "predict_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.predict_endpoint", false]], "predict_endpoint (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.predict_endpoint", false]], "predict_fraud() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_fraud", false]], "predict_fraud() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_fraud", false]], "predict_fraud() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_fraud", false]], "predict_fraud() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_fraud", false]], "predict_from_datasets() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_from_datasets", false]], "predict_from_datasets() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_from_datasets", false]], "predict_from_datasets() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_from_datasets", false]], "predict_from_datasets() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_from_datasets", false]], "predict_function_name (abacusai.agent attribute)": [[176, "abacusai.Agent.predict_function_name", false]], "predict_function_name (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.predict_function_name", false]], "predict_function_name (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.predict_function_name", false]], "predict_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.predict_function_name", false]], "predict_function_name (abacusai.model attribute)": [[176, "abacusai.Model.predict_function_name", false]], "predict_function_name (abacusai.model.model attribute)": [[197, "abacusai.model.Model.predict_function_name", false]], "predict_function_name (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.predict_function_name", false]], "predict_function_name (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.predict_function_name", false]], "predict_history_data (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.predict_history_data", false]], "predict_history_data (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.predict_history_data", false]], "predict_language() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_language", false]], "predict_language() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_language", false]], "predict_language() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_language", false]], "predict_language() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_language", false]], "predict_lead() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_lead", false]], "predict_lead() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_lead", false]], "predict_lead() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_lead", false]], "predict_lead() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_lead", false]], "predict_many_function_name (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.predict_many_function_name", false]], "predict_many_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.predict_many_function_name", false]], "predict_many_function_name (abacusai.model attribute)": [[176, "abacusai.Model.predict_many_function_name", false]], "predict_many_function_name (abacusai.model.model attribute)": [[197, "abacusai.model.Model.predict_many_function_name", false]], "predict_multiple() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_multiple", false]], "predict_multiple() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_multiple", false]], "predict_multiple() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_multiple", false]], "predict_multiple() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_multiple", false]], "predict_raw() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_raw", false]], "predict_raw() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_raw", false]], "predict_residuals (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.predict_residuals", false]], "predict_residuals (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.predict_residuals", false]], "predict_residuals (abacusai.cumulativeforecastingtrainingconfig attribute)": [[176, "abacusai.CumulativeForecastingTrainingConfig.predict_residuals", false]], "predict_takeover() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_takeover", false]], "predict_takeover() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_takeover", false]], "predict_takeover() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_takeover", false]], "predict_takeover() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_takeover", false]], "predict_target() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_target", false]], "predict_target() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_target", false]], "predict_target() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_target", false]], "predict_target() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_target", false]], "predict_with_binary_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.predict_with_binary_data", false]], "predict_with_binary_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.predict_with_binary_data", false]], "predict_with_binary_data() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.predict_with_binary_data", false]], "predict_with_binary_data() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.predict_with_binary_data", false]], "predicted_column (abacusai.drift_distribution.driftdistribution attribute)": [[111, "abacusai.drift_distribution.DriftDistribution.predicted_column", false]], "predicted_column (abacusai.driftdistribution attribute)": [[176, "abacusai.DriftDistribution.predicted_column", false]], "prediction_count (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.PREDICTION_COUNT", false]], "prediction_count (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.PREDICTION_COUNT", false]], "prediction_count (abacusai.monitoralerttype attribute)": [[176, "abacusai.MonitorAlertType.PREDICTION_COUNT", false]], "prediction_data_use_mappings (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.prediction_data_use_mappings", false]], "prediction_data_use_mappings (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.prediction_data_use_mappings", false]], "prediction_data_use_mappings (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.prediction_data_use_mappings", false]], "prediction_data_use_mappings (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.prediction_data_use_mappings", false]], "prediction_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.prediction_distribution", false]], "prediction_distribution (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.prediction_distribution", false]], "prediction_drift (abacusai.drift_distributions.driftdistributions attribute)": [[112, "abacusai.drift_distributions.DriftDistributions.prediction_drift", false]], "prediction_drift (abacusai.driftdistributions attribute)": [[176, "abacusai.DriftDistributions.prediction_drift", false]], "prediction_drift (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.prediction_drift", false]], "prediction_drift (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.prediction_drift", false]], "prediction_endpoint (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.prediction_endpoint", false]], "prediction_feature_group_id (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.prediction_feature_group_id", false]], "prediction_feature_group_id (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.prediction_feature_group_id", false]], "prediction_feature_group_sampling (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.prediction_feature_group_sampling", false]], "prediction_feature_group_sampling (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.prediction_feature_group_sampling", false]], "prediction_feature_group_version (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.prediction_feature_group_version", false]], "prediction_feature_group_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.prediction_feature_group_version", false]], "prediction_feature_group_version (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.prediction_feature_group_version", false]], "prediction_feature_group_version (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.prediction_feature_group_version", false]], "prediction_forecast_config (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.prediction_forecast_config", false]], "prediction_forecast_config (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.prediction_forecast_config", false]], "prediction_forecast_config (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.prediction_forecast_config", false]], "prediction_forecast_config (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.prediction_forecast_config", false]], "prediction_item_analysis (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis attribute)": [[155, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.prediction_item_analysis", false]], "prediction_item_analysis (abacusai.forecastingmonitoritemanalysis attribute)": [[176, "abacusai.ForecastingMonitorItemAnalysis.prediction_item_analysis", false]], "prediction_item_id (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_item_id", false]], "prediction_item_id (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.prediction_item_id", false]], "prediction_length (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.PREDICTION_LENGTH", false]], "prediction_length (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.PREDICTION_LENGTH", false]], "prediction_length (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.prediction_length", false]], "prediction_length (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.prediction_length", false]], "prediction_length (abacusai.forecastingdatasplittype attribute)": [[176, "abacusai.ForecastingDataSplitType.PREDICTION_LENGTH", false]], "prediction_length (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.prediction_length", false]], "prediction_max (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.prediction_max", false]], "prediction_max (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.prediction_max", false]], "prediction_min (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.prediction_min", false]], "prediction_min (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.prediction_min", false]], "prediction_null_freq (abacusai.null_violation.nullviolation attribute)": [[223, "abacusai.null_violation.NullViolation.prediction_null_freq", false]], "prediction_null_freq (abacusai.nullviolation attribute)": [[176, "abacusai.NullViolation.prediction_null_freq", false]], "prediction_operator_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.prediction_operator_id", false]], "prediction_operator_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.prediction_operator_id", false]], "prediction_operator_id (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.prediction_operator_id", false]], "prediction_operator_id (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.prediction_operator_id", false]], "prediction_operator_id (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.prediction_operator_id", false]], "prediction_operator_id (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.prediction_operator_id", false]], "prediction_operator_id (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.prediction_operator_id", false]], "prediction_operator_id (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.prediction_operator_id", false]], "prediction_operator_version (abacusai.deployment attribute)": [[176, "abacusai.Deployment.prediction_operator_version", false]], "prediction_operator_version (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.prediction_operator_version", false]], "prediction_operator_version (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.prediction_operator_version", false]], "prediction_operator_version (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.prediction_operator_version", false]], "prediction_overrides (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.prediction_overrides", false]], "prediction_overrides (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.prediction_overrides", false]], "prediction_prefix (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.PREDICTION_PREFIX", false]], "prediction_start (abacusai.api_class.cumulativeforecastingpredictionarguments attribute)": [[27, "abacusai.api_class.CumulativeForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.api_class.deployment.cumulativeforecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.api_class.deployment.forecastingpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.api_class.forecastingpredictionarguments attribute)": [[27, "abacusai.api_class.ForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.cumulativeforecastingpredictionarguments attribute)": [[176, "abacusai.CumulativeForecastingPredictionArguments.prediction_start", false]], "prediction_start (abacusai.forecastingpredictionarguments attribute)": [[176, "abacusai.ForecastingPredictionArguments.prediction_start", false]], "prediction_statistics (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.prediction_statistics", false]], "prediction_statistics (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.prediction_statistics", false]], "prediction_step_size (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.prediction_step_size", false]], "prediction_step_size (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.prediction_step_size", false]], "prediction_step_size (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.prediction_step_size", false]], "prediction_target_across_time (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_target_across_time", false]], "prediction_target_across_time (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.prediction_target_across_time", false]], "prediction_target_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_target_col", false]], "prediction_target_col (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.prediction_target_col", false]], "prediction_target_feature (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.prediction_target_feature", false]], "prediction_target_feature (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.prediction_target_feature", false]], "prediction_target_feature (abacusai.monitorfilteringconfig attribute)": [[176, "abacusai.MonitorFilteringConfig.prediction_target_feature", false]], "prediction_timestamp_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.prediction_timestamp_col", false]], "prediction_timestamp_col (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.prediction_timestamp_col", false]], "predictionarguments (class in abacusai)": [[176, "abacusai.PredictionArguments", false]], "predictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.PredictionArguments", false]], "predictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.PredictionArguments", false]], "predictionclient (class in abacusai)": [[176, "abacusai.PredictionClient", false]], "predictionclient (class in abacusai.prediction_client)": [[242, "abacusai.prediction_client.PredictionClient", false]], "predictioncountconditionconfig (class in abacusai)": [[176, "abacusai.PredictionCountConditionConfig", false]], "predictioncountconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.PredictionCountConditionConfig", false]], "predictioncountconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig", false]], "predictiondataset (class in abacusai)": [[176, "abacusai.PredictionDataset", false]], "predictiondataset (class in abacusai.prediction_dataset)": [[243, "abacusai.prediction_dataset.PredictionDataset", false]], "predictionfeaturegroup (class in abacusai)": [[176, "abacusai.PredictionFeatureGroup", false]], "predictionfeaturegroup (class in abacusai.prediction_feature_group)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup", false]], "predictioninput (class in abacusai)": [[176, "abacusai.PredictionInput", false]], "predictioninput (class in abacusai.prediction_input)": [[245, "abacusai.prediction_input.PredictionInput", false]], "predictionlogrecord (class in abacusai)": [[176, "abacusai.PredictionLogRecord", false]], "predictionlogrecord (class in abacusai.prediction_log_record)": [[246, "abacusai.prediction_log_record.PredictionLogRecord", false]], "predictionoperator (class in abacusai)": [[176, "abacusai.PredictionOperator", false]], "predictionoperator (class in abacusai.prediction_operator)": [[247, "abacusai.prediction_operator.PredictionOperator", false]], "predictionoperatorversion (class in abacusai)": [[176, "abacusai.PredictionOperatorVersion", false]], "predictionoperatorversion (class in abacusai.prediction_operator_version)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion", false]], "predictions_completed_at (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.predictions_completed_at", false]], "predictions_completed_at (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.predictions_completed_at", false]], "predictions_histogram (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.predictions_histogram", false]], "predictions_histogram (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.predictions_histogram", false]], "predictions_start_date (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.predictions_start_date", false]], "predictions_start_date (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.predictions_start_date", false]], "predictions_start_date (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.predictions_start_date", false]], "predictions_started_at (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.predictions_started_at", false]], "predictions_started_at (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.predictions_started_at", false]], "predictive_modeling (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.PREDICTIVE_MODELING", false]], "predictive_modeling (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.PREDICTIVE_MODELING", false]], "predictive_modeling (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.PREDICTIVE_MODELING", false]], "predictivemodelingbatchpredictionargs (class in abacusai)": [[176, "abacusai.PredictiveModelingBatchPredictionArgs", false]], "predictivemodelingbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.PredictiveModelingBatchPredictionArgs", false]], "predictivemodelingbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs", false]], "presentationexportresult (class in abacusai)": [[176, "abacusai.PresentationExportResult", false]], "presentationexportresult (class in abacusai.presentation_export_result)": [[249, "abacusai.presentation_export_result.PresentationExportResult", false]], "pretrained_bert (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_BERT", false]], "pretrained_bert (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_BERT", false]], "pretrained_bert (abacusai.nermodeltype attribute)": [[176, "abacusai.NERModelType.PRETRAINED_BERT", false]], "pretrained_llm_name (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.pretrained_llm_name", false]], "pretrained_llm_name (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.pretrained_llm_name", false]], "pretrained_llm_name (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.pretrained_llm_name", false]], "pretrained_model_name (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.pretrained_model_name", false]], "pretrained_model_name (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.pretrained_model_name", false]], "pretrained_model_name (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.pretrained_model_name", false]], "pretrained_models (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.PRETRAINED_MODELS", false]], "pretrained_models (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.PRETRAINED_MODELS", false]], "pretrained_models (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.PRETRAINED_MODELS", false]], "pretrained_multilingual (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_MULTILINGUAL", false]], "pretrained_multilingual (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_MULTILINGUAL", false]], "pretrained_multilingual (abacusai.nermodeltype attribute)": [[176, "abacusai.NERModelType.PRETRAINED_MULTILINGUAL", false]], "pretrained_roberta_27 (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_ROBERTA_27", false]], "pretrained_roberta_27 (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_ROBERTA_27", false]], "pretrained_roberta_27 (abacusai.nermodeltype attribute)": [[176, "abacusai.NERModelType.PRETRAINED_ROBERTA_27", false]], "pretrained_roberta_43 (abacusai.api_class.enums.nermodeltype attribute)": [[25, "abacusai.api_class.enums.NERModelType.PRETRAINED_ROBERTA_43", false]], "pretrained_roberta_43 (abacusai.api_class.nermodeltype attribute)": [[27, "abacusai.api_class.NERModelType.PRETRAINED_ROBERTA_43", false]], "pretrained_roberta_43 (abacusai.nermodeltype attribute)": [[176, "abacusai.NERModelType.PRETRAINED_ROBERTA_43", false]], "pretrainedmodelsbatchpredictionargs (class in abacusai)": [[176, "abacusai.PretrainedModelsBatchPredictionArgs", false]], "pretrainedmodelsbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.PretrainedModelsBatchPredictionArgs", false]], "pretrainedmodelsbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs", false]], "pretty_name (abacusai.use_case.usecase attribute)": [[294, "abacusai.use_case.UseCase.pretty_name", false]], "pretty_name (abacusai.usecase attribute)": [[176, "abacusai.UseCase.pretty_name", false]], "preview (abacusai.llm_execution_result.llmexecutionresult attribute)": [[186, "abacusai.llm_execution_result.LlmExecutionResult.preview", false]], "preview (abacusai.llmexecutionresult attribute)": [[176, "abacusai.LlmExecutionResult.preview", false]], "preview_feature_group_template_resolution() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.preview_feature_group_template_resolution", false]], "preview_feature_group_template_resolution() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.preview_feature_group_template_resolution", false]], "preview_info (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.preview_info", false]], "preview_info (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.preview_info", false]], "preview_resolution() (abacusai.feature_group_template.featuregrouptemplate method)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.preview_resolution", false]], "preview_resolution() (abacusai.featuregrouptemplate method)": [[176, "abacusai.FeatureGroupTemplate.preview_resolution", false]], "primary_key (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.primary_key", false]], "primary_key (abacusai.feature_group_row.featuregrouprow attribute)": [[139, "abacusai.feature_group_row.FeatureGroupRow.primary_key", false]], "primary_key (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.primary_key", false]], "primary_key (abacusai.featuregrouprow attribute)": [[176, "abacusai.FeatureGroupRow.primary_key", false]], "primary_key (abacusai.indexing_config.indexingconfig attribute)": [[177, "abacusai.indexing_config.IndexingConfig.primary_key", false]], "primary_key (abacusai.indexingconfig attribute)": [[176, "abacusai.IndexingConfig.primary_key", false]], "primary_key (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.primary_key", false]], "primary_key (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.primary_key", false]], "primary_key_value (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.primary_key_value", false]], "primary_key_value (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs attribute)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.primary_key_value", false]], "primary_key_value (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.primary_key_value", false]], "primary_key_value (abacusai.featuregrouprowprocesslogs attribute)": [[176, "abacusai.FeatureGroupRowProcessLogs.primary_key_value", false]], "primary_keys (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.primary_keys", false]], "primary_keys (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.primary_keys", false]], "primary_keys (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.primary_keys", false]], "primary_keys (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.primary_keys", false]], "primary_start_node (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.primary_start_node", false]], "primary_start_node (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.primary_start_node", false]], "primary_start_node (abacusai.workflowgraph attribute)": [[176, "abacusai.WorkflowGraph.primary_start_node", false]], "privatewebappdeployment (class in abacusai)": [[176, "abacusai.PrivateWebAppDeployment", false]], "privatewebappdeployment (class in abacusai.private_web_app_deployment)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment", false]], "probability_quantiles (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.probability_quantiles", false]], "probability_quantiles (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.probability_quantiles", false]], "probability_quantiles (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.probability_quantiles", false]], "problem_type (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.problem_type", false]], "problem_type (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.problem_type", false]], "problem_type (abacusai.api_class.batch_prediction.batchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.BatchPredictionArgs.problem_type", false]], "problem_type (abacusai.api_class.batchpredictionargs attribute)": [[27, "abacusai.api_class.BatchPredictionArgs.problem_type", false]], "problem_type (abacusai.api_class.deployment.predictionarguments attribute)": [[23, "abacusai.api_class.deployment.PredictionArguments.problem_type", false]], "problem_type (abacusai.api_class.model.trainingconfig attribute)": [[28, "abacusai.api_class.model.TrainingConfig.problem_type", false]], "problem_type (abacusai.api_class.predictionarguments attribute)": [[27, "abacusai.api_class.PredictionArguments.problem_type", false]], "problem_type (abacusai.api_class.trainingconfig attribute)": [[27, "abacusai.api_class.TrainingConfig.problem_type", false]], "problem_type (abacusai.batchpredictionargs attribute)": [[176, "abacusai.BatchPredictionArgs.problem_type", false]], "problem_type (abacusai.custom_metric.custommetric attribute)": [[80, "abacusai.custom_metric.CustomMetric.problem_type", false]], "problem_type (abacusai.custommetric attribute)": [[176, "abacusai.CustomMetric.problem_type", false]], "problem_type (abacusai.predictionarguments attribute)": [[176, "abacusai.PredictionArguments.problem_type", false]], "problem_type (abacusai.problem_type.problemtype attribute)": [[251, "abacusai.problem_type.ProblemType.problem_type", false]], "problem_type (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.problem_type", false]], "problem_type (abacusai.project attribute)": [[176, "abacusai.Project.problem_type", false]], "problem_type (abacusai.project.project attribute)": [[252, "abacusai.project.Project.problem_type", false]], "problem_type (abacusai.trainingconfig attribute)": [[176, "abacusai.TrainingConfig.problem_type", false]], "problem_type (abacusai.use_case.usecase attribute)": [[294, "abacusai.use_case.UseCase.problem_type", false]], "problem_type (abacusai.usecase attribute)": [[176, "abacusai.UseCase.problem_type", false]], "problemtype (class in abacusai)": [[176, "abacusai.ProblemType", false], [176, "id23", false]], "problemtype (class in abacusai.api_class)": [[27, "abacusai.api_class.ProblemType", false]], "problemtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ProblemType", false]], "problemtype (class in abacusai.problem_type)": [[251, "abacusai.problem_type.ProblemType", false]], "process_node_response() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.process_node_response", false]], "process_streaming_data() (abacusai.api_client_utils.streaminghandler class method)": [[35, "abacusai.api_client_utils.StreamingHandler.process_streaming_data", false]], "processing_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.processing_processes", false]], "processing_processes (abacusai.featuregrouprowprocesssummary attribute)": [[176, "abacusai.FeatureGroupRowProcessSummary.processing_processes", false]], "product_maturity (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.product_maturity", false]], "product_maturity (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.product_maturity", false]], "production (abacusai.api_class.enums.personalizationtrainingmode attribute)": [[25, "abacusai.api_class.enums.PersonalizationTrainingMode.PRODUCTION", false]], "production (abacusai.api_class.personalizationtrainingmode attribute)": [[27, "abacusai.api_class.PersonalizationTrainingMode.PRODUCTION", false]], "production (abacusai.personalizationtrainingmode attribute)": [[176, "abacusai.PersonalizationTrainingMode.PRODUCTION", false]], "project (class in abacusai)": [[176, "abacusai.Project", false]], "project (class in abacusai.project)": [[252, "abacusai.project.Project", false]], "project_config (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.project_config", false]], "project_config (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.project_config", false]], "project_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.project_config", false]], "project_config (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.project_config", false]], "project_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.project_config", false]], "project_config (abacusai.projectfeaturegroupschema attribute)": [[176, "abacusai.ProjectFeatureGroupSchema.project_config", false]], "project_feature_group_schema (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.project_feature_group_schema", false]], "project_feature_group_schema (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.project_feature_group_schema", false]], "project_id (abacusai.agent attribute)": [[176, "abacusai.Agent.project_id", false]], "project_id (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.project_id", false]], "project_id (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.project_id", false]], "project_id (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.project_id", false]], "project_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.project_id", false]], "project_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.project_id", false]], "project_id (abacusai.eda attribute)": [[176, "abacusai.Eda.project_id", false]], "project_id (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.project_id", false]], "project_id (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.project_id", false]], "project_id (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.project_id", false]], "project_id (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.project_id", false]], "project_id (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.project_id", false]], "project_id (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.project_id", false]], "project_id (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.project_id", false]], "project_id (abacusai.model attribute)": [[176, "abacusai.Model.project_id", false]], "project_id (abacusai.model.model attribute)": [[197, "abacusai.model.Model.project_id", false]], "project_id (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.project_id", false]], "project_id (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.project_id", false]], "project_id (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.project_id", false]], "project_id (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.project_id", false]], "project_id (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.project_id", false]], "project_id (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.project_id", false]], "project_id (abacusai.project attribute)": [[176, "abacusai.Project.project_id", false]], "project_id (abacusai.project.project attribute)": [[252, "abacusai.project.Project.project_id", false]], "project_id (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.project_id", false]], "project_id (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.project_id", false]], "project_metadata (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.project_metadata", false]], "project_metadata (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.project_metadata", false]], "project_metadata (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.project_metadata", false]], "project_metadata (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.project_metadata", false]], "project_name (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.project_name", false]], "project_name (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.project_name", false]], "projectconfig (class in abacusai)": [[176, "abacusai.ProjectConfig", false]], "projectconfig (class in abacusai.project_config)": [[253, "abacusai.project_config.ProjectConfig", false]], "projectconfigtype (class in abacusai)": [[176, "abacusai.ProjectConfigType", false]], "projectconfigtype (class in abacusai.api_class)": [[27, "abacusai.api_class.ProjectConfigType", false]], "projectconfigtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ProjectConfigType", false]], "projectfeaturegroup (class in abacusai)": [[176, "abacusai.ProjectFeatureGroup", false]], "projectfeaturegroup (class in abacusai.project_feature_group)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup", false]], "projectfeaturegroupconfig (class in abacusai)": [[176, "abacusai.ProjectFeatureGroupConfig", false]], "projectfeaturegroupconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ProjectFeatureGroupConfig", false]], "projectfeaturegroupconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ProjectFeatureGroupConfig", false]], "projectfeaturegroupschema (class in abacusai)": [[176, "abacusai.ProjectFeatureGroupSchema", false]], "projectfeaturegroupschema (class in abacusai.project_feature_group_schema)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema", false]], "projectfeaturegroupschemaversion (class in abacusai)": [[176, "abacusai.ProjectFeatureGroupSchemaVersion", false]], "projectfeaturegroupschemaversion (class in abacusai.project_feature_group_schema_version)": [[256, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion", false]], "projectfeaturegrouptypemappingsconfig (class in abacusai)": [[176, "abacusai.ProjectFeatureGroupTypeMappingsConfig", false]], "projectfeaturegrouptypemappingsconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig", false]], "projectfeaturegrouptypemappingsconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig", false]], "projectvalidation (class in abacusai)": [[176, "abacusai.ProjectValidation", false]], "projectvalidation (class in abacusai.project_validation)": [[257, "abacusai.project_validation.ProjectValidation", false]], "prompt (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.prompt", false]], "prompt (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.prompt", false]], "prompt (abacusai.hotkeyprompt attribute)": [[176, "abacusai.HotkeyPrompt.prompt", false]], "prompt (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.prompt", false]], "prompt (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.prompt", false]], "prompt_col (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.prompt_col", false]], "prompt_col (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.prompt_col", false]], "prompt_col (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.prompt_col", false]], "properties (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.properties", false]], "properties (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.properties", false]], "provider (abacusai.code_bot.codebot attribute)": [[62, "abacusai.code_bot.CodeBot.provider", false]], "provider (abacusai.codebot attribute)": [[176, "abacusai.CodeBot.provider", false]], "proxy_endpoint (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.proxy_endpoint", false]], "proxy_endpoint (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.proxy_endpoint", false]], "proxy_endpoint (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.proxy_endpoint", false]], "prune_vectors (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.prune_vectors", false]], "prune_vectors (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.prune_vectors", false]], "prune_vectors (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.prune_vectors", false]], "psi (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.PSI", false]], "psi (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.PSI", false]], "psi (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.psi", false]], "psi (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.psi", false]], "psi (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.psi", false]], "psi (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.psi", false]], "psi (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.psi", false]], "psi (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.psi", false]], "psi (abacusai.featuredrifttype attribute)": [[176, "abacusai.FeatureDriftType.PSI", false]], "public_hosting_domain (abacusai.api_endpoint.apiendpoint attribute)": [[36, "abacusai.api_endpoint.ApiEndpoint.public_hosting_domain", false]], "public_hosting_domain (abacusai.apiendpoint attribute)": [[176, "abacusai.ApiEndpoint.public_hosting_domain", false]], "public_key (abacusai.sftp_key.sftpkey attribute)": [[275, "abacusai.sftp_key.SftpKey.public_key", false]], "public_key (abacusai.sftpkey attribute)": [[176, "abacusai.SftpKey.public_key", false]], "public_user_group (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.public_user_group", false]], "public_user_group (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.public_user_group", false]], "publishing_completed_at (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.publishing_completed_at", false]], "publishing_completed_at (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.publishing_completed_at", false]], "publishing_msg (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.publishing_msg", false]], "publishing_msg (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.publishing_msg", false]], "publishing_started_at (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.publishing_started_at", false]], "publishing_started_at (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.publishing_started_at", false]], "pull_attachments (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.pull_attachments", false]], "pull_attachments (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.pull_attachments", false]], "pull_attachments (abacusai.confluencedatasetconfig attribute)": [[176, "abacusai.ConfluenceDatasetConfig.pull_attachments", false]], "pull_channel_posts (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.pull_channel_posts", false]], "pull_channel_posts (abacusai.api_class.teamsscraperdatasetconfig attribute)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.pull_channel_posts", false]], "pull_channel_posts (abacusai.teamsscraperdatasetconfig attribute)": [[176, "abacusai.TeamsScraperDatasetConfig.pull_channel_posts", false]], "pull_chat_messages (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.pull_chat_messages", false]], "pull_chat_messages (abacusai.api_class.teamsscraperdatasetconfig attribute)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.pull_chat_messages", false]], "pull_chat_messages (abacusai.teamsscraperdatasetconfig attribute)": [[176, "abacusai.TeamsScraperDatasetConfig.pull_chat_messages", false]], "pull_transcripts (abacusai.api_class.dataset_application_connector.teamsscraperdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig.pull_transcripts", false]], "pull_transcripts (abacusai.api_class.teamsscraperdatasetconfig attribute)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig.pull_transcripts", false]], "pull_transcripts (abacusai.teamsscraperdatasetconfig attribute)": [[176, "abacusai.TeamsScraperDatasetConfig.pull_transcripts", false]], "python (abacusai.api_class.codelanguage attribute)": [[27, "abacusai.api_class.CodeLanguage.PYTHON", false]], "python (abacusai.api_class.enums.codelanguage attribute)": [[25, "abacusai.api_class.enums.CodeLanguage.PYTHON", false]], "python (abacusai.codelanguage attribute)": [[176, "abacusai.CodeLanguage.PYTHON", false]], "python (abacusai.streaming_sample_code.streamingsamplecode attribute)": [[280, "abacusai.streaming_sample_code.StreamingSampleCode.python", false]], "python (abacusai.streamingsamplecode attribute)": [[176, "abacusai.StreamingSampleCode.python", false]], "python_function (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.python_function", false]], "python_function (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.python_function", false]], "python_function_bindings (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.python_function_bindings", false]], "python_function_bindings (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.python_function_bindings", false]], "python_function_bindings (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.python_function_bindings", false]], "python_function_bindings (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.python_function_bindings", false]], "python_function_bindings (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.python_function_bindings", false]], "python_function_bindings (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.python_function_bindings", false]], "python_function_id (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.python_function_id", false]], "python_function_id (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.python_function_id", false]], "python_function_id (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.python_function_id", false]], "python_function_id (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.python_function_id", false]], "python_function_id (abacusai.python_function.pythonfunction attribute)": [[258, "abacusai.python_function.PythonFunction.python_function_id", false]], "python_function_id (abacusai.python_plot_function.pythonplotfunction attribute)": [[260, "abacusai.python_plot_function.PythonPlotFunction.python_function_id", false]], "python_function_id (abacusai.pythonfunction attribute)": [[176, "abacusai.PythonFunction.python_function_id", false]], "python_function_id (abacusai.pythonplotfunction attribute)": [[176, "abacusai.PythonPlotFunction.python_function_id", false]], "python_function_ids (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.python_function_ids", false]], "python_function_ids (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.python_function_ids", false]], "python_function_name (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.python_function_name", false]], "python_function_name (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.python_function_name", false]], "python_function_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.python_function_name", false]], "python_function_name (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.python_function_name", false]], "python_function_names (abacusai.graph_dashboard.graphdashboard attribute)": [[161, "abacusai.graph_dashboard.GraphDashboard.python_function_names", false]], "python_function_names (abacusai.graphdashboard attribute)": [[176, "abacusai.GraphDashboard.python_function_names", false]], "pythonfunction (class in abacusai)": [[176, "abacusai.PythonFunction", false]], "pythonfunction (class in abacusai.python_function)": [[258, "abacusai.python_function.PythonFunction", false]], "pythonfunctionargument (class in abacusai)": [[176, "abacusai.PythonFunctionArgument", false]], "pythonfunctionargument (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionArgument", false]], "pythonfunctionargument (class in abacusai.api_class.python_functions)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument", false]], "pythonfunctionargumenttype (class in abacusai)": [[176, "abacusai.PythonFunctionArgumentType", false]], "pythonfunctionargumenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionArgumentType", false]], "pythonfunctionargumenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType", false]], "pythonfunctionoutputargumenttype (class in abacusai)": [[176, "abacusai.PythonFunctionOutputArgumentType", false]], "pythonfunctionoutputargumenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType", false]], "pythonfunctionoutputargumenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType", false]], "pythonfunctiontype (class in abacusai)": [[176, "abacusai.PythonFunctionType", false]], "pythonfunctiontype (class in abacusai.api_class)": [[27, "abacusai.api_class.PythonFunctionType", false]], "pythonfunctiontype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.PythonFunctionType", false]], "pythonplotfunction (class in abacusai)": [[176, "abacusai.PythonPlotFunction", false]], "pythonplotfunction (class in abacusai.python_plot_function)": [[260, "abacusai.python_plot_function.PythonPlotFunction", false]], "quadratic (abacusai.api_class.enums.forecastingquanitlesextensionmethod attribute)": [[25, "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod.QUADRATIC", false]], "quadratic (abacusai.api_class.forecastingquanitlesextensionmethod attribute)": [[27, "abacusai.api_class.ForecastingQuanitlesExtensionMethod.QUADRATIC", false]], "quadratic (abacusai.forecastingquanitlesextensionmethod attribute)": [[176, "abacusai.ForecastingQuanitlesExtensionMethod.QUADRATIC", false]], "quantile (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.QUANTILE", false]], "quantile (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.QUANTILE", false]], "quantile (abacusai.regressiontargettransform attribute)": [[176, "abacusai.RegressionTargetTransform.QUANTILE", false]], "quantiles_extension_method (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.quantiles_extension_method", false]], "quantiles_extension_method (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.quantiles_extension_method", false]], "quantiles_extension_method (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.quantiles_extension_method", false]], "quarter_end (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.QUARTER_END", false]], "quarter_end (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.QUARTER_END", false]], "quarter_end (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.QUARTER_END", false]], "quarter_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.QUARTER_START", false]], "quarter_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.QUARTER_START", false]], "quarter_start (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.QUARTER_START", false]], "query (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.query", false]], "query (abacusai.executefeaturegroupoperation attribute)": [[176, "abacusai.ExecuteFeatureGroupOperation.query", false]], "query (abacusai.prediction_log_record.predictionlogrecord attribute)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.query", false]], "query (abacusai.predictionlogrecord attribute)": [[176, "abacusai.PredictionLogRecord.query", false]], "query() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.query", false]], "query() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.query", false]], "query_column (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.query_column", false]], "query_column (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.query_column", false]], "query_column (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.query_column", false]], "query_database_connector() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.query_database_connector", false]], "query_database_connector() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.query_database_connector", false]], "query_database_connector_datallm() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.query_database_connector_datallm", false]], "query_database_connector_datallm() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.query_database_connector_datallm", false]], "query_datallm() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.query_datallm", false]], "query_datallm() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.query_datallm", false]], "query_feature_group_code_generator() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.query_feature_group_code_generator", false]], "query_feature_group_code_generator() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.query_feature_group_code_generator", false]], "query_mcp_server() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.query_mcp_server", false]], "query_mcp_server() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.query_mcp_server", false]], "query_rewrite_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.query_rewrite_instructions", false]], "query_rewrite_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.query_rewrite_instructions", false]], "query_rewrite_instructions (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.query_rewrite_instructions", false]], "query_time_ms (abacusai.prediction_log_record.predictionlogrecord attribute)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.query_time_ms", false]], "query_time_ms (abacusai.predictionlogrecord attribute)": [[176, "abacusai.PredictionLogRecord.query_time_ms", false]], "qwen3_235b_a22b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN3_235B_A22B", false]], "qwen3_235b_a22b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN3_235B_A22B", false]], "qwen3_235b_a22b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.QWEN3_235B_A22B", false]], "qwen3_32b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN3_32B", false]], "qwen3_32b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN3_32B", false]], "qwen3_32b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.QWEN3_32B", false]], "qwen3_coder (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN3_CODER", false]], "qwen3_coder (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN3_CODER", false]], "qwen3_coder (abacusai.llmname attribute)": [[176, "abacusai.LLMName.QWEN3_CODER", false]], "qwen_2_5_32b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN_2_5_32B", false]], "qwen_2_5_32b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN_2_5_32B", false]], "qwen_2_5_32b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.QWEN_2_5_32B", false]], "qwen_2_5_32b_base (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN_2_5_32B_BASE", false]], "qwen_2_5_32b_base (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN_2_5_32B_BASE", false]], "qwen_2_5_32b_base (abacusai.llmname attribute)": [[176, "abacusai.LLMName.QWEN_2_5_32B_BASE", false]], "qwen_2_5_72b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWEN_2_5_72B", false]], "qwen_2_5_72b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWEN_2_5_72B", false]], "qwen_2_5_72b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.QWEN_2_5_72B", false]], "qwq_32b (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.QWQ_32B", false]], "qwq_32b (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.QWQ_32B", false]], "qwq_32b (abacusai.llmname attribute)": [[176, "abacusai.LLMName.QWQ_32B", false]], "r_squared_coefficient_of_determination (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.R_SQUARED_COEFFICIENT_OF_DETERMINATION", false]], "r_squared_coefficient_of_determination (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.R_SQUARED_COEFFICIENT_OF_DETERMINATION", false]], "r_squared_coefficient_of_determination (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.R_SQUARED_COEFFICIENT_OF_DETERMINATION", false]], "random (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.RANDOM", false]], "random (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.RANDOM", false]], "random (abacusai.regressiontypeofsplit attribute)": [[176, "abacusai.RegressionTypeOfSplit.RANDOM", false]], "range_violations (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.RANGE_VIOLATIONS", false]], "range_violations (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.RANGE_VIOLATIONS", false]], "range_violations (abacusai.dataintegrityviolationtype attribute)": [[176, "abacusai.DataIntegrityViolationType.RANGE_VIOLATIONS", false]], "range_violations (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.range_violations", false]], "range_violations (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.range_violations", false]], "rangeviolation (class in abacusai)": [[176, "abacusai.RangeViolation", false]], "rangeviolation (class in abacusai.range_violation)": [[261, "abacusai.range_violation.RangeViolation", false]], "rapid (abacusai.api_class.enums.experimentationmode attribute)": [[25, "abacusai.api_class.enums.ExperimentationMode.RAPID", false]], "rapid (abacusai.api_class.enums.partialdependenceanalysis attribute)": [[25, "abacusai.api_class.enums.PartialDependenceAnalysis.RAPID", false]], "rapid (abacusai.api_class.enums.regressiontreehpomode attribute)": [[25, "abacusai.api_class.enums.RegressionTreeHPOMode.RAPID", false]], "rapid (abacusai.api_class.experimentationmode attribute)": [[27, "abacusai.api_class.ExperimentationMode.RAPID", false]], "rapid (abacusai.api_class.partialdependenceanalysis attribute)": [[27, "abacusai.api_class.PartialDependenceAnalysis.RAPID", false]], "rapid (abacusai.api_class.regressiontreehpomode attribute)": [[27, "abacusai.api_class.RegressionTreeHPOMode.RAPID", false]], "rapid (abacusai.experimentationmode attribute)": [[176, "abacusai.ExperimentationMode.RAPID", false]], "rapid (abacusai.partialdependenceanalysis attribute)": [[176, "abacusai.PartialDependenceAnalysis.RAPID", false]], "rapid (abacusai.regressiontreehpomode attribute)": [[176, "abacusai.RegressionTreeHPOMode.RAPID", false]], "rar (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.RAR", false]], "rar (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.RAR", false]], "rar (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.RAR", false]], "rare_class_augmentation_threshold (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.rare_class_augmentation_threshold", false]], "rare_class_augmentation_threshold (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.rare_class_augmentation_threshold", false]], "rare_class_augmentation_threshold (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.rare_class_augmentation_threshold", false]], "raw_llm_response (abacusai.extracted_fields.extractedfields attribute)": [[127, "abacusai.extracted_fields.ExtractedFields.raw_llm_response", false]], "raw_llm_response (abacusai.extractedfields attribute)": [[176, "abacusai.ExtractedFields.raw_llm_response", false]], "readonlyclient (class in abacusai)": [[176, "abacusai.ReadOnlyClient", false]], "readonlyclient (class in abacusai.client)": [[58, "abacusai.client.ReadOnlyClient", false]], "realtime_monitor_id (abacusai.deployment attribute)": [[176, "abacusai.Deployment.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.monitor_alert.monitoralert attribute)": [[215, "abacusai.monitor_alert.MonitorAlert.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.monitoralert attribute)": [[176, "abacusai.MonitorAlert.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.realtime_monitor.realtimemonitor attribute)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.realtime_monitor_id", false]], "realtime_monitor_id (abacusai.realtimemonitor attribute)": [[176, "abacusai.RealtimeMonitor.realtime_monitor_id", false]], "realtime_monitor_schedule (abacusai.realtime_monitor.realtimemonitor attribute)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.realtime_monitor_schedule", false]], "realtime_monitor_schedule (abacusai.realtimemonitor attribute)": [[176, "abacusai.RealtimeMonitor.realtime_monitor_schedule", false]], "realtimemonitor (class in abacusai)": [[176, "abacusai.RealtimeMonitor", false]], "realtimemonitor (class in abacusai.realtime_monitor)": [[262, "abacusai.realtime_monitor.RealtimeMonitor", false]], "rebalance_classes (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.rebalance_classes", false]], "rebalance_classes (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.rebalance_classes", false]], "rebalance_classes (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.rebalance_classes", false]], "recall (abacusai.api_class.enums.nerobjective attribute)": [[25, "abacusai.api_class.enums.NERObjective.RECALL", false]], "recall (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.RECALL", false]], "recall (abacusai.api_class.nerobjective attribute)": [[27, "abacusai.api_class.NERObjective.RECALL", false]], "recall (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.RECALL", false]], "recall (abacusai.nerobjective attribute)": [[176, "abacusai.NERObjective.RECALL", false]], "recall (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.RECALL", false]], "recent_days_for_training (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.recent_days_for_training", false]], "recent_days_for_training (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.recent_days_for_training", false]], "recent_days_for_training (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.recent_days_for_training", false]], "record_user_action (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.record_user_action", false]], "record_user_action (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.record_user_action", false]], "recurrent_layers (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.recurrent_layers", false]], "recurrent_layers (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.recurrent_layers", false]], "recurrent_layers (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.recurrent_layers", false]], "recurrent_units (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.recurrent_units", false]], "recurrent_units (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.recurrent_units", false]], "recurrent_units (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.recurrent_units", false]], "reference_feature_group_version (abacusai.eda attribute)": [[176, "abacusai.Eda.reference_feature_group_version", false]], "reference_feature_group_version (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.reference_feature_group_version", false]], "reference_feature_group_version (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.reference_feature_group_version", false]], "reference_feature_group_version (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.reference_feature_group_version", false]], "reference_only_documentset (abacusai.dataset attribute)": [[176, "abacusai.Dataset.reference_only_documentset", false]], "reference_only_documentset (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.reference_only_documentset", false]], "referenced_feature_groups (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.referenced_feature_groups", false]], "referenced_feature_groups (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.referenced_feature_groups", false]], "referenced_feature_groups (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.referenced_feature_groups", false]], "referenced_feature_groups (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.referenced_feature_groups", false]], "refresh() (abacusai.agent method)": [[176, "abacusai.Agent.refresh", false]], "refresh() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.refresh", false]], "refresh() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.refresh", false]], "refresh() (abacusai.agentversion method)": [[176, "abacusai.AgentVersion.refresh", false]], "refresh() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.refresh", false]], "refresh() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.refresh", false]], "refresh() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.refresh", false]], "refresh() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.refresh", false]], "refresh() (abacusai.custom_metric_version.custommetricversion method)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.refresh", false]], "refresh() (abacusai.custommetricversion method)": [[176, "abacusai.CustomMetricVersion.refresh", false]], "refresh() (abacusai.dataset method)": [[176, "abacusai.Dataset.refresh", false]], "refresh() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.refresh", false]], "refresh() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.refresh", false]], "refresh() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.refresh", false]], "refresh() (abacusai.deployment method)": [[176, "abacusai.Deployment.refresh", false]], "refresh() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.refresh", false]], "refresh() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.refresh", false]], "refresh() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.refresh", false]], "refresh() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.refresh", false]], "refresh() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.refresh", false]], "refresh() (abacusai.eda method)": [[176, "abacusai.Eda.refresh", false]], "refresh() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.refresh", false]], "refresh() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.refresh", false]], "refresh() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.refresh", false]], "refresh() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.refresh", false]], "refresh() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.refresh", false]], "refresh() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.refresh", false]], "refresh() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.refresh", false]], "refresh() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.refresh", false]], "refresh() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.refresh", false]], "refresh() (abacusai.feature_group_template.featuregrouptemplate method)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.refresh", false]], "refresh() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.refresh", false]], "refresh() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.refresh", false]], "refresh() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.refresh", false]], "refresh() (abacusai.featuregrouptemplate method)": [[176, "abacusai.FeatureGroupTemplate.refresh", false]], "refresh() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.refresh", false]], "refresh() (abacusai.graph_dashboard.graphdashboard method)": [[161, "abacusai.graph_dashboard.GraphDashboard.refresh", false]], "refresh() (abacusai.graphdashboard method)": [[176, "abacusai.GraphDashboard.refresh", false]], "refresh() (abacusai.holdout_analysis.holdoutanalysis method)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.refresh", false]], "refresh() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.refresh", false]], "refresh() (abacusai.holdoutanalysis method)": [[176, "abacusai.HoldoutAnalysis.refresh", false]], "refresh() (abacusai.holdoutanalysisversion method)": [[176, "abacusai.HoldoutAnalysisVersion.refresh", false]], "refresh() (abacusai.model method)": [[176, "abacusai.Model.refresh", false]], "refresh() (abacusai.model.model method)": [[197, "abacusai.model.Model.refresh", false]], "refresh() (abacusai.model_artifacts_export.modelartifactsexport method)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.refresh", false]], "refresh() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.refresh", false]], "refresh() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.refresh", false]], "refresh() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.refresh", false]], "refresh() (abacusai.modelartifactsexport method)": [[176, "abacusai.ModelArtifactsExport.refresh", false]], "refresh() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.refresh", false]], "refresh() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.refresh", false]], "refresh() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.refresh", false]], "refresh() (abacusai.monitor_alert.monitoralert method)": [[215, "abacusai.monitor_alert.MonitorAlert.refresh", false]], "refresh() (abacusai.monitor_alert_version.monitoralertversion method)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.refresh", false]], "refresh() (abacusai.monitoralert method)": [[176, "abacusai.MonitorAlert.refresh", false]], "refresh() (abacusai.monitoralertversion method)": [[176, "abacusai.MonitorAlertVersion.refresh", false]], "refresh() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.refresh", false]], "refresh() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.refresh", false]], "refresh() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.refresh", false]], "refresh() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.refresh", false]], "refresh() (abacusai.pipeline_step.pipelinestep method)": [[231, "abacusai.pipeline_step.PipelineStep.refresh", false]], "refresh() (abacusai.pipeline_step_version.pipelinestepversion method)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.refresh", false]], "refresh() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.refresh", false]], "refresh() (abacusai.pipelinestep method)": [[176, "abacusai.PipelineStep.refresh", false]], "refresh() (abacusai.pipelinestepversion method)": [[176, "abacusai.PipelineStepVersion.refresh", false]], "refresh() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.refresh", false]], "refresh() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.refresh", false]], "refresh() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.refresh", false]], "refresh() (abacusai.project method)": [[176, "abacusai.Project.refresh", false]], "refresh() (abacusai.project.project method)": [[252, "abacusai.project.Project.refresh", false]], "refresh() (abacusai.realtime_monitor.realtimemonitor method)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.refresh", false]], "refresh() (abacusai.realtimemonitor method)": [[176, "abacusai.RealtimeMonitor.refresh", false]], "refresh() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh", false]], "refresh() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.refresh", false]], "refresh() (abacusai.refreshpipelinerun method)": [[176, "abacusai.RefreshPipelineRun.refresh", false]], "refresh() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.refresh", false]], "refresh() (abacusai.upload method)": [[176, "abacusai.Upload.refresh", false]], "refresh() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.refresh", false]], "refresh() (abacusai.webhook method)": [[176, "abacusai.Webhook.refresh", false]], "refresh() (abacusai.webhook.webhook method)": [[312, "abacusai.webhook.Webhook.refresh", false]], "refresh_pipeline_run_id (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_pipeline_run_id", false]], "refresh_pipeline_run_id (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.refresh_pipeline_run_id", false]], "refresh_policy (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_policy", false]], "refresh_policy (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.refresh_policy", false]], "refresh_policy_id (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.refresh_policy_id", false]], "refresh_policy_id (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.refresh_policy_id", false]], "refresh_policy_id (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_policy_id", false]], "refresh_policy_id (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.refresh_policy_id", false]], "refresh_policy_id (abacusai.refresh_schedule.refreshschedule attribute)": [[265, "abacusai.refresh_schedule.RefreshSchedule.refresh_policy_id", false]], "refresh_policy_id (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.refresh_policy_id", false]], "refresh_policy_id (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.refresh_policy_id", false]], "refresh_policy_id (abacusai.refreshschedule attribute)": [[176, "abacusai.RefreshSchedule.refresh_policy_id", false]], "refresh_schedules (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.refresh_schedules", false]], "refresh_schedules (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.refresh_schedules", false]], "refresh_schedules (abacusai.dataset attribute)": [[176, "abacusai.Dataset.refresh_schedules", false]], "refresh_schedules (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.refresh_schedules", false]], "refresh_schedules (abacusai.deployment attribute)": [[176, "abacusai.Deployment.refresh_schedules", false]], "refresh_schedules (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.refresh_schedules", false]], "refresh_schedules (abacusai.eda attribute)": [[176, "abacusai.Eda.refresh_schedules", false]], "refresh_schedules (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.refresh_schedules", false]], "refresh_schedules (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.refresh_schedules", false]], "refresh_schedules (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.refresh_schedules", false]], "refresh_schedules (abacusai.model attribute)": [[176, "abacusai.Model.refresh_schedules", false]], "refresh_schedules (abacusai.model.model attribute)": [[197, "abacusai.model.Model.refresh_schedules", false]], "refresh_schedules (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.refresh_schedules", false]], "refresh_schedules (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.refresh_schedules", false]], "refresh_schedules (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.refresh_schedules", false]], "refresh_schedules (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.refresh_schedules", false]], "refresh_schedules (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.refresh_schedules", false]], "refresh_schedules (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.refresh_schedules", false]], "refresh_type (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.refresh_type", false]], "refresh_type (abacusai.refresh_policy.refreshpolicy attribute)": [[264, "abacusai.refresh_policy.RefreshPolicy.refresh_type", false]], "refresh_type (abacusai.refresh_schedule.refreshschedule attribute)": [[265, "abacusai.refresh_schedule.RefreshSchedule.refresh_type", false]], "refresh_type (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.refresh_type", false]], "refresh_type (abacusai.refreshpolicy attribute)": [[176, "abacusai.RefreshPolicy.refresh_type", false]], "refresh_type (abacusai.refreshschedule attribute)": [[176, "abacusai.RefreshSchedule.refresh_type", false]], "refreshpipelinerun (class in abacusai)": [[176, "abacusai.RefreshPipelineRun", false]], "refreshpipelinerun (class in abacusai.refresh_pipeline_run)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun", false]], "refreshpolicy (class in abacusai)": [[176, "abacusai.RefreshPolicy", false]], "refreshpolicy (class in abacusai.refresh_policy)": [[264, "abacusai.refresh_policy.RefreshPolicy", false]], "refreshschedule (class in abacusai)": [[176, "abacusai.RefreshSchedule", false]], "refreshschedule (class in abacusai.refresh_schedule)": [[265, "abacusai.refresh_schedule.RefreshSchedule", false]], "regenerate_attempt (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.regenerate_attempt", false]], "regenerate_attempt (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.regenerate_attempt", false]], "regenerate_attempt (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.regenerate_attempt", false]], "regenerate_attempt (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.regenerate_attempt", false]], "regeneratellmexternalapplication (class in abacusai)": [[176, "abacusai.RegenerateLlmExternalApplication", false]], "regeneratellmexternalapplication (class in abacusai.regenerate_llm_external_application)": [[266, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication", false]], "regeneratellmoption (class in abacusai)": [[176, "abacusai.RegenerateLlmOption", false]], "regeneratellmoption (class in abacusai.regenerate_llm_option)": [[267, "abacusai.regenerate_llm_option.RegenerateLlmOption", false]], "regions (abacusai.deployment attribute)": [[176, "abacusai.Deployment.regions", false]], "regions (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.regions", false]], "register_credits (abacusai.domain_search_result.domainsearchresult attribute)": [[110, "abacusai.domain_search_result.DomainSearchResult.register_credits", false]], "register_credits (abacusai.domainsearchresult attribute)": [[176, "abacusai.DomainSearchResult.register_credits", false]], "register_years (abacusai.domain_search_result.domainsearchresult attribute)": [[110, "abacusai.domain_search_result.DomainSearchResult.register_years", false]], "register_years (abacusai.domainsearchresult attribute)": [[176, "abacusai.DomainSearchResult.register_years", false]], "regressionaugmentationstrategy (class in abacusai)": [[176, "abacusai.RegressionAugmentationStrategy", false]], "regressionaugmentationstrategy (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionAugmentationStrategy", false]], "regressionaugmentationstrategy (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionAugmentationStrategy", false]], "regressionlossfunction (class in abacusai)": [[176, "abacusai.RegressionLossFunction", false]], "regressionlossfunction (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionLossFunction", false]], "regressionlossfunction (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionLossFunction", false]], "regressionobjective (class in abacusai)": [[176, "abacusai.RegressionObjective", false]], "regressionobjective (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionObjective", false]], "regressionobjective (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionObjective", false]], "regressionpredictionarguments (class in abacusai)": [[176, "abacusai.RegressionPredictionArguments", false]], "regressionpredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionPredictionArguments", false]], "regressionpredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.RegressionPredictionArguments", false]], "regressiontargettransform (class in abacusai)": [[176, "abacusai.RegressionTargetTransform", false]], "regressiontargettransform (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTargetTransform", false]], "regressiontargettransform (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTargetTransform", false]], "regressiontimesplitmethod (class in abacusai)": [[176, "abacusai.RegressionTimeSplitMethod", false]], "regressiontimesplitmethod (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTimeSplitMethod", false]], "regressiontimesplitmethod (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTimeSplitMethod", false]], "regressiontrainingconfig (class in abacusai)": [[176, "abacusai.RegressionTrainingConfig", false]], "regressiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTrainingConfig", false]], "regressiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.RegressionTrainingConfig", false]], "regressiontreehpomode (class in abacusai)": [[176, "abacusai.RegressionTreeHPOMode", false]], "regressiontreehpomode (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTreeHPOMode", false]], "regressiontreehpomode (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTreeHPOMode", false]], "regressiontypeofsplit (class in abacusai)": [[176, "abacusai.RegressionTypeOfSplit", false]], "regressiontypeofsplit (class in abacusai.api_class)": [[27, "abacusai.api_class.RegressionTypeOfSplit", false]], "regressiontypeofsplit (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit", false]], "remove_annotation_label() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.remove_annotation_label", false]], "remove_annotation_label() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.remove_annotation_label", false]], "remove_app_user_group_from_external_application() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_app_user_group_from_external_application", false]], "remove_app_user_group_from_external_application() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_app_user_group_from_external_application", false]], "remove_app_user_group_report_permission() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_app_user_group_report_permission", false]], "remove_app_user_group_report_permission() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_app_user_group_report_permission", false]], "remove_concatenation_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_concatenation_config", false]], "remove_concatenation_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_concatenation_config", false]], "remove_concatenation_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.remove_concatenation_config", false]], "remove_concatenation_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.remove_concatenation_config", false]], "remove_deployment_feature_group_export_output() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_deployment_feature_group_export_output", false]], "remove_deployment_feature_group_export_output() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_deployment_feature_group_export_output", false]], "remove_developers_from() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.remove_developers_from", false]], "remove_developers_from() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.remove_developers_from", false]], "remove_developers_from_external_application() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_developers_from_external_application", false]], "remove_developers_from_external_application() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_developers_from_external_application", false]], "remove_feature_group_annotation_label() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_feature_group_annotation_label", false]], "remove_feature_group_annotation_label() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_feature_group_annotation_label", false]], "remove_feature_group_export_output() (abacusai.deployment method)": [[176, "abacusai.Deployment.remove_feature_group_export_output", false]], "remove_feature_group_export_output() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.remove_feature_group_export_output", false]], "remove_feature_group_from_project() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_feature_group_from_project", false]], "remove_feature_group_from_project() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_feature_group_from_project", false]], "remove_feature_group_tag() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_feature_group_tag", false]], "remove_feature_group_tag() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_feature_group_tag", false]], "remove_feature_tag() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_feature_tag", false]], "remove_feature_tag() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_feature_tag", false]], "remove_feature_tag() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.remove_feature_tag", false]], "remove_feature_tag() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.remove_feature_tag", false]], "remove_from_project() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.remove_from_project", false]], "remove_from_project() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.remove_from_project", false]], "remove_header_footer (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.remove_header_footer", false]], "remove_header_footer (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.remove_header_footer", false], [27, "id162", false]], "remove_header_footer (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.remove_header_footer", false]], "remove_organization_group_from_feature_group_modifiers() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_organization_group_from_feature_group_modifiers", false]], "remove_organization_group_from_feature_group_modifiers() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_organization_group_from_feature_group_modifiers", false]], "remove_organization_group_from_modifiers() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.remove_organization_group_from_modifiers", false]], "remove_organization_group_from_modifiers() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.remove_organization_group_from_modifiers", false]], "remove_organization_group_permission() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_organization_group_permission", false]], "remove_organization_group_permission() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_organization_group_permission", false]], "remove_permission() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.remove_permission", false]], "remove_permission() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.remove_permission", false]], "remove_project_tags() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_project_tags", false]], "remove_project_tags() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_project_tags", false]], "remove_tag() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.remove_tag", false]], "remove_tag() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.remove_tag", false]], "remove_tags() (abacusai.project method)": [[176, "abacusai.Project.remove_tags", false]], "remove_tags() (abacusai.project.project method)": [[252, "abacusai.project.Project.remove_tags", false]], "remove_user_from() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.remove_user_from", false]], "remove_user_from() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.remove_user_from", false]], "remove_user_from_feature_group_modifiers() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_user_from_feature_group_modifiers", false]], "remove_user_from_feature_group_modifiers() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_user_from_feature_group_modifiers", false]], "remove_user_from_modifiers() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.remove_user_from_modifiers", false]], "remove_user_from_modifiers() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.remove_user_from_modifiers", false]], "remove_user_from_organization() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_user_from_organization", false]], "remove_user_from_organization() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_user_from_organization", false]], "remove_user_from_organization_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_user_from_organization_group", false]], "remove_user_from_organization_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_user_from_organization_group", false]], "remove_user_group_object_permission() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_user_group_object_permission", false]], "remove_user_group_object_permission() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_user_group_object_permission", false]], "remove_users_from_app_user_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.remove_users_from_app_user_group", false]], "remove_users_from_app_user_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.remove_users_from_app_user_group", false]], "remove_watermarks (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.remove_watermarks", false]], "remove_watermarks (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.remove_watermarks", false], [27, "id163", false]], "remove_watermarks (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.remove_watermarks", false]], "rename() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.rename", false]], "rename() (abacusai.applicationconnector method)": [[176, "abacusai.ApplicationConnector.rename", false]], "rename() (abacusai.chat_session.chatsession method)": [[50, "abacusai.chat_session.ChatSession.rename", false]], "rename() (abacusai.chatsession method)": [[176, "abacusai.ChatSession.rename", false]], "rename() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.rename", false]], "rename() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.rename", false]], "rename() (abacusai.deployment method)": [[176, "abacusai.Deployment.rename", false]], "rename() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.rename", false]], "rename() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.rename", false]], "rename() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.rename", false]], "rename() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.rename", false]], "rename() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.rename", false]], "rename() (abacusai.eda method)": [[176, "abacusai.Eda.rename", false]], "rename() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.rename", false]], "rename() (abacusai.model method)": [[176, "abacusai.Model.rename", false]], "rename() (abacusai.model.model method)": [[197, "abacusai.model.Model.rename", false]], "rename() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.rename", false]], "rename() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.rename", false]], "rename() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.rename", false]], "rename() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.rename", false]], "rename() (abacusai.pipeline_step.pipelinestep method)": [[231, "abacusai.pipeline_step.PipelineStep.rename", false]], "rename() (abacusai.pipelinestep method)": [[176, "abacusai.PipelineStep.rename", false]], "rename() (abacusai.project method)": [[176, "abacusai.Project.rename", false]], "rename() (abacusai.project.project method)": [[252, "abacusai.project.Project.rename", false]], "rename() (abacusai.streaming_connector.streamingconnector method)": [[278, "abacusai.streaming_connector.StreamingConnector.rename", false]], "rename() (abacusai.streamingconnector method)": [[176, "abacusai.StreamingConnector.rename", false]], "rename_application_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_application_connector", false]], "rename_application_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_application_connector", false]], "rename_chat_session() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_chat_session", false]], "rename_chat_session() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_chat_session", false]], "rename_database_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_database_connector", false]], "rename_database_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_database_connector", false]], "rename_deployment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_deployment", false]], "rename_deployment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_deployment", false]], "rename_deployment_conversation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_deployment_conversation", false]], "rename_deployment_conversation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_deployment_conversation", false]], "rename_document_retriever() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_document_retriever", false]], "rename_document_retriever() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_document_retriever", false]], "rename_eda() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_eda", false]], "rename_eda() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_eda", false]], "rename_model() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_model", false]], "rename_model() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_model", false]], "rename_model_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_model_monitor", false]], "rename_model_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_model_monitor", false]], "rename_pipeline() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_pipeline", false]], "rename_pipeline() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_pipeline", false]], "rename_pipeline_step() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_pipeline_step", false]], "rename_pipeline_step() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_pipeline_step", false]], "rename_project() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_project", false]], "rename_project() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_project", false]], "rename_streaming_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rename_streaming_connector", false]], "rename_streaming_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rename_streaming_connector", false]], "render_feature_groups_for_llm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.render_feature_groups_for_llm", false]], "render_feature_groups_for_llm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.render_feature_groups_for_llm", false]], "rendering_code (abacusai.playground_text.playgroundtext attribute)": [[237, "abacusai.playground_text.PlaygroundText.rendering_code", false]], "rendering_code (abacusai.playgroundtext attribute)": [[176, "abacusai.PlaygroundText.rendering_code", false]], "renewal_credits (abacusai.domain_search_result.domainsearchresult attribute)": [[110, "abacusai.domain_search_result.DomainSearchResult.renewal_credits", false]], "renewal_credits (abacusai.domainsearchresult attribute)": [[176, "abacusai.DomainSearchResult.renewal_credits", false]], "renewal_years (abacusai.domain_search_result.domainsearchresult attribute)": [[110, "abacusai.domain_search_result.DomainSearchResult.renewal_years", false]], "renewal_years (abacusai.domainsearchresult attribute)": [[176, "abacusai.DomainSearchResult.renewal_years", false]], "replace_until_timestamp (abacusai.concatenation_config.concatenationconfig attribute)": [[73, "abacusai.concatenation_config.ConcatenationConfig.replace_until_timestamp", false]], "replace_until_timestamp (abacusai.concatenationconfig attribute)": [[176, "abacusai.ConcatenationConfig.replace_until_timestamp", false]], "republish() (abacusai.agent method)": [[176, "abacusai.Agent.republish", false]], "republish() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.republish", false]], "request_id (abacusai.apiexception attribute)": [[176, "abacusai.ApiException.request_id", false]], "request_id (abacusai.client.apiexception attribute)": [[58, "abacusai.client.ApiException.request_id", false]], "request_id (abacusai.prediction_log_record.predictionlogrecord attribute)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.request_id", false]], "request_id (abacusai.predictionlogrecord attribute)": [[176, "abacusai.PredictionLogRecord.request_id", false]], "request_series (abacusai.deployment_statistics.deploymentstatistics attribute)": [[103, "abacusai.deployment_statistics.DeploymentStatistics.request_series", false]], "request_series (abacusai.deploymentstatistics attribute)": [[176, "abacusai.DeploymentStatistics.request_series", false]], "requesttimeouterror": [[58, "abacusai.client.RequestTimeoutError", false]], "required (abacusai.prediction_dataset.predictiondataset attribute)": [[243, "abacusai.prediction_dataset.PredictionDataset.required", false]], "required (abacusai.prediction_feature_group.predictionfeaturegroup attribute)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.required", false]], "required (abacusai.predictiondataset attribute)": [[176, "abacusai.PredictionDataset.required", false]], "required (abacusai.predictionfeaturegroup attribute)": [[176, "abacusai.PredictionFeatureGroup.required", false]], "required (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.required", false]], "required (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.required", false]], "required (abacusai.use_case_requirements.usecaserequirements attribute)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.required", false]], "required (abacusai.usecaserequirements attribute)": [[176, "abacusai.UseCaseRequirements.required", false]], "required_feature_group_type (abacusai.problem_type.problemtype attribute)": [[251, "abacusai.problem_type.ProblemType.required_feature_group_type", false]], "required_feature_group_type (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.required_feature_group_type", false]], "requirements_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.requirements_upload_id", false]], "requirements_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.requirements_upload_id", false]], "requires_new_conversation (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.requires_new_conversation", false]], "requires_new_conversation (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.requires_new_conversation", false]], "rerun() (abacusai.eda method)": [[176, "abacusai.Eda.rerun", false]], "rerun() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.rerun", false]], "rerun() (abacusai.holdout_analysis.holdoutanalysis method)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.rerun", false]], "rerun() (abacusai.holdoutanalysis method)": [[176, "abacusai.HoldoutAnalysis.rerun", false]], "rerun() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.rerun", false]], "rerun() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.rerun", false]], "rerun_eda() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rerun_eda", false]], "rerun_eda() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rerun_eda", false]], "rerun_holdout_analysis() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rerun_holdout_analysis", false]], "rerun_holdout_analysis() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rerun_holdout_analysis", false]], "rerun_model_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.rerun_model_monitor", false]], "rerun_model_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.rerun_model_monitor", false]], "resample (abacusai.api_class.enums.regressionaugmentationstrategy attribute)": [[25, "abacusai.api_class.enums.RegressionAugmentationStrategy.RESAMPLE", false]], "resample (abacusai.api_class.regressionaugmentationstrategy attribute)": [[27, "abacusai.api_class.RegressionAugmentationStrategy.RESAMPLE", false]], "resample (abacusai.regressionaugmentationstrategy attribute)": [[176, "abacusai.RegressionAugmentationStrategy.RESAMPLE", false]], "reset() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.reset", false]], "reset() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.reset", false]], "reset_feature_group_row_process_by_key() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.reset_feature_group_row_process_by_key", false]], "reset_feature_group_row_process_by_key() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.reset_feature_group_row_process_by_key", false]], "reset_feature_group_row_process_by_key() (abacusai.deployment method)": [[176, "abacusai.Deployment.reset_feature_group_row_process_by_key", false]], "reset_feature_group_row_process_by_key() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.reset_feature_group_row_process_by_key", false]], "reset_pipeline_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.reset_pipeline_version", false]], "reset_pipeline_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.reset_pipeline_version", false]], "resolve_matching_documents (abacusai.abacususagemetricsdatasetconfig attribute)": [[176, "abacusai.AbacusUsageMetricsDatasetConfig.resolve_matching_documents", false]], "resolve_matching_documents (abacusai.api_class.abacususagemetricsdatasetconfig attribute)": [[27, "abacusai.api_class.AbacusUsageMetricsDatasetConfig.resolve_matching_documents", false]], "resolve_matching_documents (abacusai.api_class.dataset_application_connector.abacususagemetricsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig.resolve_matching_documents", false]], "resolved_config (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.resolved_config", false]], "resolved_config (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.resolved_config", false]], "resolved_sql (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.resolved_sql", false]], "resolved_sql (abacusai.resolvedfeaturegrouptemplate attribute)": [[176, "abacusai.ResolvedFeatureGroupTemplate.resolved_sql", false]], "resolved_variables (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.resolved_variables", false]], "resolved_variables (abacusai.resolvedfeaturegrouptemplate attribute)": [[176, "abacusai.ResolvedFeatureGroupTemplate.resolved_variables", false]], "resolvedfeaturegrouptemplate (class in abacusai)": [[176, "abacusai.ResolvedFeatureGroupTemplate", false]], "resolvedfeaturegrouptemplate (class in abacusai.resolved_feature_group_template)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate", false]], "resources_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.resources_upload_id", false]], "resources_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.resources_upload_id", false]], "response (abacusai.agent_data_execution_result.agentdataexecutionresult attribute)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.response", false]], "response (abacusai.agentdataexecutionresult attribute)": [[176, "abacusai.AgentDataExecutionResult.response", false]], "response (abacusai.prediction_log_record.predictionlogrecord attribute)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.response", false]], "response (abacusai.predictionlogrecord attribute)": [[176, "abacusai.PredictionLogRecord.response", false]], "response_body (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.response_body", false]], "response_body (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.response_body", false]], "response_format (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.response_format", false]], "response_format (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.response_format", false]], "response_format (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.response_format", false]], "response_instructions (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.response_instructions", false]], "response_instructions (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.response_instructions", false]], "response_instructions (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.response_instructions", false]], "response_instructions (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.response_instructions", false]], "response_instructions (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.response_instructions", false]], "response_status (abacusai.web_service_trigger_run.webservicetriggerrun attribute)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.response_status", false]], "response_status (abacusai.webservicetriggerrun attribute)": [[176, "abacusai.WebServiceTriggerRun.response_status", false]], "response_version (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.response_version", false]], "response_version (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.response_version", false]], "responsesection (class in abacusai)": [[176, "abacusai.ResponseSection", false]], "responsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.ResponseSection", false]], "responsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.ResponseSection", false]], "responsesectiontype (class in abacusai)": [[176, "abacusai.ResponseSectionType", false]], "responsesectiontype (class in abacusai.api_class)": [[27, "abacusai.api_class.ResponseSectionType", false]], "responsesectiontype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.ResponseSectionType", false]], "restart() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.restart", false]], "restart() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.restart", false]], "restart_document_retriever() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.restart_document_retriever", false]], "restart_document_retriever() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.restart_document_retriever", false]], "restart_required (abacusai.chatllm_computer_status.chatllmcomputerstatus attribute)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus.restart_required", false]], "restart_required (abacusai.chatllmcomputerstatus attribute)": [[176, "abacusai.ChatllmComputerStatus.restart_required", false]], "restrict_feature_mappings (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.restrict_feature_mappings", false]], "restrict_feature_mappings (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.restrict_feature_mappings", false]], "restrict_feature_mappings (abacusai.monitorfilteringconfig attribute)": [[176, "abacusai.MonitorFilteringConfig.restrict_feature_mappings", false]], "restricted_algorithms (abacusai.model attribute)": [[176, "abacusai.Model.restricted_algorithms", false]], "restricted_algorithms (abacusai.model.model attribute)": [[197, "abacusai.model.Model.restricted_algorithms", false]], "restricted_feature_values (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.restricted_feature_values", false]], "restricted_feature_values (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.restricted_feature_values", false]], "restricted_feature_values (abacusai.restrictfeaturemappings attribute)": [[176, "abacusai.RestrictFeatureMappings.restricted_feature_values", false]], "restrictfeaturemappings (class in abacusai)": [[176, "abacusai.RestrictFeatureMappings", false]], "restrictfeaturemappings (class in abacusai.api_class)": [[27, "abacusai.api_class.RestrictFeatureMappings", false]], "restrictfeaturemappings (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings", false]], "result_input_columns (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.result_input_columns", false]], "result_input_columns (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.result_input_columns", false]], "result_input_columns (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.result_input_columns", false]], "result_input_columns (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.result_input_columns", false]], "results (abacusai.data_quality_results.dataqualityresults attribute)": [[87, "abacusai.data_quality_results.DataQualityResults.results", false]], "results (abacusai.dataqualityresults attribute)": [[176, "abacusai.DataQualityResults.results", false]], "resume() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.resume", false]], "resume() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.resume", false]], "resume_pipeline_refresh_schedule() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.resume_pipeline_refresh_schedule", false]], "resume_pipeline_refresh_schedule() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.resume_pipeline_refresh_schedule", false]], "resume_refresh_policy() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.resume_refresh_policy", false]], "resume_refresh_policy() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.resume_refresh_policy", false]], "resume_refresh_schedule() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.resume_refresh_schedule", false]], "resume_refresh_schedule() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.resume_refresh_schedule", false]], "retcode (abacusai.hosted_app_file_read.hostedappfileread attribute)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead.retcode", false]], "retcode (abacusai.hostedappfileread attribute)": [[176, "abacusai.HostedAppFileRead.retcode", false]], "retrain() (abacusai.model method)": [[176, "abacusai.Model.retrain", false]], "retrain() (abacusai.model.model method)": [[197, "abacusai.model.Model.retrain", false]], "retrain_model() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.retrain_model", false]], "retrain_model() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.retrain_model", false]], "retries_remaining (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.retries_remaining", false]], "retries_remaining (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.retries_remaining", false]], "retrieval_columns (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.retrieval_columns", false]], "retrieval_columns (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.retrieval_columns", false]], "retrieval_columns (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.retrieval_columns", false]], "return_fractional_forecasts (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.return_fractional_forecasts", false]], "return_fractional_forecasts (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.return_fractional_forecasts", false]], "return_fractional_forecasts (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.return_fractional_forecasts", false]], "review_mode (abacusai.api_class.enums.projectconfigtype attribute)": [[25, "abacusai.api_class.enums.ProjectConfigType.REVIEW_MODE", false]], "review_mode (abacusai.api_class.projectconfigtype attribute)": [[27, "abacusai.api_class.ProjectConfigType.REVIEW_MODE", false]], "review_mode (abacusai.projectconfigtype attribute)": [[176, "abacusai.ProjectConfigType.REVIEW_MODE", false]], "reviewmodeprojectfeaturegroupconfig (class in abacusai)": [[176, "abacusai.ReviewModeProjectFeatureGroupConfig", false]], "reviewmodeprojectfeaturegroupconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ReviewModeProjectFeatureGroupConfig", false]], "reviewmodeprojectfeaturegroupconfig (class in abacusai.api_class.project)": [[31, "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig", false]], "rmse (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.RMSE", false]], "rmse (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.RMSE", false]], "rmse (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.RMSE", false]], "rmse (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.RMSE", false]], "rmse (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.RMSE", false]], "rmse (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.RMSE", false]], "robust (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.ROBUST", false]], "robust (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.ROBUST", false]], "robust (abacusai.forecastinglocalscaling attribute)": [[176, "abacusai.ForecastingLocalScaling.ROBUST", false]], "role (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.role", false]], "role (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.role", false]], "role (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.role", false]], "role (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.role", false]], "role (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.role", false]], "role (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.role", false]], "role (abacusai.session_transcript.sessiontranscript attribute)": [[273, "abacusai.session_transcript.SessionTranscript.role", false]], "role (abacusai.sessiontranscript attribute)": [[176, "abacusai.SessionTranscript.role", false]], "root_mean_square_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.ROOT_MEAN_SQUARE_ERROR", false]], "root_mean_square_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.ROOT_MEAN_SQUARE_ERROR", false]], "root_mean_square_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.ROOT_MEAN_SQUARE_ERROR", false]], "rotation_angle (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.rotation_angle", false]], "rotation_angle (abacusai.pagedata attribute)": [[176, "abacusai.PageData.rotation_angle", false]], "route (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.route", false]], "route (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.route", false]], "routed_llm (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.routed_llm", false]], "routed_llm (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.routed_llm", false]], "routingaction (class in abacusai)": [[176, "abacusai.RoutingAction", false]], "routingaction (class in abacusai.routing_action)": [[270, "abacusai.routing_action.RoutingAction", false]], "row_count (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.row_count", false]], "row_count (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.row_count", false]], "row_indicator_based (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.ROW_INDICATOR_BASED", false]], "row_indicator_based (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.ROW_INDICATOR_BASED", false]], "row_indicator_based (abacusai.regressiontypeofsplit attribute)": [[176, "abacusai.RegressionTypeOfSplit.ROW_INDICATOR_BASED", false]], "run() (abacusai.monitor_alert.monitoralert method)": [[215, "abacusai.monitor_alert.MonitorAlert.run", false]], "run() (abacusai.monitoralert method)": [[176, "abacusai.MonitorAlert.run", false]], "run() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.run", false]], "run() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.run", false]], "run() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.run", false]], "run() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.run", false]], "run() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.run", false]], "run_monitor_alert() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.run_monitor_alert", false]], "run_monitor_alert() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.run_monitor_alert", false]], "run_pipeline() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.run_pipeline", false]], "run_pipeline() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.run_pipeline", false]], "run_refresh_policy() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.run_refresh_policy", false]], "run_refresh_policy() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.run_refresh_policy", false]], "run_workflow_graph() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.run_workflow_graph", false]], "run_workflow_graph() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.run_workflow_graph", false]], "runtime_configs (abacusai.deployment attribute)": [[176, "abacusai.Deployment.runtime_configs", false]], "runtime_configs (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.runtime_configs", false]], "runtime_schema (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.runtime_schema", false]], "runtime_schema (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.runtime_schema", false]], "runtime_schema (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.RUNTIME_SCHEMA", false]], "runtime_schema (abacusai.workflownodeinputschema attribute)": [[176, "abacusai.WorkflowNodeInputSchema.runtime_schema", false]], "runtime_schema (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.RUNTIME_SCHEMA", false]], "runtimeschemaresponsesection (class in abacusai)": [[176, "abacusai.RuntimeSchemaResponseSection", false]], "runtimeschemaresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.RuntimeSchemaResponseSection", false]], "runtimeschemaresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.RuntimeSchemaResponseSection", false]], "sales_across_time (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.sales_across_time", false]], "sales_across_time (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.sales_across_time", false]], "salesforce (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.SALESFORCE", false]], "salesforce (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.SALESFORCE", false]], "salesforce (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.SALESFORCE", false]], "sample (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[84, "abacusai.data_consistency_duplication.DataConsistencyDuplication.sample", false]], "sample (abacusai.dataconsistencyduplication attribute)": [[176, "abacusai.DataConsistencyDuplication.sample", false]], "sample_count (abacusai.api_class.feature_group.nsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.NSamplingConfig.sample_count", false]], "sample_count (abacusai.api_class.nsamplingconfig attribute)": [[27, "abacusai.api_class.NSamplingConfig.sample_count", false]], "sample_count (abacusai.nsamplingconfig attribute)": [[176, "abacusai.NSamplingConfig.sample_count", false]], "sample_percent (abacusai.api_class.feature_group.percentsamplingconfig attribute)": [[26, "abacusai.api_class.feature_group.PercentSamplingConfig.sample_percent", false]], "sample_percent (abacusai.api_class.percentsamplingconfig attribute)": [[27, "abacusai.api_class.PercentSamplingConfig.sample_percent", false]], "sample_percent (abacusai.percentsamplingconfig attribute)": [[176, "abacusai.PercentSamplingConfig.sample_percent", false]], "sample_weight (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.sample_weight", false]], "sample_weight (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.sample_weight", false]], "sample_weight (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.sample_weight", false]], "sampling_config (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.sampling_config", false]], "sampling_config (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.sampling_config", false]], "sampling_config (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.sampling_config", false]], "sampling_config (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.sampling_config", false]], "sampling_method (abacusai.api_class.feature_group.samplingconfig attribute)": [[26, "abacusai.api_class.feature_group.SamplingConfig.sampling_method", false]], "sampling_method (abacusai.api_class.samplingconfig attribute)": [[27, "abacusai.api_class.SamplingConfig.sampling_method", false]], "sampling_method (abacusai.samplingconfig attribute)": [[176, "abacusai.SamplingConfig.sampling_method", false]], "sampling_unit_keys (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.sampling_unit_keys", false]], "sampling_unit_keys (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.sampling_unit_keys", false]], "sampling_unit_keys (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.sampling_unit_keys", false]], "samplingconfig (class in abacusai)": [[176, "abacusai.SamplingConfig", false]], "samplingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SamplingConfig", false]], "samplingconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.SamplingConfig", false]], "samplingmethodtype (class in abacusai)": [[176, "abacusai.SamplingMethodType", false]], "samplingmethodtype (class in abacusai.api_class)": [[27, "abacusai.api_class.SamplingMethodType", false]], "samplingmethodtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.SamplingMethodType", false]], "save_predicted_pdf (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.save_predicted_pdf", false]], "save_predicted_pdf (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.save_predicted_pdf", false]], "save_predicted_pdf (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.save_predicted_pdf", false]], "scanned (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.SCANNED", false]], "scanned (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.SCANNED", false], [27, "id119", false]], "scanned (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.SCANNED", false]], "scanned_text (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.SCANNED_TEXT", false], [27, "id134", false]], "scanned_text (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.SCANNED_TEXT", false]], "scanned_text (abacusai.documenttype attribute)": [[176, "abacusai.DocumentType.SCANNED_TEXT", false]], "schedule_info (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.schedule_info", false]], "schedule_info (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.schedule_info", false]], "schema (abacusai.data_metrics.datametrics attribute)": [[85, "abacusai.data_metrics.DataMetrics.schema", false]], "schema (abacusai.datametrics attribute)": [[176, "abacusai.DataMetrics.schema", false]], "schema (abacusai.dataset attribute)": [[176, "abacusai.Dataset.schema", false]], "schema (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.schema", false]], "schema (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema attribute)": [[212, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.schema", false]], "schema (abacusai.modelversionfeaturegroupschema attribute)": [[176, "abacusai.ModelVersionFeatureGroupSchema.schema", false]], "schema (abacusai.project_feature_group_schema.projectfeaturegroupschema attribute)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.schema", false]], "schema (abacusai.projectfeaturegroupschema attribute)": [[176, "abacusai.ProjectFeatureGroupSchema.schema", false]], "schema (class in abacusai)": [[176, "abacusai.Schema", false]], "schema (class in abacusai.schema)": [[271, "abacusai.schema.Schema", false]], "schema_mappings (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.schema_mappings", false]], "schema_mappings (abacusai.customtrainfunctioninfo attribute)": [[176, "abacusai.CustomTrainFunctionInfo.schema_mappings", false]], "schema_prop (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.schema_prop", false]], "schema_prop (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.schema_prop", false]], "schema_prop (abacusai.workflownodeinputschema attribute)": [[176, "abacusai.WorkflowNodeInputSchema.schema_prop", false]], "schema_source (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.schema_source", false]], "schema_source (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.schema_source", false]], "schema_source (abacusai.workflownodeinputschema attribute)": [[176, "abacusai.WorkflowNodeInputSchema.schema_source", false]], "schema_version (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion attribute)": [[256, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.schema_version", false]], "schema_version (abacusai.projectfeaturegroupschemaversion attribute)": [[176, "abacusai.ProjectFeatureGroupSchemaVersion.schema_version", false]], "score (abacusai.abacus_api.abacusapi attribute)": [[0, "abacusai.abacus_api.AbacusApi.score", false]], "score (abacusai.abacusapi attribute)": [[176, "abacusai.AbacusApi.score", false]], "score (abacusai.document_retriever_lookup_result.documentretrieverlookupresult attribute)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.score", false]], "score (abacusai.documentretrieverlookupresult attribute)": [[176, "abacusai.DocumentRetrieverLookupResult.score", false]], "score (abacusai.organization_search_result.organizationsearchresult attribute)": [[226, "abacusai.organization_search_result.OrganizationSearchResult.score", false]], "score (abacusai.organizationsearchresult attribute)": [[176, "abacusai.OrganizationSearchResult.score", false]], "score_field (abacusai.api_class.batch_prediction.personalizationbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs.score_field", false]], "score_field (abacusai.api_class.personalizationbatchpredictionargs attribute)": [[27, "abacusai.api_class.PersonalizationBatchPredictionArgs.score_field", false]], "score_field (abacusai.personalizationbatchpredictionargs attribute)": [[176, "abacusai.PersonalizationBatchPredictionArgs.score_field", false]], "score_image() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.score_image", false]], "score_image() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.score_image", false]], "score_image() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.score_image", false]], "score_image() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.score_image", false]], "score_multiplier_column (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.score_multiplier_column", false]], "score_multiplier_column (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.score_multiplier_column", false]], "score_multiplier_column (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.score_multiplier_column", false]], "scroll_debounce_ms (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.scroll_debounce_ms", false]], "scroll_debounce_ms (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.scroll_debounce_ms", false]], "search_chunk_size (abacusai.api_class.model.naturallanguagesearchtrainingconfig attribute)": [[28, "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig.search_chunk_size", false]], "search_chunk_size (abacusai.api_class.naturallanguagesearchtrainingconfig attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchTrainingConfig.search_chunk_size", false]], "search_chunk_size (abacusai.naturallanguagesearchtrainingconfig attribute)": [[176, "abacusai.NaturalLanguageSearchTrainingConfig.search_chunk_size", false]], "search_feature_groups() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.search_feature_groups", false]], "search_feature_groups() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.search_feature_groups", false]], "search_llm (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.SEARCH_LLM", false]], "search_llm (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.SEARCH_LLM", false]], "search_llm (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.SEARCH_LLM", false]], "search_results (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.search_results", false]], "search_results (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.search_results", false]], "search_results (abacusai.web_search_response.websearchresponse attribute)": [[309, "abacusai.web_search_response.WebSearchResponse.search_results", false]], "search_results (abacusai.websearchresponse attribute)": [[176, "abacusai.WebSearchResponse.search_results", false]], "search_score_cutoff (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.search_score_cutoff", false]], "search_score_cutoff (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.chatllmpredictionarguments attribute)": [[176, "abacusai.ChatLLMPredictionArguments.search_score_cutoff", false]], "search_score_cutoff (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.search_score_cutoff", false]], "search_score_cutoff (abacusai.naturallanguagesearchpredictionarguments attribute)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments.search_score_cutoff", false]], "search_suggestions (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.search_suggestions", false]], "search_suggestions (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.search_suggestions", false]], "search_web_for_llm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.search_web_for_llm", false]], "search_web_for_llm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.search_web_for_llm", false]], "seasonality_day_of_month (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_day_of_month", false]], "seasonality_day_of_month (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_day_of_month", false]], "seasonality_day_of_week (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_day_of_week", false]], "seasonality_day_of_week (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_day_of_week", false]], "seasonality_day_of_year (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_day_of_year", false]], "seasonality_day_of_year (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_day_of_year", false]], "seasonality_hour (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_hour", false]], "seasonality_hour (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_hour", false]], "seasonality_minute (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_minute", false]], "seasonality_minute (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_minute", false]], "seasonality_month (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_month", false]], "seasonality_month (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_month", false]], "seasonality_quarter (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_quarter", false]], "seasonality_quarter (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_quarter", false]], "seasonality_second (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_second", false]], "seasonality_second (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_second", false]], "seasonality_week_of_year (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_week_of_year", false]], "seasonality_week_of_year (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_week_of_year", false]], "seasonality_year (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.seasonality_year", false]], "seasonality_year (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.seasonality_year", false]], "secret_key (abacusai.organization_secret.organizationsecret attribute)": [[227, "abacusai.organization_secret.OrganizationSecret.secret_key", false]], "secret_key (abacusai.organizationsecret attribute)": [[176, "abacusai.OrganizationSecret.secret_key", false]], "section_data_list (abacusai.agentresponse attribute)": [[176, "abacusai.AgentResponse.section_data_list", false]], "section_data_list (abacusai.client.agentresponse attribute)": [[58, "abacusai.client.AgentResponse.section_data_list", false]], "section_output (abacusai.api_client_utils.streamtype attribute)": [[35, "abacusai.api_client_utils.StreamType.SECTION_OUTPUT", false]], "seed (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.seed", false]], "seed (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.seed", false]], "seed (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.seed", false]], "segment (abacusai.api_class.segments.textresponsesection attribute)": [[34, "abacusai.api_class.segments.TextResponseSection.segment", false]], "segment (abacusai.api_class.textresponsesection attribute)": [[27, "abacusai.api_class.TextResponseSection.segment", false]], "segment (abacusai.api_client_utils.streamtype attribute)": [[35, "abacusai.api_client_utils.StreamType.SEGMENT", false]], "segment (abacusai.textresponsesection attribute)": [[176, "abacusai.TextResponseSection.segment", false]], "segment (in module abacusai)": [[176, "abacusai.Segment", false]], "segment (in module abacusai.api_class)": [[27, "abacusai.api_class.Segment", false]], "segment (in module abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.Segment", false]], "segments (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.segments", false]], "segments (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.segments", false]], "segments (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.segments", false]], "segments (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.segments", false]], "select_clause (abacusai.feature attribute)": [[176, "abacusai.Feature.select_clause", false]], "select_clause (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.select_clause", false]], "select_clause (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.select_clause", false]], "select_clause (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.select_clause", false]], "selected_algorithm (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.selected_algorithm", false]], "selected_algorithm (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.selected_algorithm", false]], "selected_algorithm_name (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.selected_algorithm_name", false]], "selected_algorithm_name (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.selected_algorithm_name", false]], "selected_feature (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[118, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.selected_feature", false]], "selected_feature (abacusai.edafeaturecollinearity attribute)": [[176, "abacusai.EdaFeatureCollinearity.selected_feature", false]], "selected_version_index (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.selected_version_index", false]], "selected_version_index (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.selected_version_index", false]], "selection_cooldown_ms (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.selection_cooldown_ms", false]], "selection_cooldown_ms (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.selection_cooldown_ms", false]], "send_email() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.send_email", false]], "send_email() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.send_email", false]], "sentence_bert (abacusai.api_class.enums.vectorstoretextencoder attribute)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder.SENTENCE_BERT", false]], "sentence_bert (abacusai.api_class.vectorstoretextencoder attribute)": [[27, "abacusai.api_class.VectorStoreTextEncoder.SENTENCE_BERT", false], [27, "id112", false]], "sentence_bert (abacusai.vectorstoretextencoder attribute)": [[176, "abacusai.VectorStoreTextEncoder.SENTENCE_BERT", false]], "sentence_boundary_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.SENTENCE_BOUNDARY_DETECTION", false]], "sentence_boundary_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.SENTENCE_BOUNDARY_DETECTION", false]], "sentence_boundary_detection (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.SENTENCE_BOUNDARY_DETECTION", false]], "sentenceboundarydetectionbatchpredictionargs (class in abacusai)": [[176, "abacusai.SentenceBoundaryDetectionBatchPredictionArgs", false]], "sentenceboundarydetectionbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs", false]], "sentenceboundarydetectionbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs", false]], "sentenceboundarydetectiontrainingconfig (class in abacusai)": [[176, "abacusai.SentenceBoundaryDetectionTrainingConfig", false]], "sentenceboundarydetectiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig", false]], "sentenceboundarydetectiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig", false]], "sentiment_detection (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.SENTIMENT_DETECTION", false]], "sentiment_detection (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.SENTIMENT_DETECTION", false]], "sentiment_detection (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.SENTIMENT_DETECTION", false]], "sentiment_type (abacusai.api_class.model.sentimentdetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig.sentiment_type", false]], "sentiment_type (abacusai.api_class.sentimentdetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig.sentiment_type", false]], "sentiment_type (abacusai.sentimentdetectiontrainingconfig attribute)": [[176, "abacusai.SentimentDetectionTrainingConfig.sentiment_type", false]], "sentimentdetectiontrainingconfig (class in abacusai)": [[176, "abacusai.SentimentDetectionTrainingConfig", false]], "sentimentdetectiontrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig", false]], "sentimentdetectiontrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig", false]], "sentimenttype (class in abacusai)": [[176, "abacusai.SentimentType", false]], "sentimenttype (class in abacusai.api_class)": [[27, "abacusai.api_class.SentimentType", false]], "sentimenttype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.SentimentType", false]], "sequential_training (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.sequential_training", false]], "sequential_training (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.sequential_training", false]], "sequential_training (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.sequential_training", false]], "server (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.server", false]], "server (abacusai.client.clientoptions attribute)": [[58, "abacusai.client.ClientOptions.server", false]], "server (abacusai.clientoptions attribute)": [[176, "abacusai.ClientOptions.server", false]], "service (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.service", false]], "service (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.service", false]], "service (abacusai.database_connector.databaseconnector attribute)": [[90, "abacusai.database_connector.DatabaseConnector.service", false]], "service (abacusai.databaseconnector attribute)": [[176, "abacusai.DatabaseConnector.service", false]], "service (abacusai.streaming_connector.streamingconnector attribute)": [[278, "abacusai.streaming_connector.StreamingConnector.service", false]], "service (abacusai.streamingconnector attribute)": [[176, "abacusai.StreamingConnector.service", false]], "service (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.service", false]], "service (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.service", false]], "service_discovery_url (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.service_discovery_url", false]], "service_name (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.service_name", false]], "service_name (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.service_name", false]], "service_port (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.service_port", false]], "service_port (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.service_port", false]], "service_port (abacusai.customtrainedmodeltrainingconfig attribute)": [[176, "abacusai.CustomTrainedModelTrainingConfig.service_port", false]], "session_dedupe_mins (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.session_dedupe_mins", false]], "session_dedupe_mins (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.session_dedupe_mins", false]], "session_dedupe_mins (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.session_dedupe_mins", false]], "session_event_types (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.session_event_types", false]], "session_event_types (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.session_event_types", false]], "session_event_types (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.session_event_types", false]], "sessionsummary (class in abacusai)": [[176, "abacusai.SessionSummary", false]], "sessionsummary (class in abacusai.session_summary)": [[272, "abacusai.session_summary.SessionSummary", false]], "sessiontranscript (class in abacusai)": [[176, "abacusai.SessionTranscript", false]], "sessiontranscript (class in abacusai.session_transcript)": [[273, "abacusai.session_transcript.SessionTranscript", false]], "sessiontranscripts (class in abacusai)": [[176, "abacusai.SessionTranscripts", false]], "sessiontranscripts (class in abacusai.session_transcripts)": [[274, "abacusai.session_transcripts.SessionTranscripts", false]], "set() (in module abacusai.global_context)": [[160, "abacusai.global_context.set", false]], "set_agent_context_chat_history() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_agent_context_chat_history", false]], "set_agent_context_chat_history() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_agent_context_chat_history", false]], "set_agent_context_conversation_id() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_agent_context_conversation_id", false]], "set_agent_context_conversation_id() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_agent_context_conversation_id", false]], "set_agent_context_doc_ids() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_agent_context_doc_ids", false]], "set_agent_context_doc_ids() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_agent_context_doc_ids", false]], "set_agent_context_doc_infos() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_agent_context_doc_infos", false]], "set_agent_context_doc_infos() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_agent_context_doc_infos", false]], "set_agent_context_external_session_id() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_agent_context_external_session_id", false]], "set_agent_context_external_session_id() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_agent_context_external_session_id", false]], "set_agent_response_document_sources() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_agent_response_document_sources", false]], "set_agent_response_document_sources() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_agent_response_document_sources", false]], "set_annotation_status_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_annotation_status_feature", false]], "set_annotation_status_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_annotation_status_feature", false]], "set_annotation_status_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_annotation_status_feature", false]], "set_annotation_status_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_annotation_status_feature", false]], "set_auto() (abacusai.deployment method)": [[176, "abacusai.Deployment.set_auto", false]], "set_auto() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.set_auto", false]], "set_auto_deployment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_auto_deployment", false]], "set_auto_deployment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_auto_deployment", false]], "set_azure_blob_connection_string() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_azure_blob_connection_string", false]], "set_azure_blob_connection_string() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_azure_blob_connection_string", false]], "set_batch_prediction_database_connector_output() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_batch_prediction_database_connector_output", false]], "set_batch_prediction_database_connector_output() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_batch_prediction_database_connector_output", false]], "set_batch_prediction_dataset_remap() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_batch_prediction_dataset_remap", false]], "set_batch_prediction_dataset_remap() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_batch_prediction_dataset_remap", false]], "set_batch_prediction_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_batch_prediction_feature_group", false]], "set_batch_prediction_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_batch_prediction_feature_group", false]], "set_batch_prediction_feature_group_output() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_batch_prediction_feature_group_output", false]], "set_batch_prediction_feature_group_output() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_batch_prediction_feature_group_output", false]], "set_batch_prediction_file_connector_output() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_batch_prediction_file_connector_output", false]], "set_batch_prediction_file_connector_output() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_batch_prediction_file_connector_output", false]], "set_batch_prediction_output_to_console() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_batch_prediction_output_to_console", false]], "set_batch_prediction_output_to_console() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_batch_prediction_output_to_console", false]], "set_cache_scope() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_cache_scope", false]], "set_cache_scope() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_cache_scope", false]], "set_column_data_type() (abacusai.dataset method)": [[176, "abacusai.Dataset.set_column_data_type", false]], "set_column_data_type() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.set_column_data_type", false]], "set_database_connector_config() (abacusai.dataset method)": [[176, "abacusai.Dataset.set_database_connector_config", false]], "set_database_connector_config() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.set_database_connector_config", false]], "set_database_connector_output() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.set_database_connector_output", false]], "set_database_connector_output() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.set_database_connector_output", false]], "set_dataset_column_data_type() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_dataset_column_data_type", false]], "set_dataset_column_data_type() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_dataset_column_data_type", false]], "set_dataset_database_connector_config() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.set_dataset_database_connector_config", false]], "set_dataset_database_connector_config() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.set_dataset_database_connector_config", false]], "set_dataset_remap() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.set_dataset_remap", false]], "set_dataset_remap() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.set_dataset_remap", false]], "set_default() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.set_default", false]], "set_default() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.set_default", false]], "set_default_algorithm() (abacusai.model method)": [[176, "abacusai.Model.set_default_algorithm", false]], "set_default_algorithm() (abacusai.model.model method)": [[197, "abacusai.model.Model.set_default_algorithm", false]], "set_default_model_algorithm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_default_model_algorithm", false]], "set_default_model_algorithm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_default_model_algorithm", false]], "set_default_organization_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_default_organization_group", false]], "set_default_organization_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_default_organization_group", false]], "set_default_prediction_arguments() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_default_prediction_arguments", false]], "set_default_prediction_arguments() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_default_prediction_arguments", false]], "set_default_prediction_arguments() (abacusai.deployment method)": [[176, "abacusai.Deployment.set_default_prediction_arguments", false]], "set_default_prediction_arguments() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.set_default_prediction_arguments", false]], "set_deployment_conversation_feedback() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_deployment_conversation_feedback", false]], "set_deployment_conversation_feedback() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_deployment_conversation_feedback", false]], "set_deployment_feature_group_export_database_connector_output() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_deployment_feature_group_export_database_connector_output", false]], "set_deployment_feature_group_export_database_connector_output() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_deployment_feature_group_export_database_connector_output", false]], "set_deployment_feature_group_export_file_connector_output() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_deployment_feature_group_export_file_connector_output", false]], "set_deployment_feature_group_export_file_connector_output() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_deployment_feature_group_export_file_connector_output", false]], "set_deployment_feature_group_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_deployment_feature_group_version", false]], "set_deployment_feature_group_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_deployment_feature_group_version", false]], "set_deployment_model_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_deployment_model_version", false]], "set_deployment_model_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_deployment_model_version", false]], "set_deployment_prediction_operator_version() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_deployment_prediction_operator_version", false]], "set_deployment_prediction_operator_version() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_deployment_prediction_operator_version", false]], "set_export_connector_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_export_connector_config", false]], "set_export_connector_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_export_connector_config", false]], "set_export_on_materialization() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_export_on_materialization", false]], "set_export_on_materialization() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_export_on_materialization", false]], "set_export_on_materialization() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_export_on_materialization", false]], "set_export_on_materialization() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_export_on_materialization", false]], "set_feature_as_annotatable_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_as_annotatable_feature", false]], "set_feature_as_annotatable_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_as_annotatable_feature", false]], "set_feature_as_annotatable_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_feature_as_annotatable_feature", false]], "set_feature_as_annotatable_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_feature_as_annotatable_feature", false]], "set_feature_group() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.set_feature_group", false]], "set_feature_group() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.set_feature_group", false]], "set_feature_group_export_connector_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_export_connector_config", false]], "set_feature_group_export_connector_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_export_connector_config", false]], "set_feature_group_export_database_connector_output() (abacusai.deployment method)": [[176, "abacusai.Deployment.set_feature_group_export_database_connector_output", false]], "set_feature_group_export_database_connector_output() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.set_feature_group_export_database_connector_output", false]], "set_feature_group_export_file_connector_output() (abacusai.deployment method)": [[176, "abacusai.Deployment.set_feature_group_export_file_connector_output", false]], "set_feature_group_export_file_connector_output() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.set_feature_group_export_file_connector_output", false]], "set_feature_group_indexing_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_indexing_config", false]], "set_feature_group_indexing_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_indexing_config", false]], "set_feature_group_merge_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_merge_config", false]], "set_feature_group_merge_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_merge_config", false]], "set_feature_group_modifier_lock() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_modifier_lock", false]], "set_feature_group_modifier_lock() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_modifier_lock", false]], "set_feature_group_operator_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_operator_config", false]], "set_feature_group_operator_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_operator_config", false]], "set_feature_group_output() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.set_feature_group_output", false]], "set_feature_group_output() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.set_feature_group_output", false]], "set_feature_group_sampling_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_sampling_config", false]], "set_feature_group_sampling_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_sampling_config", false]], "set_feature_group_schema() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_schema", false]], "set_feature_group_schema() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_schema", false]], "set_feature_group_type() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_group_type", false]], "set_feature_group_type() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_group_type", false]], "set_feature_group_version() (abacusai.deployment method)": [[176, "abacusai.Deployment.set_feature_group_version", false]], "set_feature_group_version() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.set_feature_group_version", false]], "set_feature_mapping() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_mapping", false]], "set_feature_mapping() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_mapping", false]], "set_feature_mapping() (abacusai.project method)": [[176, "abacusai.Project.set_feature_mapping", false]], "set_feature_mapping() (abacusai.project.project method)": [[252, "abacusai.project.Project.set_feature_mapping", false]], "set_feature_type() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_feature_type", false]], "set_feature_type() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_feature_type", false]], "set_feature_type() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_feature_type", false]], "set_feature_type() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_feature_type", false]], "set_feedback() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.set_feedback", false]], "set_feedback() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.set_feedback", false]], "set_file_connector_output() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.set_file_connector_output", false]], "set_file_connector_output() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.set_file_connector_output", false]], "set_indexing_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_indexing_config", false]], "set_indexing_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_indexing_config", false]], "set_merge_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_merge_config", false]], "set_merge_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_merge_config", false]], "set_model_objective() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_model_objective", false]], "set_model_objective() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_model_objective", false]], "set_model_objective() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.set_model_objective", false]], "set_model_objective() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.set_model_objective", false]], "set_model_prediction_params() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_model_prediction_params", false]], "set_model_prediction_params() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_model_prediction_params", false]], "set_model_training_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_model_training_config", false]], "set_model_training_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_model_training_config", false]], "set_model_version() (abacusai.deployment method)": [[176, "abacusai.Deployment.set_model_version", false]], "set_model_version() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.set_model_version", false]], "set_modifier_lock() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_modifier_lock", false]], "set_modifier_lock() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_modifier_lock", false]], "set_natural_language_explanation() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_natural_language_explanation", false]], "set_natural_language_explanation() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_natural_language_explanation", false]], "set_operator_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_operator_config", false]], "set_operator_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_operator_config", false]], "set_output_to_console() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.set_output_to_console", false]], "set_output_to_console() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.set_output_to_console", false]], "set_prediction_operator_version() (abacusai.deployment method)": [[176, "abacusai.Deployment.set_prediction_operator_version", false]], "set_prediction_operator_version() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.set_prediction_operator_version", false]], "set_prediction_params() (abacusai.model method)": [[176, "abacusai.Model.set_prediction_params", false]], "set_prediction_params() (abacusai.model.model method)": [[197, "abacusai.model.Model.set_prediction_params", false]], "set_project_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_project_config", false]], "set_project_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_project_config", false]], "set_project_feature_group_config() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_project_feature_group_config", false]], "set_project_feature_group_config() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_project_feature_group_config", false]], "set_sampling_config() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_sampling_config", false]], "set_sampling_config() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_sampling_config", false]], "set_schema() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_schema", false]], "set_schema() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_schema", false]], "set_scoped_cache_value() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_scoped_cache_value", false]], "set_scoped_cache_value() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_scoped_cache_value", false]], "set_streaming_retention_policy() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_streaming_retention_policy", false]], "set_streaming_retention_policy() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_streaming_retention_policy", false]], "set_streaming_retention_policy() (abacusai.dataset method)": [[176, "abacusai.Dataset.set_streaming_retention_policy", false]], "set_streaming_retention_policy() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.set_streaming_retention_policy", false]], "set_training_config() (abacusai.model method)": [[176, "abacusai.Model.set_training_config", false]], "set_training_config() (abacusai.model.model method)": [[197, "abacusai.model.Model.set_training_config", false]], "set_type() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.set_type", false]], "set_type() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.set_type", false]], "set_user_role_to_platform() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.set_user_role_to_platform", false]], "set_user_role_to_platform() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.set_user_role_to_platform", false]], "settings (abacusai.audio_gen_settings.audiogensettings attribute)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.settings", false]], "settings (abacusai.audiogensettings attribute)": [[176, "abacusai.AudioGenSettings.settings", false]], "settings (abacusai.image_gen_settings.imagegensettings attribute)": [[175, "abacusai.image_gen_settings.ImageGenSettings.settings", false]], "settings (abacusai.imagegensettings attribute)": [[176, "abacusai.ImageGenSettings.settings", false]], "settings (abacusai.lip_sync_gen_settings.lipsyncgensettings attribute)": [[181, "abacusai.lip_sync_gen_settings.LipSyncGenSettings.settings", false]], "settings (abacusai.lipsyncgensettings attribute)": [[176, "abacusai.LipSyncGenSettings.settings", false]], "settings (abacusai.sts_gen_settings.stsgensettings attribute)": [[281, "abacusai.sts_gen_settings.StsGenSettings.settings", false]], "settings (abacusai.stsgensettings attribute)": [[176, "abacusai.StsGenSettings.settings", false]], "settings (abacusai.stt_gen_settings.sttgensettings attribute)": [[284, "abacusai.stt_gen_settings.SttGenSettings.settings", false]], "settings (abacusai.sttgensettings attribute)": [[176, "abacusai.SttGenSettings.settings", false]], "settings (abacusai.tts_gen_settings.ttsgensettings attribute)": [[289, "abacusai.tts_gen_settings.TtsGenSettings.settings", false]], "settings (abacusai.ttsgensettings attribute)": [[176, "abacusai.TtsGenSettings.settings", false]], "settings (abacusai.video_gen_settings.videogensettings attribute)": [[302, "abacusai.video_gen_settings.VideoGenSettings.settings", false]], "settings (abacusai.videogensettings attribute)": [[176, "abacusai.VideoGenSettings.settings", false]], "severely_drifting_threshold (abacusai.api_class.monitor_alert.monitorthresholdconfig attribute)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.severely_drifting_threshold", false]], "severely_drifting_threshold (abacusai.api_class.monitorthresholdconfig attribute)": [[27, "abacusai.api_class.MonitorThresholdConfig.severely_drifting_threshold", false]], "severely_drifting_threshold (abacusai.monitorthresholdconfig attribute)": [[176, "abacusai.MonitorThresholdConfig.severely_drifting_threshold", false]], "sftpapplication (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.SFTPAPPLICATION", false]], "sftpapplication (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.SFTPAPPLICATION", false]], "sftpapplication (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.SFTPAPPLICATION", false]], "sftpdatasetconfig (class in abacusai)": [[176, "abacusai.SftpDatasetConfig", false]], "sftpdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SftpDatasetConfig", false]], "sftpdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.SftpDatasetConfig", false]], "sftpkey (class in abacusai)": [[176, "abacusai.SftpKey", false]], "sftpkey (class in abacusai.sftp_key)": [[275, "abacusai.sftp_key.SftpKey", false]], "shap_feature_importance (abacusai.feature_importance.featureimportance attribute)": [[147, "abacusai.feature_importance.FeatureImportance.shap_feature_importance", false]], "shap_feature_importance (abacusai.featureimportance attribute)": [[176, "abacusai.FeatureImportance.shap_feature_importance", false]], "share_type (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.share_type", false]], "share_type (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.share_type", false]], "sharepoint (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.SHAREPOINT", false]], "sharepoint (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.SHAREPOINT", false]], "sharepoint (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.SHAREPOINT", false]], "sharepointdatasetconfig (class in abacusai)": [[176, "abacusai.SharepointDatasetConfig", false]], "sharepointdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.SharepointDatasetConfig", false]], "sharepointdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig", false]], "short_explanation (abacusai.natural_language_explanation.naturallanguageexplanation attribute)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation.short_explanation", false]], "short_explanation (abacusai.naturallanguageexplanation attribute)": [[176, "abacusai.NaturalLanguageExplanation.short_explanation", false]], "show_autocomplete (abacusai.code_autocomplete_edit_prediction_response.codeautocompleteeditpredictionresponse attribute)": [[60, "abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse.show_autocomplete", false]], "show_autocomplete (abacusai.code_autocomplete_response.codeautocompleteresponse attribute)": [[61, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.show_autocomplete", false]], "show_autocomplete (abacusai.codeautocompleteeditpredictionresponse attribute)": [[176, "abacusai.CodeAutocompleteEditPredictionResponse.show_autocomplete", false]], "show_autocomplete (abacusai.codeautocompleteresponse attribute)": [[176, "abacusai.CodeAutocompleteResponse.show_autocomplete", false]], "simple_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.SIMPLE_AGENT", false]], "simple_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.SIMPLE_AGENT", false]], "simple_agent (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.SIMPLE_AGENT", false]], "simple_text (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.SIMPLE_TEXT", false], [27, "id130", false]], "simple_text (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.SIMPLE_TEXT", false]], "simple_text (abacusai.documenttype attribute)": [[176, "abacusai.DocumentType.SIMPLE_TEXT", false]], "size (abacusai.agent_data_document_info.agentdatadocumentinfo attribute)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.size", false]], "size (abacusai.agentdatadocumentinfo attribute)": [[176, "abacusai.AgentDataDocumentInfo.size", false]], "size (abacusai.api_class.blob attribute)": [[27, "abacusai.api_class.Blob.size", false]], "size (abacusai.api_class.blob_input.blob attribute)": [[19, "abacusai.api_class.blob_input.Blob.size", false]], "size (abacusai.blob attribute)": [[176, "abacusai.Blob.size", false]], "size (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.size", false]], "size (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.size", false]], "size (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.size", false]], "size (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.size", false]], "skip_input_transform (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.skip_input_transform", false]], "skip_input_transform (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.skip_input_transform", false]], "skip_input_transform (abacusai.cumulativeforecastingtrainingconfig attribute)": [[176, "abacusai.CumulativeForecastingTrainingConfig.skip_input_transform", false]], "skip_materialize (abacusai.concatenation_config.concatenationconfig attribute)": [[73, "abacusai.concatenation_config.ConcatenationConfig.skip_materialize", false]], "skip_materialize (abacusai.concatenationconfig attribute)": [[176, "abacusai.ConcatenationConfig.skip_materialize", false]], "skip_metrics_check (abacusai.deployment attribute)": [[176, "abacusai.Deployment.skip_metrics_check", false]], "skip_metrics_check (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.skip_metrics_check", false]], "skip_missing (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.skip_missing", false]], "skip_missing (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.skip_missing", false]], "skip_missing (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.skip_missing", false]], "skip_pending_pipeline_version_steps() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.skip_pending_pipeline_version_steps", false]], "skip_pending_pipeline_version_steps() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.skip_pending_pipeline_version_steps", false]], "skip_pending_steps() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.skip_pending_steps", false]], "skip_pending_steps() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.skip_pending_steps", false]], "skip_target_transform (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.skip_target_transform", false]], "skip_target_transform (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.skip_target_transform", false]], "skip_target_transform (abacusai.cumulativeforecastingtrainingconfig attribute)": [[176, "abacusai.CumulativeForecastingTrainingConfig.skip_target_transform", false]], "skip_timeseries_weight_scaling (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.skip_timeseries_weight_scaling", false]], "skip_timeseries_weight_scaling (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.skip_timeseries_weight_scaling", false]], "skip_timeseries_weight_scaling (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.skip_timeseries_weight_scaling", false]], "slack (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.SLACK", false]], "slack (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.SLACK", false]], "slack (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.SLACK", false]], "sleep_time (abacusai.api_class.ai_agents.triggerconfig attribute)": [[16, "abacusai.api_class.ai_agents.TriggerConfig.sleep_time", false]], "sleep_time (abacusai.api_class.triggerconfig attribute)": [[27, "abacusai.api_class.TriggerConfig.sleep_time", false]], "sleep_time (abacusai.triggerconfig attribute)": [[176, "abacusai.TriggerConfig.sleep_time", false]], "sliding_zscore (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.SLIDING_ZSCORE", false]], "sliding_zscore (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.SLIDING_ZSCORE", false]], "sliding_zscore (abacusai.forecastinglocalscaling attribute)": [[176, "abacusai.ForecastingLocalScaling.SLIDING_ZSCORE", false]], "small (abacusai.api_class.cpusize attribute)": [[27, "abacusai.api_class.CPUSize.SMALL", false]], "small (abacusai.api_class.enums.cpusize attribute)": [[25, "abacusai.api_class.enums.CPUSize.SMALL", false]], "small (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.SMALL", false]], "small (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.SMALL", false]], "small (abacusai.cpusize attribute)": [[176, "abacusai.CPUSize.SMALL", false]], "small (abacusai.memorysize attribute)": [[176, "abacusai.MemorySize.SMALL", false]], "smooth_history (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.smooth_history", false]], "smooth_history (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.smooth_history", false]], "smooth_history (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.smooth_history", false]], "smote (abacusai.api_class.enums.regressionaugmentationstrategy attribute)": [[25, "abacusai.api_class.enums.RegressionAugmentationStrategy.SMOTE", false]], "smote (abacusai.api_class.regressionaugmentationstrategy attribute)": [[27, "abacusai.api_class.RegressionAugmentationStrategy.SMOTE", false]], "smote (abacusai.regressionaugmentationstrategy attribute)": [[176, "abacusai.RegressionAugmentationStrategy.SMOTE", false]], "snake_case() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.snake_case", false]], "snapshot_interval_ms (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.snapshot_interval_ms", false]], "snapshot_interval_ms (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.snapshot_interval_ms", false]], "snapshot_streaming_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.snapshot_streaming_data", false]], "snapshot_streaming_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.snapshot_streaming_data", false]], "snapshot_streaming_data() (abacusai.dataset method)": [[176, "abacusai.Dataset.snapshot_streaming_data", false]], "snapshot_streaming_data() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.snapshot_streaming_data", false]], "snippet (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.snippet", false]], "snippet (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.snippet", false]], "solve_time_limit (abacusai.api_class.model.optimizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.OptimizationTrainingConfig.solve_time_limit", false]], "solve_time_limit (abacusai.api_class.optimizationtrainingconfig attribute)": [[27, "abacusai.api_class.OptimizationTrainingConfig.solve_time_limit", false]], "solve_time_limit (abacusai.optimizationtrainingconfig attribute)": [[176, "abacusai.OptimizationTrainingConfig.solve_time_limit", false]], "solve_time_limit_seconds (abacusai.api_class.deployment.optimizationpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.OptimizationPredictionArguments.solve_time_limit_seconds", false]], "solve_time_limit_seconds (abacusai.api_class.optimizationpredictionarguments attribute)": [[27, "abacusai.api_class.OptimizationPredictionArguments.solve_time_limit_seconds", false]], "solve_time_limit_seconds (abacusai.optimizationpredictionarguments attribute)": [[176, "abacusai.OptimizationPredictionArguments.solve_time_limit_seconds", false]], "sort_objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.sort_objective", false]], "sort_objective (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.sort_objective", false]], "sort_objective (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.sort_objective", false]], "sort_objective (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.sort_objective", false]], "sort_objective (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.sort_objective", false]], "sorted_column_names (abacusai.eda_feature_collinearity.edafeaturecollinearity attribute)": [[118, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.sorted_column_names", false]], "sorted_column_names (abacusai.edafeaturecollinearity attribute)": [[176, "abacusai.EdaFeatureCollinearity.sorted_column_names", false]], "source (abacusai.api_class.ai_agents.workflowgraphedge attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.source", false]], "source (abacusai.api_class.workflowgraphedge attribute)": [[27, "abacusai.api_class.WorkflowGraphEdge.source", false]], "source (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.source", false]], "source (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.source", false]], "source (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.source", false]], "source (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.source", false]], "source (abacusai.workflowgraphedge attribute)": [[176, "abacusai.WorkflowGraphEdge.source", false]], "source_code (abacusai.agent attribute)": [[176, "abacusai.Agent.source_code", false]], "source_code (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.source_code", false]], "source_code (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.source_code", false]], "source_code (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.source_code", false]], "source_code (abacusai.api_class.ai_agents.llmagentnode attribute)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.source_code", false]], "source_code (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.source_code", false]], "source_code (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.source_code", false]], "source_code (abacusai.api_class.llmagentnode attribute)": [[27, "abacusai.api_class.LLMAgentNode.source_code", false]], "source_code (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.source_code", false]], "source_code (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.source_code", false]], "source_code (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.source_code", false]], "source_code (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.source_code", false]], "source_code (abacusai.llmagentnode attribute)": [[176, "abacusai.LLMAgentNode.source_code", false]], "source_code (abacusai.model attribute)": [[176, "abacusai.Model.source_code", false]], "source_code (abacusai.model.model attribute)": [[197, "abacusai.model.Model.source_code", false]], "source_code (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.source_code", false]], "source_code (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.source_code", false]], "source_code (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.source_code", false]], "source_code (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.source_code", false]], "source_code (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.source_code", false]], "source_code (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.source_code", false]], "source_dataset_versions (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.source_dataset_versions", false]], "source_dataset_versions (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.source_dataset_versions", false]], "source_deployment_conversation_id (abacusai.chatllm_memory.chatllmmemory attribute)": [[53, "abacusai.chatllm_memory.ChatllmMemory.source_deployment_conversation_id", false]], "source_deployment_conversation_id (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.source_deployment_conversation_id", false]], "source_deployment_conversation_id (abacusai.chatllmmemory attribute)": [[176, "abacusai.ChatllmMemory.source_deployment_conversation_id", false]], "source_deployment_conversation_id (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.source_deployment_conversation_id", false]], "source_prop (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.source_prop", false]], "source_prop (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.source_prop", false]], "source_prop (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.source_prop", false]], "source_table (abacusai.feature attribute)": [[176, "abacusai.Feature.source_table", false]], "source_table (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.source_table", false]], "source_table (abacusai.nested_feature.nestedfeature attribute)": [[219, "abacusai.nested_feature.NestedFeature.source_table", false]], "source_table (abacusai.nested_feature_schema.nestedfeatureschema attribute)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.source_table", false]], "source_table (abacusai.nestedfeature attribute)": [[176, "abacusai.NestedFeature.source_table", false]], "source_table (abacusai.nestedfeatureschema attribute)": [[176, "abacusai.NestedFeatureSchema.source_table", false]], "source_tables (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.source_tables", false]], "source_tables (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.source_tables", false]], "source_tables (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.source_tables", false]], "source_tables (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.source_tables", false]], "source_tables (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.source_tables", false]], "source_tables (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.source_tables", false]], "source_type (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.source_type", false]], "source_type (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.source_type", false]], "source_type (abacusai.dataset attribute)": [[176, "abacusai.Dataset.source_type", false]], "source_type (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.source_type", false]], "space_key (abacusai.api_class.confluencedatasetconfig attribute)": [[27, "abacusai.api_class.ConfluenceDatasetConfig.space_key", false]], "space_key (abacusai.api_class.dataset_application_connector.confluencedatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig.space_key", false]], "space_key (abacusai.confluencedatasetconfig attribute)": [[176, "abacusai.ConfluenceDatasetConfig.space_key", false]], "specification_type (abacusai.api_class.ai_agents.workflowgraph attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.specification_type", false]], "specification_type (abacusai.api_class.workflowgraph attribute)": [[27, "abacusai.api_class.WorkflowGraph.specification_type", false]], "specification_type (abacusai.workflowgraph attribute)": [[176, "abacusai.WorkflowGraph.specification_type", false]], "sql (abacusai.api_class.codelanguage attribute)": [[27, "abacusai.api_class.CodeLanguage.SQL", false]], "sql (abacusai.api_class.enums.codelanguage attribute)": [[25, "abacusai.api_class.enums.CodeLanguage.SQL", false]], "sql (abacusai.codelanguage attribute)": [[176, "abacusai.CodeLanguage.SQL", false]], "sql (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.sql", false]], "sql (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.sql", false]], "sql (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.sql", false]], "sql (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.sql", false]], "sql (abacusai.llm_execution_preview.llmexecutionpreview attribute)": [[185, "abacusai.llm_execution_preview.LlmExecutionPreview.sql", false]], "sql (abacusai.llm_generated_code.llmgeneratedcode attribute)": [[187, "abacusai.llm_generated_code.LlmGeneratedCode.sql", false]], "sql (abacusai.llmexecutionpreview attribute)": [[176, "abacusai.LlmExecutionPreview.sql", false]], "sql (abacusai.llmgeneratedcode attribute)": [[176, "abacusai.LlmGeneratedCode.sql", false]], "sql (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.sql", false]], "sql (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.sql", false]], "sql_error (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.sql_error", false]], "sql_error (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.sql_error", false]], "sql_error (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.sql_error", false]], "sql_error (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.sql_error", false]], "sql_error (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.sql_error", false]], "sql_error (abacusai.resolvedfeaturegrouptemplate attribute)": [[176, "abacusai.ResolvedFeatureGroupTemplate.sql_error", false]], "src_hosted_database_id (abacusai.hosted_database_snapshot.hosteddatabasesnapshot attribute)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.src_hosted_database_id", false]], "src_hosted_database_id (abacusai.hosteddatabasesnapshot attribute)": [[176, "abacusai.HostedDatabaseSnapshot.src_hosted_database_id", false]], "srmse (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.SRMSE", false]], "srmse (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.SRMSE", false]], "srmse (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.SRMSE", false]], "sse_asynchronous_generator() (in module abacusai.client)": [[58, "abacusai.client.sse_asynchronous_generator", false]], "stable_standardized_mean_absolute_percentage_error (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "stable_standardized_mean_absolute_percentage_error (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "stable_standardized_mean_absolute_percentage_error (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR", false]], "stage_name (abacusai.model_blueprint_stage.modelblueprintstage attribute)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.stage_name", false]], "stage_name (abacusai.modelblueprintstage attribute)": [[176, "abacusai.ModelBlueprintStage.stage_name", false]], "standalone_deployment (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.standalone_deployment", false]], "standalone_deployment (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.standalone_deployment", false]], "standalone_deployment (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.standalone_deployment", false]], "starred (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.starred", false]], "starred (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.starred", false]], "start (abacusai.hosted_app_file_read.hostedappfileread attribute)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead.start", false]], "start (abacusai.hostedappfileread attribute)": [[176, "abacusai.HostedAppFileRead.start", false]], "start (abacusai.llm_code_block.llmcodeblock attribute)": [[184, "abacusai.llm_code_block.LlmCodeBlock.start", false]], "start (abacusai.llmcodeblock attribute)": [[176, "abacusai.LlmCodeBlock.start", false]], "start() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.start", false]], "start() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.start", false]], "start() (abacusai.deployment method)": [[176, "abacusai.Deployment.start", false]], "start() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.start", false]], "start_autonomous_agent() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.start_autonomous_agent", false]], "start_autonomous_agent() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.start_autonomous_agent", false]], "start_autonomous_agent() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.start_autonomous_agent", false]], "start_autonomous_agent() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.start_autonomous_agent", false]], "start_batch_prediction() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.start_batch_prediction", false]], "start_batch_prediction() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.start_batch_prediction", false]], "start_date (abacusai.api_class.batch_prediction.themeanalysisbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs.start_date", false]], "start_date (abacusai.api_class.themeanalysisbatchpredictionargs attribute)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs.start_date", false]], "start_date (abacusai.themeanalysisbatchpredictionargs attribute)": [[176, "abacusai.ThemeAnalysisBatchPredictionArgs.start_date", false]], "start_date_offset (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.start_date_offset", false]], "start_date_offset (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.start_date_offset", false]], "start_date_offset (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.start_date_offset", false]], "start_deployment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.start_deployment", false]], "start_deployment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.start_deployment", false]], "start_line (abacusai.code_edit.codeedit attribute)": [[63, "abacusai.code_edit.CodeEdit.start_line", false]], "start_line (abacusai.codeedit attribute)": [[176, "abacusai.CodeEdit.start_line", false]], "start_time (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.start_time", false]], "start_time (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.start_time", false]], "start_time (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.start_time", false]], "start_time (abacusai.api_class.monitor.restrictfeaturemappings attribute)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.start_time", false]], "start_time (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.start_time", false]], "start_time (abacusai.api_class.restrictfeaturemappings attribute)": [[27, "abacusai.api_class.RestrictFeatureMappings.start_time", false]], "start_time (abacusai.forecastingmonitorconfig attribute)": [[176, "abacusai.ForecastingMonitorConfig.start_time", false]], "start_time (abacusai.monitorfilteringconfig attribute)": [[176, "abacusai.MonitorFilteringConfig.start_time", false]], "start_time (abacusai.restrictfeaturemappings attribute)": [[176, "abacusai.RestrictFeatureMappings.start_time", false]], "start_timestamp (abacusai.api_class.dataset_application_connector.googleanalyticsdatasetconfig attribute)": [[22, "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig.start_timestamp", false]], "start_timestamp (abacusai.api_class.deployment.timeseriesanomalypredictionarguments attribute)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments.start_timestamp", false]], "start_timestamp (abacusai.api_class.googleanalyticsdatasetconfig attribute)": [[27, "abacusai.api_class.GoogleAnalyticsDatasetConfig.start_timestamp", false]], "start_timestamp (abacusai.api_class.timeseriesanomalypredictionarguments attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments.start_timestamp", false]], "start_timestamp (abacusai.googleanalyticsdatasetconfig attribute)": [[176, "abacusai.GoogleAnalyticsDatasetConfig.start_timestamp", false]], "start_timestamp (abacusai.timeseriesanomalypredictionarguments attribute)": [[176, "abacusai.TimeseriesAnomalyPredictionArguments.start_timestamp", false]], "start_ts_ms (abacusai.streaming_row_count.streamingrowcount attribute)": [[279, "abacusai.streaming_row_count.StreamingRowCount.start_ts_ms", false]], "start_ts_ms (abacusai.streamingrowcount attribute)": [[176, "abacusai.StreamingRowCount.start_ts_ms", false]], "started_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.started_at", false]], "started_at (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.started_at", false]], "started_at (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.started_at", false]], "started_at (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.started_at", false]], "state_or_province (abacusai.address attribute)": [[176, "abacusai.Address.state_or_province", false]], "state_or_province (abacusai.address.address attribute)": [[1, "abacusai.address.Address.state_or_province", false]], "stats (abacusai.function_logs.functionlogs attribute)": [[158, "abacusai.function_logs.FunctionLogs.stats", false]], "stats (abacusai.functionlogs attribute)": [[176, "abacusai.FunctionLogs.stats", false]], "status (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.status", false]], "status (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.status", false]], "status (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.status", false]], "status (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.status", false]], "status (abacusai.application_connector.applicationconnector attribute)": [[40, "abacusai.application_connector.ApplicationConnector.status", false]], "status (abacusai.applicationconnector attribute)": [[176, "abacusai.ApplicationConnector.status", false]], "status (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.status", false]], "status (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.status", false]], "status (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.status", false]], "status (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.status", false]], "status (abacusai.code_source.codesource attribute)": [[68, "abacusai.code_source.CodeSource.status", false]], "status (abacusai.codesource attribute)": [[176, "abacusai.CodeSource.status", false]], "status (abacusai.custom_domain.customdomain attribute)": [[78, "abacusai.custom_domain.CustomDomain.status", false]], "status (abacusai.customdomain attribute)": [[176, "abacusai.CustomDomain.status", false]], "status (abacusai.database_connector.databaseconnector attribute)": [[90, "abacusai.database_connector.DatabaseConnector.status", false]], "status (abacusai.databaseconnector attribute)": [[176, "abacusai.DatabaseConnector.status", false]], "status (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.status", false]], "status (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.status", false]], "status (abacusai.deployment attribute)": [[176, "abacusai.Deployment.status", false]], "status (abacusai.deployment.deployment attribute)": [[98, "abacusai.deployment.Deployment.status", false]], "status (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.status", false]], "status (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.status", false]], "status (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.status", false]], "status (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.status", false]], "status (abacusai.execute_feature_group_operation.executefeaturegroupoperation attribute)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.status", false]], "status (abacusai.executefeaturegroupoperation attribute)": [[176, "abacusai.ExecuteFeatureGroupOperation.status", false]], "status (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.status", false]], "status (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.status", false]], "status (abacusai.feature_group_document.featuregroupdocument attribute)": [[133, "abacusai.feature_group_document.FeatureGroupDocument.status", false]], "status (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.status", false]], "status (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.status", false]], "status (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.status", false]], "status (abacusai.featuregroupdocument attribute)": [[176, "abacusai.FeatureGroupDocument.status", false]], "status (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.status", false]], "status (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.status", false]], "status (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.status", false]], "status (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.status", false]], "status (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.status", false]], "status (abacusai.holdout_analysis_version.holdoutanalysisversion attribute)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.status", false]], "status (abacusai.holdoutanalysisversion attribute)": [[176, "abacusai.HoldoutAnalysisVersion.status", false]], "status (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.status", false]], "status (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.status", false]], "status (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.status", false]], "status (abacusai.llm_execution_result.llmexecutionresult attribute)": [[186, "abacusai.llm_execution_result.LlmExecutionResult.status", false]], "status (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.status", false]], "status (abacusai.llmexecutionresult attribute)": [[176, "abacusai.LlmExecutionResult.status", false]], "status (abacusai.model_artifacts_export.modelartifactsexport attribute)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.status", false]], "status (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.status", false]], "status (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.status", false]], "status (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.status", false]], "status (abacusai.modelartifactsexport attribute)": [[176, "abacusai.ModelArtifactsExport.status", false]], "status (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.status", false]], "status (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.status", false]], "status (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.status", false]], "status (abacusai.monitor_alert_version.monitoralertversion attribute)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.status", false]], "status (abacusai.monitoralertversion attribute)": [[176, "abacusai.MonitorAlertVersion.status", false]], "status (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.status", false]], "status (abacusai.pipeline_step_version_reference.pipelinestepversionreference attribute)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.status", false]], "status (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.status", false]], "status (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.status", false]], "status (abacusai.pipelinestepversionreference attribute)": [[176, "abacusai.PipelineStepVersionReference.status", false]], "status (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.status", false]], "status (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.status", false]], "status (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.status", false]], "status (abacusai.refresh_pipeline_run.refreshpipelinerun attribute)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.status", false]], "status (abacusai.refreshpipelinerun attribute)": [[176, "abacusai.RefreshPipelineRun.status", false]], "status (abacusai.streaming_connector.streamingconnector attribute)": [[278, "abacusai.streaming_connector.StreamingConnector.status", false]], "status (abacusai.streamingconnector attribute)": [[176, "abacusai.StreamingConnector.status", false]], "status (abacusai.unified_connector.unifiedconnector attribute)": [[291, "abacusai.unified_connector.UnifiedConnector.status", false]], "status (abacusai.unifiedconnector attribute)": [[176, "abacusai.UnifiedConnector.status", false]], "status (abacusai.upload attribute)": [[176, "abacusai.Upload.status", false]], "status (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.status", false]], "status (abacusai.user attribute)": [[176, "abacusai.User.status", false]], "status (abacusai.user.user attribute)": [[296, "abacusai.user.User.status", false]], "status_feature (abacusai.annotation_config.annotationconfig attribute)": [[11, "abacusai.annotation_config.AnnotationConfig.status_feature", false]], "status_feature (abacusai.annotationconfig attribute)": [[176, "abacusai.AnnotationConfig.status_feature", false]], "stddev (abacusai.api_class.enums.stddevthresholdtype attribute)": [[25, "abacusai.api_class.enums.StdDevThresholdType.STDDEV", false]], "stddev (abacusai.api_class.stddevthresholdtype attribute)": [[27, "abacusai.api_class.StdDevThresholdType.STDDEV", false], [27, "id206", false]], "stddev (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.stddev", false]], "stddev (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.stddev", false]], "stddev (abacusai.stddevthresholdtype attribute)": [[176, "abacusai.StdDevThresholdType.STDDEV", false]], "stddevthreshold (class in abacusai)": [[176, "abacusai.StdDevThreshold", false]], "stddevthreshold (class in abacusai.api_class)": [[27, "abacusai.api_class.StdDevThreshold", false]], "stddevthreshold (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.StdDevThreshold", false]], "stddevthresholdtype (class in abacusai)": [[176, "abacusai.StdDevThresholdType", false]], "stddevthresholdtype (class in abacusai.api_class)": [[27, "abacusai.api_class.StdDevThresholdType", false], [27, "id203", false]], "stddevthresholdtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.StdDevThresholdType", false]], "stderr (abacusai.function_logs.functionlogs attribute)": [[158, "abacusai.function_logs.FunctionLogs.stderr", false]], "stderr (abacusai.functionlogs attribute)": [[176, "abacusai.FunctionLogs.stderr", false]], "stdout (abacusai.function_logs.functionlogs attribute)": [[158, "abacusai.function_logs.FunctionLogs.stdout", false]], "stdout (abacusai.functionlogs attribute)": [[176, "abacusai.FunctionLogs.stdout", false]], "step_dependencies (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.step_dependencies", false]], "step_dependencies (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.step_dependencies", false]], "step_dependencies (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.step_dependencies", false]], "step_dependencies (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.step_dependencies", false]], "step_function (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.STEP_FUNCTION", false]], "step_function (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.STEP_FUNCTION", false]], "step_function (abacusai.pythonfunctiontype attribute)": [[176, "abacusai.PythonFunctionType.STEP_FUNCTION", false]], "step_logs (abacusai.pipeline_version_logs.pipelineversionlogs attribute)": [[236, "abacusai.pipeline_version_logs.PipelineVersionLogs.step_logs", false]], "step_logs (abacusai.pipelineversionlogs attribute)": [[176, "abacusai.PipelineVersionLogs.step_logs", false]], "step_name (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.step_name", false]], "step_name (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.step_name", false]], "step_name (abacusai.pipeline_step_version_logs.pipelinestepversionlogs attribute)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.step_name", false]], "step_name (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.step_name", false]], "step_name (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.step_name", false]], "step_name (abacusai.pipelinestepversionlogs attribute)": [[176, "abacusai.PipelineStepVersionLogs.step_name", false]], "step_versions (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.step_versions", false]], "step_versions (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.step_versions", false]], "steps (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.steps", false]], "steps (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.steps", false]], "stop() (abacusai.deployment method)": [[176, "abacusai.Deployment.stop", false]], "stop() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.stop", false]], "stop_deployment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.stop_deployment", false]], "stop_deployment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.stop_deployment", false]], "stop_rapid_changes (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.stop_rapid_changes", false]], "stop_rapid_changes (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.stop_rapid_changes", false]], "stop_reason (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.stop_reason", false]], "stop_reason (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.stop_reason", false]], "stratified_random_sampling (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.STRATIFIED_RANDOM_SAMPLING", false]], "stratified_random_sampling (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.STRATIFIED_RANDOM_SAMPLING", false]], "stratified_random_sampling (abacusai.regressiontypeofsplit attribute)": [[176, "abacusai.RegressionTypeOfSplit.STRATIFIED_RANDOM_SAMPLING", false]], "stream_message() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.stream_message", false]], "stream_message() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.stream_message", false]], "stream_response_section() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.stream_response_section", false]], "stream_response_section() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.stream_response_section", false]], "stream_section_output() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.stream_section_output", false]], "stream_section_output() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.stream_section_output", false]], "streamed_data (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.streamed_data", false]], "streamed_data (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.streamed_data", false]], "streamed_data (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.streamed_data", false]], "streamed_data (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.streamed_data", false]], "streamed_section_data (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.streamed_section_data", false]], "streamed_section_data (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.streamed_section_data", false]], "streamed_section_data (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.streamed_section_data", false]], "streamed_section_data (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.streamed_section_data", false]], "streaming (abacusai.api_class.connectortype attribute)": [[27, "abacusai.api_class.ConnectorType.STREAMING", false]], "streaming (abacusai.api_class.enums.connectortype attribute)": [[25, "abacusai.api_class.enums.ConnectorType.STREAMING", false]], "streaming (abacusai.connectortype attribute)": [[176, "abacusai.ConnectorType.STREAMING", false]], "streaming_connector_id (abacusai.streaming_connector.streamingconnector attribute)": [[278, "abacusai.streaming_connector.StreamingConnector.streaming_connector_id", false]], "streaming_connector_id (abacusai.streamingconnector attribute)": [[176, "abacusai.StreamingConnector.streaming_connector_id", false]], "streaming_connector_type (abacusai.api_class.connectors.streamingconnectordatasetconfig attribute)": [[20, "abacusai.api_class.connectors.StreamingConnectorDatasetConfig.streaming_connector_type", false]], "streaming_connector_type (abacusai.api_class.streamingconnectordatasetconfig attribute)": [[27, "abacusai.api_class.StreamingConnectorDatasetConfig.streaming_connector_type", false]], "streaming_connector_type (abacusai.streamingconnectordatasetconfig attribute)": [[176, "abacusai.StreamingConnectorDatasetConfig.streaming_connector_type", false]], "streaming_embeddings (abacusai.api_class.customtrainedmodeltrainingconfig attribute)": [[27, "abacusai.api_class.CustomTrainedModelTrainingConfig.streaming_embeddings", false]], "streaming_embeddings (abacusai.api_class.model.customtrainedmodeltrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomTrainedModelTrainingConfig.streaming_embeddings", false]], "streaming_embeddings (abacusai.customtrainedmodeltrainingconfig attribute)": [[176, "abacusai.CustomTrainedModelTrainingConfig.streaming_embeddings", false]], "streaming_enabled (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.streaming_enabled", false]], "streaming_enabled (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.streaming_enabled", false]], "streaming_enabled (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.streaming_enabled", false]], "streaming_enabled (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.streaming_enabled", false]], "streaming_evaluate_prompt() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.streaming_evaluate_prompt", false]], "streaming_evaluate_prompt() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.streaming_evaluate_prompt", false]], "streaming_ready (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.streaming_ready", false]], "streaming_ready (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.streaming_ready", false]], "streaming_ready (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.streaming_ready", false]], "streaming_ready (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.streaming_ready", false]], "streaming_token (abacusai.streaming_auth_token.streamingauthtoken attribute)": [[276, "abacusai.streaming_auth_token.StreamingAuthToken.streaming_token", false]], "streaming_token (abacusai.streamingauthtoken attribute)": [[176, "abacusai.StreamingAuthToken.streaming_token", false]], "streamingauthtoken (class in abacusai)": [[176, "abacusai.StreamingAuthToken", false]], "streamingauthtoken (class in abacusai.streaming_auth_token)": [[276, "abacusai.streaming_auth_token.StreamingAuthToken", false]], "streamingclient (class in abacusai)": [[176, "abacusai.StreamingClient", false]], "streamingclient (class in abacusai.streaming_client)": [[277, "abacusai.streaming_client.StreamingClient", false]], "streamingconnector (class in abacusai)": [[176, "abacusai.StreamingConnector", false]], "streamingconnector (class in abacusai.streaming_connector)": [[278, "abacusai.streaming_connector.StreamingConnector", false]], "streamingconnectordatasetconfig (class in abacusai)": [[176, "abacusai.StreamingConnectorDatasetConfig", false]], "streamingconnectordatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.StreamingConnectorDatasetConfig", false]], "streamingconnectordatasetconfig (class in abacusai.api_class.connectors)": [[20, "abacusai.api_class.connectors.StreamingConnectorDatasetConfig", false]], "streamingconnectortype (class in abacusai)": [[176, "abacusai.StreamingConnectorType", false]], "streamingconnectortype (class in abacusai.api_class)": [[27, "abacusai.api_class.StreamingConnectorType", false]], "streamingconnectortype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.StreamingConnectorType", false]], "streaminghandler (class in abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.StreamingHandler", false]], "streamingrowcount (class in abacusai)": [[176, "abacusai.StreamingRowCount", false]], "streamingrowcount (class in abacusai.streaming_row_count)": [[279, "abacusai.streaming_row_count.StreamingRowCount", false]], "streamingsamplecode (class in abacusai)": [[176, "abacusai.StreamingSampleCode", false]], "streamingsamplecode (class in abacusai.streaming_sample_code)": [[280, "abacusai.streaming_sample_code.StreamingSampleCode", false]], "streamtype (class in abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.StreamType", false]], "string (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.STRING", false]], "string (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.STRING", false]], "string (abacusai.api_class.enums.fielddescriptortype attribute)": [[25, "abacusai.api_class.enums.FieldDescriptorType.STRING", false]], "string (abacusai.api_class.enums.pythonfunctionargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.STRING", false]], "string (abacusai.api_class.enums.pythonfunctionoutputargumenttype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionOutputArgumentType.STRING", false]], "string (abacusai.api_class.enums.workflownodeoutputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType.STRING", false]], "string (abacusai.api_class.fielddescriptortype attribute)": [[27, "abacusai.api_class.FieldDescriptorType.STRING", false]], "string (abacusai.api_class.pythonfunctionargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionArgumentType.STRING", false]], "string (abacusai.api_class.pythonfunctionoutputargumenttype attribute)": [[27, "abacusai.api_class.PythonFunctionOutputArgumentType.STRING", false]], "string (abacusai.api_class.workflownodeoutputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputType.STRING", false]], "string (abacusai.datatype attribute)": [[176, "abacusai.DataType.STRING", false]], "string (abacusai.fielddescriptortype attribute)": [[176, "abacusai.FieldDescriptorType.STRING", false]], "string (abacusai.pythonfunctionargumenttype attribute)": [[176, "abacusai.PythonFunctionArgumentType.STRING", false]], "string (abacusai.pythonfunctionoutputargumenttype attribute)": [[176, "abacusai.PythonFunctionOutputArgumentType.STRING", false]], "string (abacusai.workflownodeoutputtype attribute)": [[176, "abacusai.WorkflowNodeOutputType.STRING", false]], "struct (abacusai.api_class.datatype attribute)": [[27, "abacusai.api_class.DataType.STRUCT", false]], "struct (abacusai.api_class.enums.datatype attribute)": [[25, "abacusai.api_class.enums.DataType.STRUCT", false]], "struct (abacusai.datatype attribute)": [[176, "abacusai.DataType.STRUCT", false]], "stsgensettings (class in abacusai)": [[176, "abacusai.StsGenSettings", false]], "stsgensettings (class in abacusai.sts_gen_settings)": [[281, "abacusai.sts_gen_settings.StsGenSettings", false]], "sttgenmodel (class in abacusai)": [[176, "abacusai.SttGenModel", false]], "sttgenmodel (class in abacusai.stt_gen_model)": [[282, "abacusai.stt_gen_model.SttGenModel", false]], "sttgenmodeloptions (class in abacusai)": [[176, "abacusai.SttGenModelOptions", false]], "sttgenmodeloptions (class in abacusai.stt_gen_model_options)": [[283, "abacusai.stt_gen_model_options.SttGenModelOptions", false]], "sttgensettings (class in abacusai)": [[176, "abacusai.SttGenSettings", false]], "sttgensettings (class in abacusai.stt_gen_settings)": [[284, "abacusai.stt_gen_settings.SttGenSettings", false]], "subset_size (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.subset_size", false]], "subset_size (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.subset_size", false]], "subset_size (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.subset_size", false]], "successful_invites (abacusai.chatllm_referral_invite.chatllmreferralinvite attribute)": [[56, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.successful_invites", false]], "successful_invites (abacusai.chatllmreferralinvite attribute)": [[176, "abacusai.ChatllmReferralInvite.successful_invites", false]], "successful_invites (abacusai.external_invite.externalinvite attribute)": [[126, "abacusai.external_invite.ExternalInvite.successful_invites", false]], "successful_invites (abacusai.externalinvite attribute)": [[176, "abacusai.ExternalInvite.successful_invites", false]], "suggest_abacus_apis() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.suggest_abacus_apis", false]], "suggest_abacus_apis() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.suggest_abacus_apis", false]], "suggest_feature_group_template_for_feature_group() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.suggest_feature_group_template_for_feature_group", false]], "suggest_feature_group_template_for_feature_group() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.suggest_feature_group_template_for_feature_group", false]], "suggest_template_for() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.suggest_template_for", false]], "suggest_template_for() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.suggest_template_for", false]], "summarized_metrics (abacusai.test_point_predictions.testpointpredictions attribute)": [[286, "abacusai.test_point_predictions.TestPointPredictions.summarized_metrics", false]], "summarized_metrics (abacusai.testpointpredictions attribute)": [[176, "abacusai.TestPointPredictions.summarized_metrics", false]], "summary (abacusai.code_summary_response.codesummaryresponse attribute)": [[70, "abacusai.code_summary_response.CodeSummaryResponse.summary", false]], "summary (abacusai.codesummaryresponse attribute)": [[176, "abacusai.CodeSummaryResponse.summary", false]], "summary (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.summary", false]], "summary (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.summary", false]], "summary (abacusai.session_summary.sessionsummary attribute)": [[272, "abacusai.session_summary.SessionSummary.summary", false]], "summary (abacusai.sessionsummary attribute)": [[176, "abacusai.SessionSummary.summary", false]], "summary_batch_size (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.summary_batch_size", false]], "summary_batch_size (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.summary_batch_size", false]], "summary_feature_group_table_name (abacusai.batch_prediction.batchprediction attribute)": [[44, "abacusai.batch_prediction.BatchPrediction.summary_feature_group_table_name", false]], "summary_feature_group_table_name (abacusai.batchprediction attribute)": [[176, "abacusai.BatchPrediction.summary_feature_group_table_name", false]], "summary_instructions (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.summary_instructions", false]], "summary_instructions (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.summary_instructions", false]], "summary_instructions (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.summary_instructions", false]], "super_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.SUPER_AGENT", false]], "super_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.SUPER_AGENT", false]], "super_agent (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.SUPER_AGENT", false]], "supports_preview_restore (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.supports_preview_restore", false]], "supports_preview_restore (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.supports_preview_restore", false]], "symbols_cache_update_interval (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.symbols_cache_update_interval", false]], "symbols_cache_update_interval (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.symbols_cache_update_interval", false]], "symbols_storage_update_interval (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.symbols_storage_update_interval", false]], "symbols_storage_update_interval (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.symbols_storage_update_interval", false]], "symmetrize_quantiles (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.symmetrize_quantiles", false]], "symmetrize_quantiles (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.symmetrize_quantiles", false]], "symmetrize_quantiles (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.symmetrize_quantiles", false]], "syspath_prepend() (abacusai.python_function_validator._monkeypatch method)": [[259, "abacusai.python_function_validator._MonkeyPatch.syspath_prepend", false]], "system_message (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.system_message", false]], "system_message (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.system_message", false]], "system_message (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.system_message", false]], "system_message (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.system_message", false]], "system_message (abacusai.chatllmpredictionarguments attribute)": [[176, "abacusai.ChatLLMPredictionArguments.system_message", false]], "system_message (abacusai.naturallanguagesearchpredictionarguments attribute)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments.system_message", false]], "systemconnectortool (class in abacusai)": [[176, "abacusai.SystemConnectorTool", false]], "systemconnectortool (class in abacusai.api_class)": [[27, "abacusai.api_class.SystemConnectorTool", false]], "systemconnectortool (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.SystemConnectorTool", false]], "table (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.TABLE", false]], "table (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.TABLE", false]], "table (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.TABLE", false]], "table_name (abacusai.database_connector_schema.databaseconnectorschema attribute)": [[92, "abacusai.database_connector_schema.DatabaseConnectorSchema.table_name", false]], "table_name (abacusai.databaseconnectorschema attribute)": [[176, "abacusai.DatabaseConnectorSchema.table_name", false]], "table_name (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.table_name", false]], "table_name (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.table_name", false]], "table_name (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.table_name", false]], "table_name (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.table_name", false]], "tables_and_forms (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.TABLES_AND_FORMS", false], [27, "id132", false]], "tables_and_forms (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.TABLES_AND_FORMS", false]], "tables_and_forms (abacusai.documenttype attribute)": [[176, "abacusai.DocumentType.TABLES_AND_FORMS", false]], "tag (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.tag", false]], "tag (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.tag", false]], "tag (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[170, "abacusai.hosted_model_token.HostedModelToken.tag", false]], "tag (abacusai.hostedmodeltoken attribute)": [[176, "abacusai.HostedModelToken.tag", false]], "tags (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.tags", false]], "tags (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.tags", false]], "tags (abacusai.project attribute)": [[176, "abacusai.Project.tags", false]], "tags (abacusai.project.project attribute)": [[252, "abacusai.project.Project.tags", false]], "tags (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.tags", false]], "tags (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.tags", false]], "tags (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.tags", false]], "tags (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.tags", false]], "tar (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TAR", false]], "tar (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TAR", false]], "tar (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.TAR", false]], "target (abacusai.api_class.ai_agents.workflowgraphedge attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.target", false]], "target (abacusai.api_class.workflowgraphedge attribute)": [[27, "abacusai.api_class.WorkflowGraphEdge.target", false]], "target (abacusai.workflowgraphedge attribute)": [[176, "abacusai.WorkflowGraphEdge.target", false]], "target_action_types (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.target_action_types", false]], "target_action_types (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.target_action_types", false]], "target_action_types (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.target_action_types", false]], "target_action_weights (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.target_action_weights", false]], "target_action_weights (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.target_action_weights", false]], "target_action_weights (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.target_action_weights", false]], "target_class (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.target_class", false]], "target_class (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.target_class", false]], "target_class (abacusai.monitorfilteringconfig attribute)": [[176, "abacusai.MonitorFilteringConfig.target_class", false]], "target_column (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.target_column", false]], "target_column (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.target_column", false]], "target_column (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.target_column", false]], "target_column (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.target_column", false]], "target_column (abacusai.forecastingmonitorconfig attribute)": [[176, "abacusai.ForecastingMonitorConfig.target_column", false]], "target_column (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.target_column", false]], "target_column (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.target_column", false]], "target_drift (abacusai.api_class.enums.monitoralerttype attribute)": [[25, "abacusai.api_class.enums.MonitorAlertType.TARGET_DRIFT", false]], "target_drift (abacusai.api_class.monitoralerttype attribute)": [[27, "abacusai.api_class.MonitorAlertType.TARGET_DRIFT", false]], "target_drift (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.target_drift", false]], "target_drift (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.target_drift", false]], "target_drift (abacusai.monitoralerttype attribute)": [[176, "abacusai.MonitorAlertType.TARGET_DRIFT", false]], "target_encode_categoricals (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.target_encode_categoricals", false]], "target_encode_categoricals (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.target_encode_categoricals", false]], "target_encode_categoricals (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.target_encode_categoricals", false]], "target_transform (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.target_transform", false]], "target_transform (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.target_transform", false]], "target_transform (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.target_transform", false]], "targetdriftconditionconfig (class in abacusai)": [[176, "abacusai.TargetDriftConditionConfig", false]], "targetdriftconditionconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TargetDriftConditionConfig", false]], "targetdriftconditionconfig (class in abacusai.api_class.monitor_alert)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig", false]], "task (abacusai.ai_building_task.aibuildingtask attribute)": [[8, "abacusai.ai_building_task.AiBuildingTask.task", false]], "task (abacusai.aibuildingtask attribute)": [[176, "abacusai.AiBuildingTask.task", false]], "task_definition (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.task_definition", false]], "task_definition (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.task_definition", false]], "task_type (abacusai.ai_building_task.aibuildingtask attribute)": [[8, "abacusai.ai_building_task.AiBuildingTask.task_type", false]], "task_type (abacusai.aibuildingtask attribute)": [[176, "abacusai.AiBuildingTask.task_type", false]], "task_type (abacusai.chatllm_task.chatllmtask attribute)": [[57, "abacusai.chatllm_task.ChatllmTask.task_type", false]], "task_type (abacusai.chatllmtask attribute)": [[176, "abacusai.ChatllmTask.task_type", false]], "tasks (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.tasks", false]], "tasks (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.tasks", false]], "teams (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.TEAMS", false]], "teams (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.TEAMS", false]], "teams (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.TEAMS", false]], "teamsscraper (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.TEAMSSCRAPER", false]], "teamsscraper (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.TEAMSSCRAPER", false]], "teamsscraper (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.TEAMSSCRAPER", false]], "teamsscraperdatasetconfig (class in abacusai)": [[176, "abacusai.TeamsScraperDatasetConfig", false]], "teamsscraperdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TeamsScraperDatasetConfig", false]], "teamsscraperdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig", false]], "temperature (abacusai.api_class.chatllmpredictionarguments attribute)": [[27, "abacusai.api_class.ChatLLMPredictionArguments.temperature", false]], "temperature (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.temperature", false]], "temperature (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.temperature", false]], "temperature (abacusai.api_class.deployment.chatllmpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.ChatLLMPredictionArguments.temperature", false]], "temperature (abacusai.api_class.deployment.naturallanguagesearchpredictionarguments attribute)": [[23, "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments.temperature", false]], "temperature (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.temperature", false]], "temperature (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.temperature", false]], "temperature (abacusai.api_class.naturallanguagesearchpredictionarguments attribute)": [[27, "abacusai.api_class.NaturalLanguageSearchPredictionArguments.temperature", false]], "temperature (abacusai.chatllmpredictionarguments attribute)": [[176, "abacusai.ChatLLMPredictionArguments.temperature", false]], "temperature (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.temperature", false]], "temperature (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.temperature", false]], "temperature (abacusai.naturallanguagesearchpredictionarguments attribute)": [[176, "abacusai.NaturalLanguageSearchPredictionArguments.temperature", false]], "template_bindings (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.template_bindings", false]], "template_bindings (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.template_bindings", false]], "template_bindings (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.template_bindings", false]], "template_bindings (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.template_bindings", false]], "template_bindings (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.template_bindings", false]], "template_bindings (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.template_bindings", false]], "template_configs (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.template_configs", false]], "template_configs (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.template_configs", false]], "template_metadata (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.template_metadata", false]], "template_metadata (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.template_metadata", false]], "template_metadata (abacusai.api_class.ai_agents.workflowgraphnode attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.template_metadata", false]], "template_metadata (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.template_metadata", false]], "template_metadata (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.template_metadata", false]], "template_metadata (abacusai.api_class.workflowgraphnode attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.template_metadata", false]], "template_metadata (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.template_metadata", false]], "template_metadata (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.template_metadata", false]], "template_metadata (abacusai.workflowgraphnode attribute)": [[176, "abacusai.WorkflowGraphNode.template_metadata", false]], "template_sql (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.template_sql", false]], "template_sql (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.template_sql", false]], "template_sql (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate attribute)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.template_sql", false]], "template_sql (abacusai.resolvedfeaturegrouptemplate attribute)": [[176, "abacusai.ResolvedFeatureGroupTemplate.template_sql", false]], "template_variable_options (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions attribute)": [[144, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.template_variable_options", false]], "template_variable_options (abacusai.featuregrouptemplatevariableoptions attribute)": [[176, "abacusai.FeatureGroupTemplateVariableOptions.template_variable_options", false]], "template_variables (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.template_variables", false]], "template_variables (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.template_variables", false]], "templatenodedetails (class in abacusai)": [[176, "abacusai.TemplateNodeDetails", false]], "templatenodedetails (class in abacusai.template_node_details)": [[285, "abacusai.template_node_details.TemplateNodeDetails", false]], "tesseract_fast (abacusai.api_class.enums.ocrmode attribute)": [[25, "abacusai.api_class.enums.OcrMode.TESSERACT_FAST", false]], "tesseract_fast (abacusai.api_class.ocrmode attribute)": [[27, "abacusai.api_class.OcrMode.TESSERACT_FAST", false], [27, "id125", false]], "tesseract_fast (abacusai.ocrmode attribute)": [[176, "abacusai.OcrMode.TESSERACT_FAST", false]], "test_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.TEST_AGENT", false]], "test_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.TEST_AGENT", false]], "test_agent (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.TEST_AGENT", false]], "test_by_item (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.test_by_item", false]], "test_by_item (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.test_by_item", false]], "test_by_item (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.test_by_item", false]], "test_feature_group_version (abacusai.eda attribute)": [[176, "abacusai.Eda.test_feature_group_version", false]], "test_feature_group_version (abacusai.eda.eda attribute)": [[113, "abacusai.eda.Eda.test_feature_group_version", false]], "test_feature_group_version (abacusai.eda_version.edaversion attribute)": [[120, "abacusai.eda_version.EdaVersion.test_feature_group_version", false]], "test_feature_group_version (abacusai.edaversion attribute)": [[176, "abacusai.EdaVersion.test_feature_group_version", false]], "test_last_items_length (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_last_items_length", false]], "test_last_items_length (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_last_items_length", false]], "test_last_items_length (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.test_last_items_length", false]], "test_on_user_split (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_on_user_split", false]], "test_on_user_split (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_on_user_split", false]], "test_on_user_split (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.test_on_user_split", false]], "test_row_indicator (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.test_row_indicator", false]], "test_row_indicator (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.test_row_indicator", false]], "test_split (abacusai.api_class.cumulativeforecastingtrainingconfig attribute)": [[27, "abacusai.api_class.CumulativeForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.documentclassificationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.documentsummarizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentSummarizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.documentvisualizationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentVisualizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.cumulativeforecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.CumulativeForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.documentclassificationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.documentsummarizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentSummarizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.documentvisualizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentVisualizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.namedentityextractiontrainingconfig attribute)": [[28, "abacusai.api_class.model.NamedEntityExtractionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.sentenceboundarydetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.sentimentdetectiontrainingconfig attribute)": [[28, "abacusai.api_class.model.SentimentDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.test_split", false]], "test_split (abacusai.api_class.namedentityextractiontrainingconfig attribute)": [[27, "abacusai.api_class.NamedEntityExtractionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_split", false]], "test_split (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.sentenceboundarydetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.sentimentdetectiontrainingconfig attribute)": [[27, "abacusai.api_class.SentimentDetectionTrainingConfig.test_split", false]], "test_split (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.test_split", false]], "test_split (abacusai.cumulativeforecastingtrainingconfig attribute)": [[176, "abacusai.CumulativeForecastingTrainingConfig.test_split", false]], "test_split (abacusai.documentclassificationtrainingconfig attribute)": [[176, "abacusai.DocumentClassificationTrainingConfig.test_split", false]], "test_split (abacusai.documentsummarizationtrainingconfig attribute)": [[176, "abacusai.DocumentSummarizationTrainingConfig.test_split", false]], "test_split (abacusai.documentvisualizationtrainingconfig attribute)": [[176, "abacusai.DocumentVisualizationTrainingConfig.test_split", false]], "test_split (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.test_split", false]], "test_split (abacusai.namedentityextractiontrainingconfig attribute)": [[176, "abacusai.NamedEntityExtractionTrainingConfig.test_split", false]], "test_split (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.test_split", false]], "test_split (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.test_split", false]], "test_split (abacusai.sentenceboundarydetectiontrainingconfig attribute)": [[176, "abacusai.SentenceBoundaryDetectionTrainingConfig.test_split", false]], "test_split (abacusai.sentimentdetectiontrainingconfig attribute)": [[176, "abacusai.SentimentDetectionTrainingConfig.test_split", false]], "test_split (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.test_split", false]], "test_split_on_last_k_items (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_split_on_last_k_items", false]], "test_split_on_last_k_items (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_split_on_last_k_items", false]], "test_split_on_last_k_items (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.test_split_on_last_k_items", false]], "test_split_percentage_based (abacusai.api_class.enums.regressiontimesplitmethod attribute)": [[25, "abacusai.api_class.enums.RegressionTimeSplitMethod.TEST_SPLIT_PERCENTAGE_BASED", false]], "test_split_percentage_based (abacusai.api_class.regressiontimesplitmethod attribute)": [[27, "abacusai.api_class.RegressionTimeSplitMethod.TEST_SPLIT_PERCENTAGE_BASED", false]], "test_split_percentage_based (abacusai.regressiontimesplitmethod attribute)": [[176, "abacusai.RegressionTimeSplitMethod.TEST_SPLIT_PERCENTAGE_BASED", false]], "test_splitting_timestamp (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.test_splitting_timestamp", false]], "test_splitting_timestamp (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.test_splitting_timestamp", false]], "test_splitting_timestamp (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.test_splitting_timestamp", false]], "test_start (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.test_start", false]], "test_start (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.test_start", false]], "test_start (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.test_start", false]], "test_start (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.test_start", false]], "test_start (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.test_start", false]], "test_start (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.test_start", false]], "test_start_timestamp_based (abacusai.api_class.enums.regressiontimesplitmethod attribute)": [[25, "abacusai.api_class.enums.RegressionTimeSplitMethod.TEST_START_TIMESTAMP_BASED", false]], "test_start_timestamp_based (abacusai.api_class.regressiontimesplitmethod attribute)": [[27, "abacusai.api_class.RegressionTimeSplitMethod.TEST_START_TIMESTAMP_BASED", false]], "test_start_timestamp_based (abacusai.regressiontimesplitmethod attribute)": [[176, "abacusai.RegressionTimeSplitMethod.TEST_START_TIMESTAMP_BASED", false]], "test_window_length_hours (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.test_window_length_hours", false]], "test_window_length_hours (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.test_window_length_hours", false]], "test_window_length_hours (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.test_window_length_hours", false]], "testpointpredictions (class in abacusai)": [[176, "abacusai.TestPointPredictions", false]], "testpointpredictions (class in abacusai.test_point_predictions)": [[286, "abacusai.test_point_predictions.TestPointPredictions", false]], "text (abacusai.agent_chat_message.agentchatmessage attribute)": [[3, "abacusai.agent_chat_message.AgentChatMessage.text", false]], "text (abacusai.agentchatmessage attribute)": [[176, "abacusai.AgentChatMessage.text", false]], "text (abacusai.agentconversationmessage attribute)": [[176, "abacusai.AgentConversationMessage.text", false]], "text (abacusai.api_class.agentconversationmessage attribute)": [[27, "abacusai.api_class.AgentConversationMessage.text", false]], "text (abacusai.api_class.ai_agents.agentconversationmessage attribute)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.text", false]], "text (abacusai.api_class.documenttype attribute)": [[27, "abacusai.api_class.DocumentType.TEXT", false], [27, "id131", false]], "text (abacusai.api_class.enums.documenttype attribute)": [[25, "abacusai.api_class.enums.DocumentType.TEXT", false]], "text (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.TEXT", false]], "text (abacusai.api_class.enums.responsesectiontype attribute)": [[25, "abacusai.api_class.enums.ResponseSectionType.TEXT", false]], "text (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.TEXT", false]], "text (abacusai.api_class.responsesectiontype attribute)": [[27, "abacusai.api_class.ResponseSectionType.TEXT", false]], "text (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.text", false]], "text (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.text", false]], "text (abacusai.code_edit.codeedit attribute)": [[63, "abacusai.code_edit.CodeEdit.text", false]], "text (abacusai.codeedit attribute)": [[176, "abacusai.CodeEdit.text", false]], "text (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.text", false]], "text (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.text", false]], "text (abacusai.documenttype attribute)": [[176, "abacusai.DocumentType.TEXT", false]], "text (abacusai.nlpdocumentformat attribute)": [[176, "abacusai.NLPDocumentFormat.TEXT", false]], "text (abacusai.responsesectiontype attribute)": [[176, "abacusai.ResponseSectionType.TEXT", false]], "text_encoder (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.text_encoder", false]], "text_encoder (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.text_encoder", false]], "text_encoder (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.text_encoder", false]], "textresponsesection (class in abacusai)": [[176, "abacusai.TextResponseSection", false]], "textresponsesection (class in abacusai.api_class)": [[27, "abacusai.api_class.TextResponseSection", false]], "textresponsesection (class in abacusai.api_class.segments)": [[34, "abacusai.api_class.segments.TextResponseSection", false]], "tfrecord (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TFRECORD", false]], "tfrecord (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TFRECORD", false]], "tfrecord (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.TFRECORD", false]], "theme (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.theme", false]], "theme (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.theme", false]], "theme (abacusai.organization_external_application_settings.organizationexternalapplicationsettings attribute)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.theme", false]], "theme (abacusai.organizationexternalapplicationsettings attribute)": [[176, "abacusai.OrganizationExternalApplicationSettings.theme", false]], "theme_analysis (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.THEME_ANALYSIS", false]], "theme_analysis (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.THEME_ANALYSIS", false]], "theme_analysis (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.THEME_ANALYSIS", false]], "themeanalysisbatchpredictionargs (class in abacusai)": [[176, "abacusai.ThemeAnalysisBatchPredictionArgs", false]], "themeanalysisbatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.ThemeAnalysisBatchPredictionArgs", false]], "themeanalysisbatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs", false]], "themeanalysistrainingconfig (class in abacusai)": [[176, "abacusai.ThemeAnalysisTrainingConfig", false]], "themeanalysistrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ThemeAnalysisTrainingConfig", false]], "themeanalysistrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.ThemeAnalysisTrainingConfig", false]], "thorough (abacusai.api_class.enums.experimentationmode attribute)": [[25, "abacusai.api_class.enums.ExperimentationMode.THOROUGH", false]], "thorough (abacusai.api_class.enums.partialdependenceanalysis attribute)": [[25, "abacusai.api_class.enums.PartialDependenceAnalysis.THOROUGH", false]], "thorough (abacusai.api_class.enums.regressiontreehpomode attribute)": [[25, "abacusai.api_class.enums.RegressionTreeHPOMode.THOROUGH", false]], "thorough (abacusai.api_class.experimentationmode attribute)": [[27, "abacusai.api_class.ExperimentationMode.THOROUGH", false]], "thorough (abacusai.api_class.partialdependenceanalysis attribute)": [[27, "abacusai.api_class.PartialDependenceAnalysis.THOROUGH", false]], "thorough (abacusai.api_class.regressiontreehpomode attribute)": [[27, "abacusai.api_class.RegressionTreeHPOMode.THOROUGH", false]], "thorough (abacusai.experimentationmode attribute)": [[176, "abacusai.ExperimentationMode.THOROUGH", false]], "thorough (abacusai.partialdependenceanalysis attribute)": [[176, "abacusai.PartialDependenceAnalysis.THOROUGH", false]], "thorough (abacusai.regressiontreehpomode attribute)": [[176, "abacusai.RegressionTreeHPOMode.THOROUGH", false]], "threshold (abacusai.accuracybelowthresholdconditionconfig attribute)": [[176, "abacusai.AccuracyBelowThresholdConditionConfig.threshold", false]], "threshold (abacusai.api_class.accuracybelowthresholdconditionconfig attribute)": [[27, "abacusai.api_class.AccuracyBelowThresholdConditionConfig.threshold", false]], "threshold (abacusai.api_class.biasviolationconditionconfig attribute)": [[27, "abacusai.api_class.BiasViolationConditionConfig.threshold", false]], "threshold (abacusai.api_class.featuredriftconditionconfig attribute)": [[27, "abacusai.api_class.FeatureDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.historylengthdriftconditionconfig attribute)": [[27, "abacusai.api_class.HistoryLengthDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.accuracybelowthresholdconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.biasviolationconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.BiasViolationConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.featuredriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.historylengthdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.predictioncountconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.PredictionCountConditionConfig.threshold", false]], "threshold (abacusai.api_class.monitor_alert.targetdriftconditionconfig attribute)": [[30, "abacusai.api_class.monitor_alert.TargetDriftConditionConfig.threshold", false]], "threshold (abacusai.api_class.predictioncountconditionconfig attribute)": [[27, "abacusai.api_class.PredictionCountConditionConfig.threshold", false]], "threshold (abacusai.api_class.targetdriftconditionconfig attribute)": [[27, "abacusai.api_class.TargetDriftConditionConfig.threshold", false]], "threshold (abacusai.biasviolationconditionconfig attribute)": [[176, "abacusai.BiasViolationConditionConfig.threshold", false]], "threshold (abacusai.featuredriftconditionconfig attribute)": [[176, "abacusai.FeatureDriftConditionConfig.threshold", false]], "threshold (abacusai.historylengthdriftconditionconfig attribute)": [[176, "abacusai.HistoryLengthDriftConditionConfig.threshold", false]], "threshold (abacusai.predictioncountconditionconfig attribute)": [[176, "abacusai.PredictionCountConditionConfig.threshold", false]], "threshold (abacusai.targetdriftconditionconfig attribute)": [[176, "abacusai.TargetDriftConditionConfig.threshold", false]], "threshold_score (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.threshold_score", false]], "threshold_score (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.threshold_score", false]], "threshold_score (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.threshold_score", false]], "threshold_type (abacusai.api_class.monitor.stddevthreshold attribute)": [[29, "abacusai.api_class.monitor.StdDevThreshold.threshold_type", false]], "threshold_type (abacusai.api_class.stddevthreshold attribute)": [[27, "abacusai.api_class.StdDevThreshold.threshold_type", false]], "threshold_type (abacusai.stddevthreshold attribute)": [[176, "abacusai.StdDevThreshold.threshold_type", false]], "thumbnail_height (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.thumbnail_height", false]], "thumbnail_height (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.thumbnail_height", false]], "thumbnail_height (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.thumbnail_height", false]], "thumbnail_height (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.thumbnail_height", false]], "thumbnail_url (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.video_search_result.videosearchresult attribute)": [[303, "abacusai.video_search_result.VideoSearchResult.thumbnail_url", false]], "thumbnail_url (abacusai.videosearchresult attribute)": [[176, "abacusai.VideoSearchResult.thumbnail_url", false]], "thumbnail_width (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.thumbnail_width", false]], "thumbnail_width (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.thumbnail_width", false]], "thumbnail_width (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.thumbnail_width", false]], "thumbnail_width (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.thumbnail_width", false]], "tif (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TIF", false]], "tif (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TIF", false]], "tif (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.TIF", false]], "time_format (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.time_format", false]], "time_format (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.time_format", false]], "time_window (abacusai.api_class.enums.mergemode attribute)": [[25, "abacusai.api_class.enums.MergeMode.TIME_WINDOW", false]], "time_window (abacusai.api_class.mergemode attribute)": [[27, "abacusai.api_class.MergeMode.TIME_WINDOW", false]], "time_window (abacusai.mergemode attribute)": [[176, "abacusai.MergeMode.TIME_WINDOW", false]], "time_window_size_ms (abacusai.api_class.feature_group.timewindowmergeconfig attribute)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig.time_window_size_ms", false]], "time_window_size_ms (abacusai.api_class.timewindowmergeconfig attribute)": [[27, "abacusai.api_class.TimeWindowMergeConfig.time_window_size_ms", false]], "time_window_size_ms (abacusai.timewindowmergeconfig attribute)": [[176, "abacusai.TimeWindowMergeConfig.time_window_size_ms", false]], "timeout (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.timeout", false]], "timeout (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.timeout", false]], "timeout (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.timeout", false]], "timeout (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.timeout", false]], "timeout_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.timeout_at", false]], "timeout_at (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.timeout_at", false]], "timeout_minutes (abacusai.api_class.customalgorithmtrainingconfig attribute)": [[27, "abacusai.api_class.CustomAlgorithmTrainingConfig.timeout_minutes", false]], "timeout_minutes (abacusai.api_class.model.customalgorithmtrainingconfig attribute)": [[28, "abacusai.api_class.model.CustomAlgorithmTrainingConfig.timeout_minutes", false]], "timeout_minutes (abacusai.customalgorithmtrainingconfig attribute)": [[176, "abacusai.CustomAlgorithmTrainingConfig.timeout_minutes", false]], "timeseries_frequency (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.timeseries_frequency", false]], "timeseries_frequency (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.timeseries_frequency", false]], "timeseries_frequency (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.timeseries_frequency", false]], "timeseries_loss_weight_column (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.timeseries_loss_weight_column", false]], "timeseries_loss_weight_column (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.timeseries_loss_weight_column", false]], "timeseries_loss_weight_column (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.timeseries_loss_weight_column", false]], "timeseries_weight_column (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.timeseries_weight_column", false]], "timeseries_weight_column (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.timeseries_weight_column", false]], "timeseries_weight_column (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.timeseries_weight_column", false]], "timeseriesanomalydatasplittype (class in abacusai)": [[176, "abacusai.TimeseriesAnomalyDataSplitType", false]], "timeseriesanomalydatasplittype (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyDataSplitType", false]], "timeseriesanomalydatasplittype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType", false]], "timeseriesanomalypredictionarguments (class in abacusai)": [[176, "abacusai.TimeseriesAnomalyPredictionArguments", false]], "timeseriesanomalypredictionarguments (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyPredictionArguments", false]], "timeseriesanomalypredictionarguments (class in abacusai.api_class.deployment)": [[23, "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments", false]], "timeseriesanomalytrainingconfig (class in abacusai)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig", false]], "timeseriesanomalytrainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig", false]], "timeseriesanomalytrainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig", false]], "timeseriesanomalytypeofanomaly (class in abacusai)": [[176, "abacusai.TimeseriesAnomalyTypeOfAnomaly", false]], "timeseriesanomalytypeofanomaly (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly", false]], "timeseriesanomalytypeofanomaly (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly", false]], "timeseriesanomalyuseheuristic (class in abacusai)": [[176, "abacusai.TimeseriesAnomalyUseHeuristic", false]], "timeseriesanomalyuseheuristic (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeseriesAnomalyUseHeuristic", false]], "timeseriesanomalyuseheuristic (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic", false]], "timestamp (abacusai.api_class.enums.forecastingdatasplittype attribute)": [[25, "abacusai.api_class.enums.ForecastingDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.api_class.enums.timeseriesanomalydatasplittype attribute)": [[25, "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.api_class.forecastingdatasplittype attribute)": [[27, "abacusai.api_class.ForecastingDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.api_class.timeseriesanomalydatasplittype attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.chat_message.chatmessage attribute)": [[49, "abacusai.chat_message.ChatMessage.timestamp", false]], "timestamp (abacusai.chatmessage attribute)": [[176, "abacusai.ChatMessage.timestamp", false]], "timestamp (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.timestamp", false]], "timestamp (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.timestamp", false]], "timestamp (abacusai.forecastingdatasplittype attribute)": [[176, "abacusai.ForecastingDataSplitType.TIMESTAMP", false]], "timestamp (abacusai.timeseriesanomalydatasplittype attribute)": [[176, "abacusai.TimeseriesAnomalyDataSplitType.TIMESTAMP", false]], "timestamp_based (abacusai.api_class.enums.regressiontypeofsplit attribute)": [[25, "abacusai.api_class.enums.RegressionTypeOfSplit.TIMESTAMP_BASED", false]], "timestamp_based (abacusai.api_class.regressiontypeofsplit attribute)": [[27, "abacusai.api_class.RegressionTypeOfSplit.TIMESTAMP_BASED", false]], "timestamp_based (abacusai.regressiontypeofsplit attribute)": [[176, "abacusai.RegressionTypeOfSplit.TIMESTAMP_BASED", false]], "timestamp_based_splitting_column (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.timestamp_based_splitting_column", false]], "timestamp_based_splitting_column (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.timestamp_based_splitting_column", false]], "timestamp_based_splitting_column (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.timestamp_based_splitting_column", false]], "timestamp_based_splitting_method (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.timestamp_based_splitting_method", false]], "timestamp_based_splitting_method (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.timestamp_based_splitting_method", false]], "timestamp_based_splitting_method (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.timestamp_based_splitting_method", false]], "timestamp_column (abacusai.api_class.dataset.incrementaldatabaseconnectorconfig attribute)": [[21, "abacusai.api_class.dataset.IncrementalDatabaseConnectorConfig.timestamp_column", false]], "timestamp_column (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.timestamp_column", false]], "timestamp_column (abacusai.api_class.incrementaldatabaseconnectorconfig attribute)": [[27, "abacusai.api_class.IncrementalDatabaseConnectorConfig.timestamp_column", false]], "timestamp_column (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.timestamp_column", false]], "timestamp_column (abacusai.forecastingmonitorconfig attribute)": [[176, "abacusai.ForecastingMonitorConfig.timestamp_column", false]], "timestamp_column (abacusai.incrementaldatabaseconnectorconfig attribute)": [[176, "abacusai.IncrementalDatabaseConnectorConfig.timestamp_column", false]], "timestamp_feature (abacusai.eda_forecasting_analysis.edaforecastinganalysis attribute)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.timestamp_feature", false]], "timestamp_feature (abacusai.edaforecastinganalysis attribute)": [[176, "abacusai.EdaForecastingAnalysis.timestamp_feature", false]], "timestamp_frequency (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.timestamp_frequency", false]], "timestamp_frequency (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.timestamp_frequency", false]], "timestamp_key (abacusai.point_in_time_feature.pointintimefeature attribute)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.timestamp_key", false]], "timestamp_key (abacusai.pointintimefeature attribute)": [[176, "abacusai.PointInTimeFeature.timestamp_key", false]], "timestamp_ms (abacusai.prediction_log_record.predictionlogrecord attribute)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.timestamp_ms", false]], "timestamp_ms (abacusai.predictionlogrecord attribute)": [[176, "abacusai.PredictionLogRecord.timestamp_ms", false]], "timewindowconfig (class in abacusai)": [[176, "abacusai.TimeWindowConfig", false]], "timewindowconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeWindowConfig", false]], "timewindowconfig (class in abacusai.api_class.monitor)": [[29, "abacusai.api_class.monitor.TimeWindowConfig", false]], "timewindowmergeconfig (class in abacusai)": [[176, "abacusai.TimeWindowMergeConfig", false]], "timewindowmergeconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TimeWindowMergeConfig", false]], "timewindowmergeconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.TimeWindowMergeConfig", false]], "title (abacusai.api_class.ai_chat.hotkeyprompt attribute)": [[17, "abacusai.api_class.ai_chat.HotkeyPrompt.title", false]], "title (abacusai.api_class.collapseresponsesection attribute)": [[27, "abacusai.api_class.CollapseResponseSection.title", false]], "title (abacusai.api_class.hotkeyprompt attribute)": [[27, "abacusai.api_class.HotkeyPrompt.title", false]], "title (abacusai.api_class.segments.collapseresponsesection attribute)": [[34, "abacusai.api_class.segments.CollapseResponseSection.title", false]], "title (abacusai.collapseresponsesection attribute)": [[176, "abacusai.CollapseResponseSection.title", false]], "title (abacusai.hotkeyprompt attribute)": [[176, "abacusai.HotkeyPrompt.title", false]], "title (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.title", false]], "title (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.title", false]], "title (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.title", false]], "title (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.title", false]], "title (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.title", false]], "title (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.title", false]], "title (abacusai.video_search_result.videosearchresult attribute)": [[303, "abacusai.video_search_result.VideoSearchResult.title", false]], "title (abacusai.videosearchresult attribute)": [[176, "abacusai.VideoSearchResult.title", false]], "title (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.title", false]], "title (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.title", false]], "to_dict() (abacusai.abacus_api.abacusapi method)": [[0, "abacusai.abacus_api.AbacusApi.to_dict", false]], "to_dict() (abacusai.abacusapi method)": [[176, "abacusai.AbacusApi.to_dict", false]], "to_dict() (abacusai.address method)": [[176, "abacusai.Address.to_dict", false]], "to_dict() (abacusai.address.address method)": [[1, "abacusai.address.Address.to_dict", false]], "to_dict() (abacusai.agent method)": [[176, "abacusai.Agent.to_dict", false]], "to_dict() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.to_dict", false]], "to_dict() (abacusai.agent_chat_message.agentchatmessage method)": [[3, "abacusai.agent_chat_message.AgentChatMessage.to_dict", false]], "to_dict() (abacusai.agent_conversation.agentconversation method)": [[4, "abacusai.agent_conversation.AgentConversation.to_dict", false]], "to_dict() (abacusai.agent_data_document_info.agentdatadocumentinfo method)": [[5, "abacusai.agent_data_document_info.AgentDataDocumentInfo.to_dict", false]], "to_dict() (abacusai.agent_data_execution_result.agentdataexecutionresult method)": [[6, "abacusai.agent_data_execution_result.AgentDataExecutionResult.to_dict", false]], "to_dict() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.to_dict", false]], "to_dict() (abacusai.agentchatmessage method)": [[176, "abacusai.AgentChatMessage.to_dict", false]], "to_dict() (abacusai.agentconversation method)": [[176, "abacusai.AgentConversation.to_dict", false]], "to_dict() (abacusai.agentconversationmessage method)": [[176, "abacusai.AgentConversationMessage.to_dict", false]], "to_dict() (abacusai.agentdatadocumentinfo method)": [[176, "abacusai.AgentDataDocumentInfo.to_dict", false]], "to_dict() (abacusai.agentdataexecutionresult method)": [[176, "abacusai.AgentDataExecutionResult.to_dict", false]], "to_dict() (abacusai.agentresponse method)": [[176, "abacusai.AgentResponse.to_dict", false]], "to_dict() (abacusai.agentversion method)": [[176, "abacusai.AgentVersion.to_dict", false]], "to_dict() (abacusai.ai_building_task.aibuildingtask method)": [[8, "abacusai.ai_building_task.AiBuildingTask.to_dict", false]], "to_dict() (abacusai.aibuildingtask method)": [[176, "abacusai.AiBuildingTask.to_dict", false]], "to_dict() (abacusai.algorithm method)": [[176, "abacusai.Algorithm.to_dict", false]], "to_dict() (abacusai.algorithm.algorithm method)": [[9, "abacusai.algorithm.Algorithm.to_dict", false]], "to_dict() (abacusai.annotation method)": [[176, "abacusai.Annotation.to_dict", false]], "to_dict() (abacusai.annotation.annotation method)": [[10, "abacusai.annotation.Annotation.to_dict", false]], "to_dict() (abacusai.annotation_config.annotationconfig method)": [[11, "abacusai.annotation_config.AnnotationConfig.to_dict", false]], "to_dict() (abacusai.annotation_document.annotationdocument method)": [[12, "abacusai.annotation_document.AnnotationDocument.to_dict", false]], "to_dict() (abacusai.annotation_entry.annotationentry method)": [[13, "abacusai.annotation_entry.AnnotationEntry.to_dict", false]], "to_dict() (abacusai.annotationconfig method)": [[176, "abacusai.AnnotationConfig.to_dict", false]], "to_dict() (abacusai.annotationdocument method)": [[176, "abacusai.AnnotationDocument.to_dict", false]], "to_dict() (abacusai.annotationentry method)": [[176, "abacusai.AnnotationEntry.to_dict", false]], "to_dict() (abacusai.annotations_status.annotationsstatus method)": [[14, "abacusai.annotations_status.AnnotationsStatus.to_dict", false]], "to_dict() (abacusai.annotationsstatus method)": [[176, "abacusai.AnnotationsStatus.to_dict", false]], "to_dict() (abacusai.api_class.abstract.apiclass method)": [[15, "abacusai.api_class.abstract.ApiClass.to_dict", false]], "to_dict() (abacusai.api_class.agentconversationmessage method)": [[27, "abacusai.api_class.AgentConversationMessage.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.agentconversationmessage method)": [[16, "abacusai.api_class.ai_agents.AgentConversationMessage.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.decisionnode method)": [[16, "abacusai.api_class.ai_agents.DecisionNode.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.inputnode method)": [[16, "abacusai.api_class.ai_agents.InputNode.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.llmagentnode method)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.triggerconfig method)": [[16, "abacusai.api_class.ai_agents.TriggerConfig.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflowgraph method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflowgraphnode method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeinputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeinputschema method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeoutputmapping method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodeoutputschema method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodetemplateconfig method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodetemplateinput method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput.to_dict", false]], "to_dict() (abacusai.api_class.ai_agents.workflownodetemplateoutput method)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.to_dict", false]], "to_dict() (abacusai.api_class.apiclass method)": [[27, "abacusai.api_class.ApiClass.to_dict", false], [27, "id105", false], [27, "id12", false], [27, "id149", false], [27, "id182", false], [27, "id201", false], [27, "id219", false], [27, "id238", false], [27, "id257", false], [27, "id26", false], [27, "id271", false], [27, "id290", false], [27, "id40", false], [27, "id59", false], [27, "id86", false]], "to_dict() (abacusai.api_class.collapseresponsesection method)": [[27, "abacusai.api_class.CollapseResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.databaseconnectorexportconfig method)": [[27, "abacusai.api_class.DatabaseConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.decisionnode method)": [[27, "abacusai.api_class.DecisionNode.to_dict", false]], "to_dict() (abacusai.api_class.fileconnectorexportconfig method)": [[27, "abacusai.api_class.FileConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.forecastingmonitorconfig method)": [[27, "abacusai.api_class.ForecastingMonitorConfig.to_dict", false]], "to_dict() (abacusai.api_class.inputnode method)": [[27, "abacusai.api_class.InputNode.to_dict", false]], "to_dict() (abacusai.api_class.itemattributesstddevthreshold method)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.llmagentnode method)": [[27, "abacusai.api_class.LLMAgentNode.to_dict", false]], "to_dict() (abacusai.api_class.monitor.forecastingmonitorconfig method)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitor.itemattributesstddevthreshold method)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.monitor.monitorfilteringconfig method)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitor.restrictfeaturemappings method)": [[29, "abacusai.api_class.monitor.RestrictFeatureMappings.to_dict", false]], "to_dict() (abacusai.api_class.monitor.stddevthreshold method)": [[29, "abacusai.api_class.monitor.StdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.monitor.timewindowconfig method)": [[29, "abacusai.api_class.monitor.TimeWindowConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitor_alert.monitorthresholdconfig method)": [[30, "abacusai.api_class.monitor_alert.MonitorThresholdConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitorfilteringconfig method)": [[27, "abacusai.api_class.MonitorFilteringConfig.to_dict", false]], "to_dict() (abacusai.api_class.monitorthresholdconfig method)": [[27, "abacusai.api_class.MonitorThresholdConfig.to_dict", false]], "to_dict() (abacusai.api_class.refresh.databaseconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.DatabaseConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.refresh.fileconnectorexportconfig method)": [[33, "abacusai.api_class.refresh.FileConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.api_class.responsesection method)": [[27, "abacusai.api_class.ResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.restrictfeaturemappings method)": [[27, "abacusai.api_class.RestrictFeatureMappings.to_dict", false]], "to_dict() (abacusai.api_class.segments.collapseresponsesection method)": [[34, "abacusai.api_class.segments.CollapseResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.segments.responsesection method)": [[34, "abacusai.api_class.segments.ResponseSection.to_dict", false]], "to_dict() (abacusai.api_class.stddevthreshold method)": [[27, "abacusai.api_class.StdDevThreshold.to_dict", false]], "to_dict() (abacusai.api_class.timewindowconfig method)": [[27, "abacusai.api_class.TimeWindowConfig.to_dict", false]], "to_dict() (abacusai.api_class.triggerconfig method)": [[27, "abacusai.api_class.TriggerConfig.to_dict", false]], "to_dict() (abacusai.api_class.workflowgraph method)": [[27, "abacusai.api_class.WorkflowGraph.to_dict", false]], "to_dict() (abacusai.api_class.workflowgraphnode method)": [[27, "abacusai.api_class.WorkflowGraphNode.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeinputmapping method)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeinputschema method)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeoutputmapping method)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.to_dict", false]], "to_dict() (abacusai.api_class.workflownodeoutputschema method)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema.to_dict", false]], "to_dict() (abacusai.api_class.workflownodetemplateconfig method)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig.to_dict", false]], "to_dict() (abacusai.api_class.workflownodetemplateinput method)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput.to_dict", false]], "to_dict() (abacusai.api_class.workflownodetemplateoutput method)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.to_dict", false]], "to_dict() (abacusai.api_endpoint.apiendpoint method)": [[36, "abacusai.api_endpoint.ApiEndpoint.to_dict", false]], "to_dict() (abacusai.api_key.apikey method)": [[37, "abacusai.api_key.ApiKey.to_dict", false]], "to_dict() (abacusai.apiclass method)": [[176, "abacusai.ApiClass.to_dict", false]], "to_dict() (abacusai.apiendpoint method)": [[176, "abacusai.ApiEndpoint.to_dict", false]], "to_dict() (abacusai.apikey method)": [[176, "abacusai.ApiKey.to_dict", false]], "to_dict() (abacusai.app_user_group.appusergroup method)": [[38, "abacusai.app_user_group.AppUserGroup.to_dict", false]], "to_dict() (abacusai.app_user_group_sign_in_token.appusergroupsignintoken method)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.to_dict", false]], "to_dict() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.to_dict", false]], "to_dict() (abacusai.applicationconnector method)": [[176, "abacusai.ApplicationConnector.to_dict", false]], "to_dict() (abacusai.appusergroup method)": [[176, "abacusai.AppUserGroup.to_dict", false]], "to_dict() (abacusai.appusergroupsignintoken method)": [[176, "abacusai.AppUserGroupSignInToken.to_dict", false]], "to_dict() (abacusai.audio_gen_settings.audiogensettings method)": [[41, "abacusai.audio_gen_settings.AudioGenSettings.to_dict", false]], "to_dict() (abacusai.audio_url_result.audiourlresult method)": [[42, "abacusai.audio_url_result.AudioUrlResult.to_dict", false]], "to_dict() (abacusai.audiogensettings method)": [[176, "abacusai.AudioGenSettings.to_dict", false]], "to_dict() (abacusai.audiourlresult method)": [[176, "abacusai.AudioUrlResult.to_dict", false]], "to_dict() (abacusai.audit_log.auditlog method)": [[43, "abacusai.audit_log.AuditLog.to_dict", false]], "to_dict() (abacusai.auditlog method)": [[176, "abacusai.AuditLog.to_dict", false]], "to_dict() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.to_dict", false]], "to_dict() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.to_dict", false]], "to_dict() (abacusai.batch_prediction_version_logs.batchpredictionversionlogs method)": [[46, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.to_dict", false]], "to_dict() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.to_dict", false]], "to_dict() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.to_dict", false]], "to_dict() (abacusai.batchpredictionversionlogs method)": [[176, "abacusai.BatchPredictionVersionLogs.to_dict", false]], "to_dict() (abacusai.bot_info.botinfo method)": [[47, "abacusai.bot_info.BotInfo.to_dict", false]], "to_dict() (abacusai.botinfo method)": [[176, "abacusai.BotInfo.to_dict", false]], "to_dict() (abacusai.categorical_range_violation.categoricalrangeviolation method)": [[48, "abacusai.categorical_range_violation.CategoricalRangeViolation.to_dict", false]], "to_dict() (abacusai.categoricalrangeviolation method)": [[176, "abacusai.CategoricalRangeViolation.to_dict", false]], "to_dict() (abacusai.chat_message.chatmessage method)": [[49, "abacusai.chat_message.ChatMessage.to_dict", false]], "to_dict() (abacusai.chat_session.chatsession method)": [[50, "abacusai.chat_session.ChatSession.to_dict", false]], "to_dict() (abacusai.chatllm_computer.chatllmcomputer method)": [[51, "abacusai.chatllm_computer.ChatllmComputer.to_dict", false]], "to_dict() (abacusai.chatllm_computer_status.chatllmcomputerstatus method)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus.to_dict", false]], "to_dict() (abacusai.chatllm_memory.chatllmmemory method)": [[53, "abacusai.chatllm_memory.ChatllmMemory.to_dict", false]], "to_dict() (abacusai.chatllm_project.chatllmproject method)": [[54, "abacusai.chatllm_project.ChatllmProject.to_dict", false]], "to_dict() (abacusai.chatllm_project_permissions.chatllmprojectpermissions method)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions.to_dict", false]], "to_dict() (abacusai.chatllm_referral_invite.chatllmreferralinvite method)": [[56, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.to_dict", false]], "to_dict() (abacusai.chatllm_task.chatllmtask method)": [[57, "abacusai.chatllm_task.ChatllmTask.to_dict", false]], "to_dict() (abacusai.chatllmcomputer method)": [[176, "abacusai.ChatllmComputer.to_dict", false]], "to_dict() (abacusai.chatllmcomputerstatus method)": [[176, "abacusai.ChatllmComputerStatus.to_dict", false]], "to_dict() (abacusai.chatllmmemory method)": [[176, "abacusai.ChatllmMemory.to_dict", false]], "to_dict() (abacusai.chatllmproject method)": [[176, "abacusai.ChatllmProject.to_dict", false]], "to_dict() (abacusai.chatllmprojectpermissions method)": [[176, "abacusai.ChatllmProjectPermissions.to_dict", false]], "to_dict() (abacusai.chatllmreferralinvite method)": [[176, "abacusai.ChatllmReferralInvite.to_dict", false]], "to_dict() (abacusai.chatllmtask method)": [[176, "abacusai.ChatllmTask.to_dict", false]], "to_dict() (abacusai.chatmessage method)": [[176, "abacusai.ChatMessage.to_dict", false]], "to_dict() (abacusai.chatsession method)": [[176, "abacusai.ChatSession.to_dict", false]], "to_dict() (abacusai.client.agentresponse method)": [[58, "abacusai.client.AgentResponse.to_dict", false]], "to_dict() (abacusai.code_agent_response.codeagentresponse method)": [[59, "abacusai.code_agent_response.CodeAgentResponse.to_dict", false]], "to_dict() (abacusai.code_autocomplete_edit_prediction_response.codeautocompleteeditpredictionresponse method)": [[60, "abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse.to_dict", false]], "to_dict() (abacusai.code_autocomplete_response.codeautocompleteresponse method)": [[61, "abacusai.code_autocomplete_response.CodeAutocompleteResponse.to_dict", false]], "to_dict() (abacusai.code_bot.codebot method)": [[62, "abacusai.code_bot.CodeBot.to_dict", false]], "to_dict() (abacusai.code_edit.codeedit method)": [[63, "abacusai.code_edit.CodeEdit.to_dict", false]], "to_dict() (abacusai.code_edit_response.codeeditresponse method)": [[64, "abacusai.code_edit_response.CodeEditResponse.to_dict", false]], "to_dict() (abacusai.code_edits.codeedits method)": [[65, "abacusai.code_edits.CodeEdits.to_dict", false]], "to_dict() (abacusai.code_embeddings.codeembeddings method)": [[66, "abacusai.code_embeddings.CodeEmbeddings.to_dict", false]], "to_dict() (abacusai.code_llm_changed_files.codellmchangedfiles method)": [[67, "abacusai.code_llm_changed_files.CodeLlmChangedFiles.to_dict", false]], "to_dict() (abacusai.code_source.codesource method)": [[68, "abacusai.code_source.CodeSource.to_dict", false]], "to_dict() (abacusai.code_suggestion_validation_response.codesuggestionvalidationresponse method)": [[69, "abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse.to_dict", false]], "to_dict() (abacusai.code_summary_response.codesummaryresponse method)": [[70, "abacusai.code_summary_response.CodeSummaryResponse.to_dict", false]], "to_dict() (abacusai.codeagentresponse method)": [[176, "abacusai.CodeAgentResponse.to_dict", false]], "to_dict() (abacusai.codeautocompleteeditpredictionresponse method)": [[176, "abacusai.CodeAutocompleteEditPredictionResponse.to_dict", false]], "to_dict() (abacusai.codeautocompleteresponse method)": [[176, "abacusai.CodeAutocompleteResponse.to_dict", false]], "to_dict() (abacusai.codebot method)": [[176, "abacusai.CodeBot.to_dict", false]], "to_dict() (abacusai.codeedit method)": [[176, "abacusai.CodeEdit.to_dict", false]], "to_dict() (abacusai.codeeditresponse method)": [[176, "abacusai.CodeEditResponse.to_dict", false]], "to_dict() (abacusai.codeedits method)": [[176, "abacusai.CodeEdits.to_dict", false]], "to_dict() (abacusai.codeembeddings method)": [[176, "abacusai.CodeEmbeddings.to_dict", false]], "to_dict() (abacusai.codellm_embedding_constants.codellmembeddingconstants method)": [[71, "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants.to_dict", false]], "to_dict() (abacusai.codellmchangedfiles method)": [[176, "abacusai.CodeLlmChangedFiles.to_dict", false]], "to_dict() (abacusai.codellmembeddingconstants method)": [[176, "abacusai.CodellmEmbeddingConstants.to_dict", false]], "to_dict() (abacusai.codesource method)": [[176, "abacusai.CodeSource.to_dict", false]], "to_dict() (abacusai.codesuggestionvalidationresponse method)": [[176, "abacusai.CodeSuggestionValidationResponse.to_dict", false]], "to_dict() (abacusai.codesummaryresponse method)": [[176, "abacusai.CodeSummaryResponse.to_dict", false]], "to_dict() (abacusai.collapseresponsesection method)": [[176, "abacusai.CollapseResponseSection.to_dict", false]], "to_dict() (abacusai.compute_point_info.computepointinfo method)": [[72, "abacusai.compute_point_info.ComputePointInfo.to_dict", false]], "to_dict() (abacusai.computepointinfo method)": [[176, "abacusai.ComputePointInfo.to_dict", false]], "to_dict() (abacusai.concatenation_config.concatenationconfig method)": [[73, "abacusai.concatenation_config.ConcatenationConfig.to_dict", false]], "to_dict() (abacusai.concatenationconfig method)": [[176, "abacusai.ConcatenationConfig.to_dict", false]], "to_dict() (abacusai.constants_autocomplete_response.constantsautocompleteresponse method)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.to_dict", false]], "to_dict() (abacusai.constantsautocompleteresponse method)": [[176, "abacusai.ConstantsAutocompleteResponse.to_dict", false]], "to_dict() (abacusai.cpu_gpu_memory_specs.cpugpumemoryspecs method)": [[75, "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs.to_dict", false]], "to_dict() (abacusai.cpugpumemoryspecs method)": [[176, "abacusai.CpuGpuMemorySpecs.to_dict", false]], "to_dict() (abacusai.custom_chat_instructions.customchatinstructions method)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.to_dict", false]], "to_dict() (abacusai.custom_domain.customdomain method)": [[78, "abacusai.custom_domain.CustomDomain.to_dict", false]], "to_dict() (abacusai.custom_loss_function.customlossfunction method)": [[79, "abacusai.custom_loss_function.CustomLossFunction.to_dict", false]], "to_dict() (abacusai.custom_metric.custommetric method)": [[80, "abacusai.custom_metric.CustomMetric.to_dict", false]], "to_dict() (abacusai.custom_metric_version.custommetricversion method)": [[81, "abacusai.custom_metric_version.CustomMetricVersion.to_dict", false]], "to_dict() (abacusai.custom_train_function_info.customtrainfunctioninfo method)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.to_dict", false]], "to_dict() (abacusai.customchatinstructions method)": [[176, "abacusai.CustomChatInstructions.to_dict", false]], "to_dict() (abacusai.customdomain method)": [[176, "abacusai.CustomDomain.to_dict", false]], "to_dict() (abacusai.customlossfunction method)": [[176, "abacusai.CustomLossFunction.to_dict", false]], "to_dict() (abacusai.custommetric method)": [[176, "abacusai.CustomMetric.to_dict", false]], "to_dict() (abacusai.custommetricversion method)": [[176, "abacusai.CustomMetricVersion.to_dict", false]], "to_dict() (abacusai.customtrainfunctioninfo method)": [[176, "abacusai.CustomTrainFunctionInfo.to_dict", false]], "to_dict() (abacusai.daemon_task_conversation.daemontaskconversation method)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.to_dict", false]], "to_dict() (abacusai.daemontaskconversation method)": [[176, "abacusai.DaemonTaskConversation.to_dict", false]], "to_dict() (abacusai.data_consistency_duplication.dataconsistencyduplication method)": [[84, "abacusai.data_consistency_duplication.DataConsistencyDuplication.to_dict", false]], "to_dict() (abacusai.data_metrics.datametrics method)": [[85, "abacusai.data_metrics.DataMetrics.to_dict", false]], "to_dict() (abacusai.data_prep_logs.datapreplogs method)": [[86, "abacusai.data_prep_logs.DataPrepLogs.to_dict", false]], "to_dict() (abacusai.data_quality_results.dataqualityresults method)": [[87, "abacusai.data_quality_results.DataQualityResults.to_dict", false]], "to_dict() (abacusai.data_upload_result.datauploadresult method)": [[88, "abacusai.data_upload_result.DataUploadResult.to_dict", false]], "to_dict() (abacusai.database_column_feature_mapping.databasecolumnfeaturemapping method)": [[89, "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping.to_dict", false]], "to_dict() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.to_dict", false]], "to_dict() (abacusai.database_connector_column.databaseconnectorcolumn method)": [[91, "abacusai.database_connector_column.DatabaseConnectorColumn.to_dict", false]], "to_dict() (abacusai.database_connector_schema.databaseconnectorschema method)": [[92, "abacusai.database_connector_schema.DatabaseConnectorSchema.to_dict", false]], "to_dict() (abacusai.databasecolumnfeaturemapping method)": [[176, "abacusai.DatabaseColumnFeatureMapping.to_dict", false]], "to_dict() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.to_dict", false]], "to_dict() (abacusai.databaseconnectorcolumn method)": [[176, "abacusai.DatabaseConnectorColumn.to_dict", false]], "to_dict() (abacusai.databaseconnectorexportconfig method)": [[176, "abacusai.DatabaseConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.databaseconnectorschema method)": [[176, "abacusai.DatabaseConnectorSchema.to_dict", false]], "to_dict() (abacusai.dataconsistencyduplication method)": [[176, "abacusai.DataConsistencyDuplication.to_dict", false]], "to_dict() (abacusai.datametrics method)": [[176, "abacusai.DataMetrics.to_dict", false]], "to_dict() (abacusai.datapreplogs method)": [[176, "abacusai.DataPrepLogs.to_dict", false]], "to_dict() (abacusai.dataqualityresults method)": [[176, "abacusai.DataQualityResults.to_dict", false]], "to_dict() (abacusai.dataset method)": [[176, "abacusai.Dataset.to_dict", false]], "to_dict() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.to_dict", false]], "to_dict() (abacusai.dataset_column.datasetcolumn method)": [[94, "abacusai.dataset_column.DatasetColumn.to_dict", false]], "to_dict() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.to_dict", false]], "to_dict() (abacusai.dataset_version_logs.datasetversionlogs method)": [[96, "abacusai.dataset_version_logs.DatasetVersionLogs.to_dict", false]], "to_dict() (abacusai.datasetcolumn method)": [[176, "abacusai.DatasetColumn.to_dict", false]], "to_dict() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.to_dict", false]], "to_dict() (abacusai.datasetversionlogs method)": [[176, "abacusai.DatasetVersionLogs.to_dict", false]], "to_dict() (abacusai.datauploadresult method)": [[176, "abacusai.DataUploadResult.to_dict", false]], "to_dict() (abacusai.decisionnode method)": [[176, "abacusai.DecisionNode.to_dict", false]], "to_dict() (abacusai.default_llm.defaultllm method)": [[97, "abacusai.default_llm.DefaultLlm.to_dict", false]], "to_dict() (abacusai.defaultllm method)": [[176, "abacusai.DefaultLlm.to_dict", false]], "to_dict() (abacusai.deployment method)": [[176, "abacusai.Deployment.to_dict", false]], "to_dict() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.to_dict", false]], "to_dict() (abacusai.deployment_auth_token.deploymentauthtoken method)": [[99, "abacusai.deployment_auth_token.DeploymentAuthToken.to_dict", false]], "to_dict() (abacusai.deployment_conversation.deploymentconversation method)": [[100, "abacusai.deployment_conversation.DeploymentConversation.to_dict", false]], "to_dict() (abacusai.deployment_conversation_event.deploymentconversationevent method)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.to_dict", false]], "to_dict() (abacusai.deployment_conversation_export.deploymentconversationexport method)": [[102, "abacusai.deployment_conversation_export.DeploymentConversationExport.to_dict", false]], "to_dict() (abacusai.deployment_statistics.deploymentstatistics method)": [[103, "abacusai.deployment_statistics.DeploymentStatistics.to_dict", false]], "to_dict() (abacusai.deploymentauthtoken method)": [[176, "abacusai.DeploymentAuthToken.to_dict", false]], "to_dict() (abacusai.deploymentconversation method)": [[176, "abacusai.DeploymentConversation.to_dict", false]], "to_dict() (abacusai.deploymentconversationevent method)": [[176, "abacusai.DeploymentConversationEvent.to_dict", false]], "to_dict() (abacusai.deploymentconversationexport method)": [[176, "abacusai.DeploymentConversationExport.to_dict", false]], "to_dict() (abacusai.deploymentstatistics method)": [[176, "abacusai.DeploymentStatistics.to_dict", false]], "to_dict() (abacusai.document_data.documentdata method)": [[104, "abacusai.document_data.DocumentData.to_dict", false]], "to_dict() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.to_dict", false]], "to_dict() (abacusai.document_retriever_lookup_result.documentretrieverlookupresult method)": [[106, "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult.to_dict", false]], "to_dict() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.to_dict", false]], "to_dict() (abacusai.document_retriever_version_logs.documentretrieverversionlogs method)": [[108, "abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs.to_dict", false]], "to_dict() (abacusai.documentdata method)": [[176, "abacusai.DocumentData.to_dict", false]], "to_dict() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.to_dict", false]], "to_dict() (abacusai.documentretrieverlookupresult method)": [[176, "abacusai.DocumentRetrieverLookupResult.to_dict", false]], "to_dict() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.to_dict", false]], "to_dict() (abacusai.documentretrieverversionlogs method)": [[176, "abacusai.DocumentRetrieverVersionLogs.to_dict", false]], "to_dict() (abacusai.domain_purchase_result.domainpurchaseresult method)": [[109, "abacusai.domain_purchase_result.DomainPurchaseResult.to_dict", false]], "to_dict() (abacusai.domain_search_result.domainsearchresult method)": [[110, "abacusai.domain_search_result.DomainSearchResult.to_dict", false]], "to_dict() (abacusai.domainpurchaseresult method)": [[176, "abacusai.DomainPurchaseResult.to_dict", false]], "to_dict() (abacusai.domainsearchresult method)": [[176, "abacusai.DomainSearchResult.to_dict", false]], "to_dict() (abacusai.drift_distribution.driftdistribution method)": [[111, "abacusai.drift_distribution.DriftDistribution.to_dict", false]], "to_dict() (abacusai.drift_distributions.driftdistributions method)": [[112, "abacusai.drift_distributions.DriftDistributions.to_dict", false]], "to_dict() (abacusai.driftdistribution method)": [[176, "abacusai.DriftDistribution.to_dict", false]], "to_dict() (abacusai.driftdistributions method)": [[176, "abacusai.DriftDistributions.to_dict", false]], "to_dict() (abacusai.eda method)": [[176, "abacusai.Eda.to_dict", false]], "to_dict() (abacusai.eda.eda method)": [[113, "abacusai.eda.Eda.to_dict", false]], "to_dict() (abacusai.eda_chart_description.edachartdescription method)": [[114, "abacusai.eda_chart_description.EdaChartDescription.to_dict", false]], "to_dict() (abacusai.eda_collinearity.edacollinearity method)": [[115, "abacusai.eda_collinearity.EdaCollinearity.to_dict", false]], "to_dict() (abacusai.eda_data_consistency.edadataconsistency method)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.to_dict", false]], "to_dict() (abacusai.eda_feature_association.edafeatureassociation method)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.to_dict", false]], "to_dict() (abacusai.eda_feature_collinearity.edafeaturecollinearity method)": [[118, "abacusai.eda_feature_collinearity.EdaFeatureCollinearity.to_dict", false]], "to_dict() (abacusai.eda_forecasting_analysis.edaforecastinganalysis method)": [[119, "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis.to_dict", false]], "to_dict() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.to_dict", false]], "to_dict() (abacusai.edachartdescription method)": [[176, "abacusai.EdaChartDescription.to_dict", false]], "to_dict() (abacusai.edacollinearity method)": [[176, "abacusai.EdaCollinearity.to_dict", false]], "to_dict() (abacusai.edadataconsistency method)": [[176, "abacusai.EdaDataConsistency.to_dict", false]], "to_dict() (abacusai.edafeatureassociation method)": [[176, "abacusai.EdaFeatureAssociation.to_dict", false]], "to_dict() (abacusai.edafeaturecollinearity method)": [[176, "abacusai.EdaFeatureCollinearity.to_dict", false]], "to_dict() (abacusai.edaforecastinganalysis method)": [[176, "abacusai.EdaForecastingAnalysis.to_dict", false]], "to_dict() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.to_dict", false]], "to_dict() (abacusai.edit_image_models.editimagemodels method)": [[121, "abacusai.edit_image_models.EditImageModels.to_dict", false]], "to_dict() (abacusai.editimagemodels method)": [[176, "abacusai.EditImageModels.to_dict", false]], "to_dict() (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution method)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.to_dict", false]], "to_dict() (abacusai.embeddingfeaturedriftdistribution method)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.to_dict", false]], "to_dict() (abacusai.entri_auth_token.entriauthtoken method)": [[123, "abacusai.entri_auth_token.EntriAuthToken.to_dict", false]], "to_dict() (abacusai.entriauthtoken method)": [[176, "abacusai.EntriAuthToken.to_dict", false]], "to_dict() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.to_dict", false]], "to_dict() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.to_dict", false]], "to_dict() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.to_dict", false]], "to_dict() (abacusai.external_invite.externalinvite method)": [[126, "abacusai.external_invite.ExternalInvite.to_dict", false]], "to_dict() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.to_dict", false]], "to_dict() (abacusai.externalinvite method)": [[176, "abacusai.ExternalInvite.to_dict", false]], "to_dict() (abacusai.extracted_fields.extractedfields method)": [[127, "abacusai.extracted_fields.ExtractedFields.to_dict", false]], "to_dict() (abacusai.extractedfields method)": [[176, "abacusai.ExtractedFields.to_dict", false]], "to_dict() (abacusai.feature method)": [[176, "abacusai.Feature.to_dict", false]], "to_dict() (abacusai.feature.feature method)": [[128, "abacusai.feature.Feature.to_dict", false]], "to_dict() (abacusai.feature_distribution.featuredistribution method)": [[129, "abacusai.feature_distribution.FeatureDistribution.to_dict", false]], "to_dict() (abacusai.feature_drift_record.featuredriftrecord method)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.to_dict", false]], "to_dict() (abacusai.feature_drift_summary.featuredriftsummary method)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.to_dict", false]], "to_dict() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.to_dict", false]], "to_dict() (abacusai.feature_group_document.featuregroupdocument method)": [[133, "abacusai.feature_group_document.FeatureGroupDocument.to_dict", false]], "to_dict() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.to_dict", false]], "to_dict() (abacusai.feature_group_export_config.featuregroupexportconfig method)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.to_dict", false]], "to_dict() (abacusai.feature_group_export_download_url.featuregroupexportdownloadurl method)": [[136, "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl.to_dict", false]], "to_dict() (abacusai.feature_group_lineage.featuregrouplineage method)": [[137, "abacusai.feature_group_lineage.FeatureGroupLineage.to_dict", false]], "to_dict() (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig method)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.to_dict", false]], "to_dict() (abacusai.feature_group_row.featuregrouprow method)": [[139, "abacusai.feature_group_row.FeatureGroupRow.to_dict", false]], "to_dict() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.to_dict", false]], "to_dict() (abacusai.feature_group_row_process_logs.featuregrouprowprocesslogs method)": [[141, "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs.to_dict", false]], "to_dict() (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary method)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.to_dict", false]], "to_dict() (abacusai.feature_group_template.featuregrouptemplate method)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions method)": [[144, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.to_dict", false]], "to_dict() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.to_dict", false]], "to_dict() (abacusai.feature_group_version_logs.featuregroupversionlogs method)": [[146, "abacusai.feature_group_version_logs.FeatureGroupVersionLogs.to_dict", false]], "to_dict() (abacusai.feature_importance.featureimportance method)": [[147, "abacusai.feature_importance.FeatureImportance.to_dict", false]], "to_dict() (abacusai.feature_mapping.featuremapping method)": [[148, "abacusai.feature_mapping.FeatureMapping.to_dict", false]], "to_dict() (abacusai.feature_performance_analysis.featureperformanceanalysis method)": [[149, "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis.to_dict", false]], "to_dict() (abacusai.featuredistribution method)": [[176, "abacusai.FeatureDistribution.to_dict", false]], "to_dict() (abacusai.featuredriftrecord method)": [[176, "abacusai.FeatureDriftRecord.to_dict", false]], "to_dict() (abacusai.featuredriftsummary method)": [[176, "abacusai.FeatureDriftSummary.to_dict", false]], "to_dict() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.to_dict", false]], "to_dict() (abacusai.featuregroupdocument method)": [[176, "abacusai.FeatureGroupDocument.to_dict", false]], "to_dict() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.to_dict", false]], "to_dict() (abacusai.featuregroupexportconfig method)": [[176, "abacusai.FeatureGroupExportConfig.to_dict", false]], "to_dict() (abacusai.featuregroupexportdownloadurl method)": [[176, "abacusai.FeatureGroupExportDownloadUrl.to_dict", false]], "to_dict() (abacusai.featuregrouplineage method)": [[176, "abacusai.FeatureGroupLineage.to_dict", false]], "to_dict() (abacusai.featuregrouprefreshexportconfig method)": [[176, "abacusai.FeatureGroupRefreshExportConfig.to_dict", false]], "to_dict() (abacusai.featuregrouprow method)": [[176, "abacusai.FeatureGroupRow.to_dict", false]], "to_dict() (abacusai.featuregrouprowprocess method)": [[176, "abacusai.FeatureGroupRowProcess.to_dict", false]], "to_dict() (abacusai.featuregrouprowprocesslogs method)": [[176, "abacusai.FeatureGroupRowProcessLogs.to_dict", false]], "to_dict() (abacusai.featuregrouprowprocesssummary method)": [[176, "abacusai.FeatureGroupRowProcessSummary.to_dict", false]], "to_dict() (abacusai.featuregrouptemplate method)": [[176, "abacusai.FeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.featuregrouptemplatevariableoptions method)": [[176, "abacusai.FeatureGroupTemplateVariableOptions.to_dict", false]], "to_dict() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.to_dict", false]], "to_dict() (abacusai.featuregroupversionlogs method)": [[176, "abacusai.FeatureGroupVersionLogs.to_dict", false]], "to_dict() (abacusai.featureimportance method)": [[176, "abacusai.FeatureImportance.to_dict", false]], "to_dict() (abacusai.featuremapping method)": [[176, "abacusai.FeatureMapping.to_dict", false]], "to_dict() (abacusai.featureperformanceanalysis method)": [[176, "abacusai.FeaturePerformanceAnalysis.to_dict", false]], "to_dict() (abacusai.file_connector.fileconnector method)": [[150, "abacusai.file_connector.FileConnector.to_dict", false]], "to_dict() (abacusai.file_connector_instructions.fileconnectorinstructions method)": [[151, "abacusai.file_connector_instructions.FileConnectorInstructions.to_dict", false]], "to_dict() (abacusai.file_connector_verification.fileconnectorverification method)": [[152, "abacusai.file_connector_verification.FileConnectorVerification.to_dict", false]], "to_dict() (abacusai.fileconnector method)": [[176, "abacusai.FileConnector.to_dict", false]], "to_dict() (abacusai.fileconnectorexportconfig method)": [[176, "abacusai.FileConnectorExportConfig.to_dict", false]], "to_dict() (abacusai.fileconnectorinstructions method)": [[176, "abacusai.FileConnectorInstructions.to_dict", false]], "to_dict() (abacusai.fileconnectorverification method)": [[176, "abacusai.FileConnectorVerification.to_dict", false]], "to_dict() (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel method)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.to_dict", false]], "to_dict() (abacusai.finetunedpretrainedmodel method)": [[176, "abacusai.FinetunedPretrainedModel.to_dict", false]], "to_dict() (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata method)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.to_dict", false]], "to_dict() (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis method)": [[155, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.to_dict", false]], "to_dict() (abacusai.forecasting_monitor_summary.forecastingmonitorsummary method)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.to_dict", false]], "to_dict() (abacusai.forecastinganalysisgraphdata method)": [[176, "abacusai.ForecastingAnalysisGraphData.to_dict", false]], "to_dict() (abacusai.forecastingmonitorconfig method)": [[176, "abacusai.ForecastingMonitorConfig.to_dict", false]], "to_dict() (abacusai.forecastingmonitoritemanalysis method)": [[176, "abacusai.ForecastingMonitorItemAnalysis.to_dict", false]], "to_dict() (abacusai.forecastingmonitorsummary method)": [[176, "abacusai.ForecastingMonitorSummary.to_dict", false]], "to_dict() (abacusai.fs_entry.fsentry method)": [[157, "abacusai.fs_entry.FsEntry.to_dict", false]], "to_dict() (abacusai.fsentry method)": [[176, "abacusai.FsEntry.to_dict", false]], "to_dict() (abacusai.function_logs.functionlogs method)": [[158, "abacusai.function_logs.FunctionLogs.to_dict", false]], "to_dict() (abacusai.functionlogs method)": [[176, "abacusai.FunctionLogs.to_dict", false]], "to_dict() (abacusai.generated_pit_feature_config_option.generatedpitfeatureconfigoption method)": [[159, "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption.to_dict", false]], "to_dict() (abacusai.generatedpitfeatureconfigoption method)": [[176, "abacusai.GeneratedPitFeatureConfigOption.to_dict", false]], "to_dict() (abacusai.graph_dashboard.graphdashboard method)": [[161, "abacusai.graph_dashboard.GraphDashboard.to_dict", false]], "to_dict() (abacusai.graphdashboard method)": [[176, "abacusai.GraphDashboard.to_dict", false]], "to_dict() (abacusai.holdout_analysis.holdoutanalysis method)": [[162, "abacusai.holdout_analysis.HoldoutAnalysis.to_dict", false]], "to_dict() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.to_dict", false]], "to_dict() (abacusai.holdoutanalysis method)": [[176, "abacusai.HoldoutAnalysis.to_dict", false]], "to_dict() (abacusai.holdoutanalysisversion method)": [[176, "abacusai.HoldoutAnalysisVersion.to_dict", false]], "to_dict() (abacusai.hosted_app.hostedapp method)": [[164, "abacusai.hosted_app.HostedApp.to_dict", false]], "to_dict() (abacusai.hosted_app_container.hostedappcontainer method)": [[165, "abacusai.hosted_app_container.HostedAppContainer.to_dict", false]], "to_dict() (abacusai.hosted_app_file_read.hostedappfileread method)": [[166, "abacusai.hosted_app_file_read.HostedAppFileRead.to_dict", false]], "to_dict() (abacusai.hosted_artifact.hostedartifact method)": [[167, "abacusai.hosted_artifact.HostedArtifact.to_dict", false]], "to_dict() (abacusai.hosted_database.hosteddatabase method)": [[168, "abacusai.hosted_database.HostedDatabase.to_dict", false]], "to_dict() (abacusai.hosted_database_snapshot.hosteddatabasesnapshot method)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.to_dict", false]], "to_dict() (abacusai.hosted_model_token.hostedmodeltoken method)": [[170, "abacusai.hosted_model_token.HostedModelToken.to_dict", false]], "to_dict() (abacusai.hostedapp method)": [[176, "abacusai.HostedApp.to_dict", false]], "to_dict() (abacusai.hostedappcontainer method)": [[176, "abacusai.HostedAppContainer.to_dict", false]], "to_dict() (abacusai.hostedappfileread method)": [[176, "abacusai.HostedAppFileRead.to_dict", false]], "to_dict() (abacusai.hostedartifact method)": [[176, "abacusai.HostedArtifact.to_dict", false]], "to_dict() (abacusai.hosteddatabase method)": [[176, "abacusai.HostedDatabase.to_dict", false]], "to_dict() (abacusai.hosteddatabasesnapshot method)": [[176, "abacusai.HostedDatabaseSnapshot.to_dict", false]], "to_dict() (abacusai.hostedmodeltoken method)": [[176, "abacusai.HostedModelToken.to_dict", false]], "to_dict() (abacusai.hostname_info.hostnameinfo method)": [[171, "abacusai.hostname_info.HostnameInfo.to_dict", false]], "to_dict() (abacusai.hostnameinfo method)": [[176, "abacusai.HostnameInfo.to_dict", false]], "to_dict() (abacusai.hume_voice.humevoice method)": [[172, "abacusai.hume_voice.HumeVoice.to_dict", false]], "to_dict() (abacusai.humevoice method)": [[176, "abacusai.HumeVoice.to_dict", false]], "to_dict() (abacusai.image_gen_model.imagegenmodel method)": [[173, "abacusai.image_gen_model.ImageGenModel.to_dict", false]], "to_dict() (abacusai.image_gen_model_options.imagegenmodeloptions method)": [[174, "abacusai.image_gen_model_options.ImageGenModelOptions.to_dict", false]], "to_dict() (abacusai.image_gen_settings.imagegensettings method)": [[175, "abacusai.image_gen_settings.ImageGenSettings.to_dict", false]], "to_dict() (abacusai.imagegenmodel method)": [[176, "abacusai.ImageGenModel.to_dict", false]], "to_dict() (abacusai.imagegenmodeloptions method)": [[176, "abacusai.ImageGenModelOptions.to_dict", false]], "to_dict() (abacusai.imagegensettings method)": [[176, "abacusai.ImageGenSettings.to_dict", false]], "to_dict() (abacusai.indexing_config.indexingconfig method)": [[177, "abacusai.indexing_config.IndexingConfig.to_dict", false]], "to_dict() (abacusai.indexingconfig method)": [[176, "abacusai.IndexingConfig.to_dict", false]], "to_dict() (abacusai.inferred_database_column_to_feature_mappings.inferreddatabasecolumntofeaturemappings method)": [[178, "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings.to_dict", false]], "to_dict() (abacusai.inferred_feature_mappings.inferredfeaturemappings method)": [[179, "abacusai.inferred_feature_mappings.InferredFeatureMappings.to_dict", false]], "to_dict() (abacusai.inferreddatabasecolumntofeaturemappings method)": [[176, "abacusai.InferredDatabaseColumnToFeatureMappings.to_dict", false]], "to_dict() (abacusai.inferredfeaturemappings method)": [[176, "abacusai.InferredFeatureMappings.to_dict", false]], "to_dict() (abacusai.inputnode method)": [[176, "abacusai.InputNode.to_dict", false]], "to_dict() (abacusai.item_statistics.itemstatistics method)": [[180, "abacusai.item_statistics.ItemStatistics.to_dict", false]], "to_dict() (abacusai.itemattributesstddevthreshold method)": [[176, "abacusai.ItemAttributesStdDevThreshold.to_dict", false]], "to_dict() (abacusai.itemstatistics method)": [[176, "abacusai.ItemStatistics.to_dict", false]], "to_dict() (abacusai.lip_sync_gen_settings.lipsyncgensettings method)": [[181, "abacusai.lip_sync_gen_settings.LipSyncGenSettings.to_dict", false]], "to_dict() (abacusai.lipsyncgensettings method)": [[176, "abacusai.LipSyncGenSettings.to_dict", false]], "to_dict() (abacusai.llm_app.llmapp method)": [[182, "abacusai.llm_app.LlmApp.to_dict", false]], "to_dict() (abacusai.llm_artifact.llmartifact method)": [[183, "abacusai.llm_artifact.LlmArtifact.to_dict", false]], "to_dict() (abacusai.llm_code_block.llmcodeblock method)": [[184, "abacusai.llm_code_block.LlmCodeBlock.to_dict", false]], "to_dict() (abacusai.llm_execution_preview.llmexecutionpreview method)": [[185, "abacusai.llm_execution_preview.LlmExecutionPreview.to_dict", false]], "to_dict() (abacusai.llm_execution_result.llmexecutionresult method)": [[186, "abacusai.llm_execution_result.LlmExecutionResult.to_dict", false]], "to_dict() (abacusai.llm_generated_code.llmgeneratedcode method)": [[187, "abacusai.llm_generated_code.LlmGeneratedCode.to_dict", false]], "to_dict() (abacusai.llm_input.llminput method)": [[188, "abacusai.llm_input.LlmInput.to_dict", false]], "to_dict() (abacusai.llm_parameters.llmparameters method)": [[189, "abacusai.llm_parameters.LlmParameters.to_dict", false]], "to_dict() (abacusai.llm_response.llmresponse method)": [[190, "abacusai.llm_response.LlmResponse.to_dict", false]], "to_dict() (abacusai.llmagentnode method)": [[176, "abacusai.LLMAgentNode.to_dict", false]], "to_dict() (abacusai.llmapp method)": [[176, "abacusai.LlmApp.to_dict", false]], "to_dict() (abacusai.llmartifact method)": [[176, "abacusai.LlmArtifact.to_dict", false]], "to_dict() (abacusai.llmcodeblock method)": [[176, "abacusai.LlmCodeBlock.to_dict", false]], "to_dict() (abacusai.llmexecutionpreview method)": [[176, "abacusai.LlmExecutionPreview.to_dict", false]], "to_dict() (abacusai.llmexecutionresult method)": [[176, "abacusai.LlmExecutionResult.to_dict", false]], "to_dict() (abacusai.llmgeneratedcode method)": [[176, "abacusai.LlmGeneratedCode.to_dict", false]], "to_dict() (abacusai.llminput method)": [[176, "abacusai.LlmInput.to_dict", false]], "to_dict() (abacusai.llmparameters method)": [[176, "abacusai.LlmParameters.to_dict", false]], "to_dict() (abacusai.llmresponse method)": [[176, "abacusai.LlmResponse.to_dict", false]], "to_dict() (abacusai.mcp_config.mcpconfig method)": [[191, "abacusai.mcp_config.McpConfig.to_dict", false]], "to_dict() (abacusai.mcp_server.mcpserver method)": [[192, "abacusai.mcp_server.McpServer.to_dict", false]], "to_dict() (abacusai.mcp_server_connection.mcpserverconnection method)": [[193, "abacusai.mcp_server_connection.McpServerConnection.to_dict", false]], "to_dict() (abacusai.mcp_server_query_result.mcpserverqueryresult method)": [[194, "abacusai.mcp_server_query_result.McpServerQueryResult.to_dict", false]], "to_dict() (abacusai.mcpconfig method)": [[176, "abacusai.McpConfig.to_dict", false]], "to_dict() (abacusai.mcpserver method)": [[176, "abacusai.McpServer.to_dict", false]], "to_dict() (abacusai.mcpserverconnection method)": [[176, "abacusai.McpServerConnection.to_dict", false]], "to_dict() (abacusai.mcpserverqueryresult method)": [[176, "abacusai.McpServerQueryResult.to_dict", false]], "to_dict() (abacusai.memory_options.memoryoptions method)": [[195, "abacusai.memory_options.MemoryOptions.to_dict", false]], "to_dict() (abacusai.memoryoptions method)": [[176, "abacusai.MemoryOptions.to_dict", false]], "to_dict() (abacusai.messaging_connector_response.messagingconnectorresponse method)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.to_dict", false]], "to_dict() (abacusai.messagingconnectorresponse method)": [[176, "abacusai.MessagingConnectorResponse.to_dict", false]], "to_dict() (abacusai.model method)": [[176, "abacusai.Model.to_dict", false]], "to_dict() (abacusai.model.model method)": [[197, "abacusai.model.Model.to_dict", false]], "to_dict() (abacusai.model_artifacts_export.modelartifactsexport method)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.to_dict", false]], "to_dict() (abacusai.model_blueprint_export.modelblueprintexport method)": [[199, "abacusai.model_blueprint_export.ModelBlueprintExport.to_dict", false]], "to_dict() (abacusai.model_blueprint_stage.modelblueprintstage method)": [[200, "abacusai.model_blueprint_stage.ModelBlueprintStage.to_dict", false]], "to_dict() (abacusai.model_location.modellocation method)": [[201, "abacusai.model_location.ModelLocation.to_dict", false]], "to_dict() (abacusai.model_metrics.modelmetrics method)": [[202, "abacusai.model_metrics.ModelMetrics.to_dict", false]], "to_dict() (abacusai.model_monitor.modelmonitor method)": [[203, "abacusai.model_monitor.ModelMonitor.to_dict", false]], "to_dict() (abacusai.model_monitor_org_summary.modelmonitororgsummary method)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.to_dict", false]], "to_dict() (abacusai.model_monitor_summary.modelmonitorsummary method)": [[205, "abacusai.model_monitor_summary.ModelMonitorSummary.to_dict", false]], "to_dict() (abacusai.model_monitor_summary_from_org.modelmonitorsummaryfromorg method)": [[206, "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg.to_dict", false]], "to_dict() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.to_dict", false]], "to_dict() (abacusai.model_monitor_version_metric_data.modelmonitorversionmetricdata method)": [[208, "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData.to_dict", false]], "to_dict() (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment method)": [[209, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.to_dict", false]], "to_dict() (abacusai.model_upload.modelupload method)": [[210, "abacusai.model_upload.ModelUpload.to_dict", false]], "to_dict() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.to_dict", false]], "to_dict() (abacusai.model_version_feature_group_schema.modelversionfeaturegroupschema method)": [[212, "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.modelartifactsexport method)": [[176, "abacusai.ModelArtifactsExport.to_dict", false]], "to_dict() (abacusai.modelblueprintexport method)": [[176, "abacusai.ModelBlueprintExport.to_dict", false]], "to_dict() (abacusai.modelblueprintstage method)": [[176, "abacusai.ModelBlueprintStage.to_dict", false]], "to_dict() (abacusai.modellocation method)": [[176, "abacusai.ModelLocation.to_dict", false]], "to_dict() (abacusai.modelmetrics method)": [[176, "abacusai.ModelMetrics.to_dict", false]], "to_dict() (abacusai.modelmonitor method)": [[176, "abacusai.ModelMonitor.to_dict", false]], "to_dict() (abacusai.modelmonitororgsummary method)": [[176, "abacusai.ModelMonitorOrgSummary.to_dict", false]], "to_dict() (abacusai.modelmonitorsummary method)": [[176, "abacusai.ModelMonitorSummary.to_dict", false]], "to_dict() (abacusai.modelmonitorsummaryfromorg method)": [[176, "abacusai.ModelMonitorSummaryFromOrg.to_dict", false]], "to_dict() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.to_dict", false]], "to_dict() (abacusai.modelmonitorversionmetricdata method)": [[176, "abacusai.ModelMonitorVersionMetricData.to_dict", false]], "to_dict() (abacusai.modeltrainingtypefordeployment method)": [[176, "abacusai.ModelTrainingTypeForDeployment.to_dict", false]], "to_dict() (abacusai.modelupload method)": [[176, "abacusai.ModelUpload.to_dict", false]], "to_dict() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.to_dict", false]], "to_dict() (abacusai.modelversionfeaturegroupschema method)": [[176, "abacusai.ModelVersionFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.modification_lock_info.modificationlockinfo method)": [[213, "abacusai.modification_lock_info.ModificationLockInfo.to_dict", false]], "to_dict() (abacusai.modificationlockinfo method)": [[176, "abacusai.ModificationLockInfo.to_dict", false]], "to_dict() (abacusai.module method)": [[176, "abacusai.Module.to_dict", false]], "to_dict() (abacusai.module.module method)": [[214, "abacusai.module.Module.to_dict", false]], "to_dict() (abacusai.monitor_alert.monitoralert method)": [[215, "abacusai.monitor_alert.MonitorAlert.to_dict", false]], "to_dict() (abacusai.monitor_alert_version.monitoralertversion method)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.to_dict", false]], "to_dict() (abacusai.monitor_drift_and_distributions.monitordriftanddistributions method)": [[217, "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions.to_dict", false]], "to_dict() (abacusai.monitoralert method)": [[176, "abacusai.MonitorAlert.to_dict", false]], "to_dict() (abacusai.monitoralertversion method)": [[176, "abacusai.MonitorAlertVersion.to_dict", false]], "to_dict() (abacusai.monitordriftanddistributions method)": [[176, "abacusai.MonitorDriftAndDistributions.to_dict", false]], "to_dict() (abacusai.monitorfilteringconfig method)": [[176, "abacusai.MonitorFilteringConfig.to_dict", false]], "to_dict() (abacusai.monitorthresholdconfig method)": [[176, "abacusai.MonitorThresholdConfig.to_dict", false]], "to_dict() (abacusai.natural_language_explanation.naturallanguageexplanation method)": [[218, "abacusai.natural_language_explanation.NaturalLanguageExplanation.to_dict", false]], "to_dict() (abacusai.naturallanguageexplanation method)": [[176, "abacusai.NaturalLanguageExplanation.to_dict", false]], "to_dict() (abacusai.nested_feature.nestedfeature method)": [[219, "abacusai.nested_feature.NestedFeature.to_dict", false]], "to_dict() (abacusai.nested_feature_schema.nestedfeatureschema method)": [[220, "abacusai.nested_feature_schema.NestedFeatureSchema.to_dict", false]], "to_dict() (abacusai.nestedfeature method)": [[176, "abacusai.NestedFeature.to_dict", false]], "to_dict() (abacusai.nestedfeatureschema method)": [[176, "abacusai.NestedFeatureSchema.to_dict", false]], "to_dict() (abacusai.news_search_result.newssearchresult method)": [[221, "abacusai.news_search_result.NewsSearchResult.to_dict", false]], "to_dict() (abacusai.newssearchresult method)": [[176, "abacusai.NewsSearchResult.to_dict", false]], "to_dict() (abacusai.nlp_chat_response.nlpchatresponse method)": [[222, "abacusai.nlp_chat_response.NlpChatResponse.to_dict", false]], "to_dict() (abacusai.nlpchatresponse method)": [[176, "abacusai.NlpChatResponse.to_dict", false]], "to_dict() (abacusai.null_violation.nullviolation method)": [[223, "abacusai.null_violation.NullViolation.to_dict", false]], "to_dict() (abacusai.nullviolation method)": [[176, "abacusai.NullViolation.to_dict", false]], "to_dict() (abacusai.organization_external_application_settings.organizationexternalapplicationsettings method)": [[224, "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings.to_dict", false]], "to_dict() (abacusai.organization_group.organizationgroup method)": [[225, "abacusai.organization_group.OrganizationGroup.to_dict", false]], "to_dict() (abacusai.organization_search_result.organizationsearchresult method)": [[226, "abacusai.organization_search_result.OrganizationSearchResult.to_dict", false]], "to_dict() (abacusai.organization_secret.organizationsecret method)": [[227, "abacusai.organization_secret.OrganizationSecret.to_dict", false]], "to_dict() (abacusai.organizationexternalapplicationsettings method)": [[176, "abacusai.OrganizationExternalApplicationSettings.to_dict", false]], "to_dict() (abacusai.organizationgroup method)": [[176, "abacusai.OrganizationGroup.to_dict", false]], "to_dict() (abacusai.organizationsearchresult method)": [[176, "abacusai.OrganizationSearchResult.to_dict", false]], "to_dict() (abacusai.organizationsecret method)": [[176, "abacusai.OrganizationSecret.to_dict", false]], "to_dict() (abacusai.page_data.pagedata method)": [[228, "abacusai.page_data.PageData.to_dict", false]], "to_dict() (abacusai.pagedata method)": [[176, "abacusai.PageData.to_dict", false]], "to_dict() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.to_dict", false]], "to_dict() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.to_dict", false]], "to_dict() (abacusai.pipeline_reference.pipelinereference method)": [[230, "abacusai.pipeline_reference.PipelineReference.to_dict", false]], "to_dict() (abacusai.pipeline_step.pipelinestep method)": [[231, "abacusai.pipeline_step.PipelineStep.to_dict", false]], "to_dict() (abacusai.pipeline_step_version.pipelinestepversion method)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.to_dict", false]], "to_dict() (abacusai.pipeline_step_version_logs.pipelinestepversionlogs method)": [[233, "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs.to_dict", false]], "to_dict() (abacusai.pipeline_step_version_reference.pipelinestepversionreference method)": [[234, "abacusai.pipeline_step_version_reference.PipelineStepVersionReference.to_dict", false]], "to_dict() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.to_dict", false]], "to_dict() (abacusai.pipeline_version_logs.pipelineversionlogs method)": [[236, "abacusai.pipeline_version_logs.PipelineVersionLogs.to_dict", false]], "to_dict() (abacusai.pipelinereference method)": [[176, "abacusai.PipelineReference.to_dict", false]], "to_dict() (abacusai.pipelinestep method)": [[176, "abacusai.PipelineStep.to_dict", false]], "to_dict() (abacusai.pipelinestepversion method)": [[176, "abacusai.PipelineStepVersion.to_dict", false]], "to_dict() (abacusai.pipelinestepversionlogs method)": [[176, "abacusai.PipelineStepVersionLogs.to_dict", false]], "to_dict() (abacusai.pipelinestepversionreference method)": [[176, "abacusai.PipelineStepVersionReference.to_dict", false]], "to_dict() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.to_dict", false]], "to_dict() (abacusai.pipelineversionlogs method)": [[176, "abacusai.PipelineVersionLogs.to_dict", false]], "to_dict() (abacusai.playground_text.playgroundtext method)": [[237, "abacusai.playground_text.PlaygroundText.to_dict", false]], "to_dict() (abacusai.playgroundtext method)": [[176, "abacusai.PlaygroundText.to_dict", false]], "to_dict() (abacusai.point_in_time_feature.pointintimefeature method)": [[238, "abacusai.point_in_time_feature.PointInTimeFeature.to_dict", false]], "to_dict() (abacusai.point_in_time_feature_info.pointintimefeatureinfo method)": [[239, "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo.to_dict", false]], "to_dict() (abacusai.point_in_time_group.pointintimegroup method)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.to_dict", false]], "to_dict() (abacusai.point_in_time_group_feature.pointintimegroupfeature method)": [[241, "abacusai.point_in_time_group_feature.PointInTimeGroupFeature.to_dict", false]], "to_dict() (abacusai.pointintimefeature method)": [[176, "abacusai.PointInTimeFeature.to_dict", false]], "to_dict() (abacusai.pointintimefeatureinfo method)": [[176, "abacusai.PointInTimeFeatureInfo.to_dict", false]], "to_dict() (abacusai.pointintimegroup method)": [[176, "abacusai.PointInTimeGroup.to_dict", false]], "to_dict() (abacusai.pointintimegroupfeature method)": [[176, "abacusai.PointInTimeGroupFeature.to_dict", false]], "to_dict() (abacusai.prediction_dataset.predictiondataset method)": [[243, "abacusai.prediction_dataset.PredictionDataset.to_dict", false]], "to_dict() (abacusai.prediction_feature_group.predictionfeaturegroup method)": [[244, "abacusai.prediction_feature_group.PredictionFeatureGroup.to_dict", false]], "to_dict() (abacusai.prediction_input.predictioninput method)": [[245, "abacusai.prediction_input.PredictionInput.to_dict", false]], "to_dict() (abacusai.prediction_log_record.predictionlogrecord method)": [[246, "abacusai.prediction_log_record.PredictionLogRecord.to_dict", false]], "to_dict() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.to_dict", false]], "to_dict() (abacusai.prediction_operator_version.predictionoperatorversion method)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.to_dict", false]], "to_dict() (abacusai.predictiondataset method)": [[176, "abacusai.PredictionDataset.to_dict", false]], "to_dict() (abacusai.predictionfeaturegroup method)": [[176, "abacusai.PredictionFeatureGroup.to_dict", false]], "to_dict() (abacusai.predictioninput method)": [[176, "abacusai.PredictionInput.to_dict", false]], "to_dict() (abacusai.predictionlogrecord method)": [[176, "abacusai.PredictionLogRecord.to_dict", false]], "to_dict() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.to_dict", false]], "to_dict() (abacusai.predictionoperatorversion method)": [[176, "abacusai.PredictionOperatorVersion.to_dict", false]], "to_dict() (abacusai.presentation_export_result.presentationexportresult method)": [[249, "abacusai.presentation_export_result.PresentationExportResult.to_dict", false]], "to_dict() (abacusai.presentationexportresult method)": [[176, "abacusai.PresentationExportResult.to_dict", false]], "to_dict() (abacusai.private_web_app_deployment.privatewebappdeployment method)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.to_dict", false]], "to_dict() (abacusai.privatewebappdeployment method)": [[176, "abacusai.PrivateWebAppDeployment.to_dict", false]], "to_dict() (abacusai.problem_type.problemtype method)": [[251, "abacusai.problem_type.ProblemType.to_dict", false]], "to_dict() (abacusai.problemtype method)": [[176, "abacusai.ProblemType.to_dict", false]], "to_dict() (abacusai.project method)": [[176, "abacusai.Project.to_dict", false]], "to_dict() (abacusai.project.project method)": [[252, "abacusai.project.Project.to_dict", false]], "to_dict() (abacusai.project_config.projectconfig method)": [[253, "abacusai.project_config.ProjectConfig.to_dict", false]], "to_dict() (abacusai.project_feature_group.projectfeaturegroup method)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.to_dict", false]], "to_dict() (abacusai.project_feature_group_schema.projectfeaturegroupschema method)": [[255, "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.project_feature_group_schema_version.projectfeaturegroupschemaversion method)": [[256, "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion.to_dict", false]], "to_dict() (abacusai.project_validation.projectvalidation method)": [[257, "abacusai.project_validation.ProjectValidation.to_dict", false]], "to_dict() (abacusai.projectconfig method)": [[176, "abacusai.ProjectConfig.to_dict", false]], "to_dict() (abacusai.projectfeaturegroup method)": [[176, "abacusai.ProjectFeatureGroup.to_dict", false]], "to_dict() (abacusai.projectfeaturegroupschema method)": [[176, "abacusai.ProjectFeatureGroupSchema.to_dict", false]], "to_dict() (abacusai.projectfeaturegroupschemaversion method)": [[176, "abacusai.ProjectFeatureGroupSchemaVersion.to_dict", false]], "to_dict() (abacusai.projectvalidation method)": [[176, "abacusai.ProjectValidation.to_dict", false]], "to_dict() (abacusai.python_function.pythonfunction method)": [[258, "abacusai.python_function.PythonFunction.to_dict", false]], "to_dict() (abacusai.python_plot_function.pythonplotfunction method)": [[260, "abacusai.python_plot_function.PythonPlotFunction.to_dict", false]], "to_dict() (abacusai.pythonfunction method)": [[176, "abacusai.PythonFunction.to_dict", false]], "to_dict() (abacusai.pythonplotfunction method)": [[176, "abacusai.PythonPlotFunction.to_dict", false]], "to_dict() (abacusai.range_violation.rangeviolation method)": [[261, "abacusai.range_violation.RangeViolation.to_dict", false]], "to_dict() (abacusai.rangeviolation method)": [[176, "abacusai.RangeViolation.to_dict", false]], "to_dict() (abacusai.realtime_monitor.realtimemonitor method)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.to_dict", false]], "to_dict() (abacusai.realtimemonitor method)": [[176, "abacusai.RealtimeMonitor.to_dict", false]], "to_dict() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.to_dict", false]], "to_dict() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.to_dict", false]], "to_dict() (abacusai.refresh_schedule.refreshschedule method)": [[265, "abacusai.refresh_schedule.RefreshSchedule.to_dict", false]], "to_dict() (abacusai.refreshpipelinerun method)": [[176, "abacusai.RefreshPipelineRun.to_dict", false]], "to_dict() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.to_dict", false]], "to_dict() (abacusai.refreshschedule method)": [[176, "abacusai.RefreshSchedule.to_dict", false]], "to_dict() (abacusai.regenerate_llm_external_application.regeneratellmexternalapplication method)": [[266, "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication.to_dict", false]], "to_dict() (abacusai.regenerate_llm_option.regeneratellmoption method)": [[267, "abacusai.regenerate_llm_option.RegenerateLlmOption.to_dict", false]], "to_dict() (abacusai.regeneratellmexternalapplication method)": [[176, "abacusai.RegenerateLlmExternalApplication.to_dict", false]], "to_dict() (abacusai.regeneratellmoption method)": [[176, "abacusai.RegenerateLlmOption.to_dict", false]], "to_dict() (abacusai.resolved_feature_group_template.resolvedfeaturegrouptemplate method)": [[268, "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.resolvedfeaturegrouptemplate method)": [[176, "abacusai.ResolvedFeatureGroupTemplate.to_dict", false]], "to_dict() (abacusai.responsesection method)": [[176, "abacusai.ResponseSection.to_dict", false]], "to_dict() (abacusai.restrictfeaturemappings method)": [[176, "abacusai.RestrictFeatureMappings.to_dict", false]], "to_dict() (abacusai.routing_action.routingaction method)": [[270, "abacusai.routing_action.RoutingAction.to_dict", false]], "to_dict() (abacusai.routingaction method)": [[176, "abacusai.RoutingAction.to_dict", false]], "to_dict() (abacusai.schema method)": [[176, "abacusai.Schema.to_dict", false]], "to_dict() (abacusai.schema.schema method)": [[271, "abacusai.schema.Schema.to_dict", false]], "to_dict() (abacusai.session_summary.sessionsummary method)": [[272, "abacusai.session_summary.SessionSummary.to_dict", false]], "to_dict() (abacusai.session_transcript.sessiontranscript method)": [[273, "abacusai.session_transcript.SessionTranscript.to_dict", false]], "to_dict() (abacusai.session_transcripts.sessiontranscripts method)": [[274, "abacusai.session_transcripts.SessionTranscripts.to_dict", false]], "to_dict() (abacusai.sessionsummary method)": [[176, "abacusai.SessionSummary.to_dict", false]], "to_dict() (abacusai.sessiontranscript method)": [[176, "abacusai.SessionTranscript.to_dict", false]], "to_dict() (abacusai.sessiontranscripts method)": [[176, "abacusai.SessionTranscripts.to_dict", false]], "to_dict() (abacusai.sftp_key.sftpkey method)": [[275, "abacusai.sftp_key.SftpKey.to_dict", false]], "to_dict() (abacusai.sftpkey method)": [[176, "abacusai.SftpKey.to_dict", false]], "to_dict() (abacusai.stddevthreshold method)": [[176, "abacusai.StdDevThreshold.to_dict", false]], "to_dict() (abacusai.streaming_auth_token.streamingauthtoken method)": [[276, "abacusai.streaming_auth_token.StreamingAuthToken.to_dict", false]], "to_dict() (abacusai.streaming_connector.streamingconnector method)": [[278, "abacusai.streaming_connector.StreamingConnector.to_dict", false]], "to_dict() (abacusai.streaming_row_count.streamingrowcount method)": [[279, "abacusai.streaming_row_count.StreamingRowCount.to_dict", false]], "to_dict() (abacusai.streaming_sample_code.streamingsamplecode method)": [[280, "abacusai.streaming_sample_code.StreamingSampleCode.to_dict", false]], "to_dict() (abacusai.streamingauthtoken method)": [[176, "abacusai.StreamingAuthToken.to_dict", false]], "to_dict() (abacusai.streamingconnector method)": [[176, "abacusai.StreamingConnector.to_dict", false]], "to_dict() (abacusai.streamingrowcount method)": [[176, "abacusai.StreamingRowCount.to_dict", false]], "to_dict() (abacusai.streamingsamplecode method)": [[176, "abacusai.StreamingSampleCode.to_dict", false]], "to_dict() (abacusai.sts_gen_settings.stsgensettings method)": [[281, "abacusai.sts_gen_settings.StsGenSettings.to_dict", false]], "to_dict() (abacusai.stsgensettings method)": [[176, "abacusai.StsGenSettings.to_dict", false]], "to_dict() (abacusai.stt_gen_model.sttgenmodel method)": [[282, "abacusai.stt_gen_model.SttGenModel.to_dict", false]], "to_dict() (abacusai.stt_gen_model_options.sttgenmodeloptions method)": [[283, "abacusai.stt_gen_model_options.SttGenModelOptions.to_dict", false]], "to_dict() (abacusai.stt_gen_settings.sttgensettings method)": [[284, "abacusai.stt_gen_settings.SttGenSettings.to_dict", false]], "to_dict() (abacusai.sttgenmodel method)": [[176, "abacusai.SttGenModel.to_dict", false]], "to_dict() (abacusai.sttgenmodeloptions method)": [[176, "abacusai.SttGenModelOptions.to_dict", false]], "to_dict() (abacusai.sttgensettings method)": [[176, "abacusai.SttGenSettings.to_dict", false]], "to_dict() (abacusai.template_node_details.templatenodedetails method)": [[285, "abacusai.template_node_details.TemplateNodeDetails.to_dict", false]], "to_dict() (abacusai.templatenodedetails method)": [[176, "abacusai.TemplateNodeDetails.to_dict", false]], "to_dict() (abacusai.test_point_predictions.testpointpredictions method)": [[286, "abacusai.test_point_predictions.TestPointPredictions.to_dict", false]], "to_dict() (abacusai.testpointpredictions method)": [[176, "abacusai.TestPointPredictions.to_dict", false]], "to_dict() (abacusai.timewindowconfig method)": [[176, "abacusai.TimeWindowConfig.to_dict", false]], "to_dict() (abacusai.tone_details.tonedetails method)": [[287, "abacusai.tone_details.ToneDetails.to_dict", false]], "to_dict() (abacusai.tonedetails method)": [[176, "abacusai.ToneDetails.to_dict", false]], "to_dict() (abacusai.training_config_options.trainingconfigoptions method)": [[288, "abacusai.training_config_options.TrainingConfigOptions.to_dict", false]], "to_dict() (abacusai.trainingconfigoptions method)": [[176, "abacusai.TrainingConfigOptions.to_dict", false]], "to_dict() (abacusai.triggerconfig method)": [[176, "abacusai.TriggerConfig.to_dict", false]], "to_dict() (abacusai.tts_gen_settings.ttsgensettings method)": [[289, "abacusai.tts_gen_settings.TtsGenSettings.to_dict", false]], "to_dict() (abacusai.ttsgensettings method)": [[176, "abacusai.TtsGenSettings.to_dict", false]], "to_dict() (abacusai.twitter_search_result.twittersearchresult method)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.to_dict", false]], "to_dict() (abacusai.twittersearchresult method)": [[176, "abacusai.TwitterSearchResult.to_dict", false]], "to_dict() (abacusai.unified_connector.unifiedconnector method)": [[291, "abacusai.unified_connector.UnifiedConnector.to_dict", false]], "to_dict() (abacusai.unifiedconnector method)": [[176, "abacusai.UnifiedConnector.to_dict", false]], "to_dict() (abacusai.upload method)": [[176, "abacusai.Upload.to_dict", false]], "to_dict() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.to_dict", false]], "to_dict() (abacusai.upload_part.uploadpart method)": [[293, "abacusai.upload_part.UploadPart.to_dict", false]], "to_dict() (abacusai.uploadpart method)": [[176, "abacusai.UploadPart.to_dict", false]], "to_dict() (abacusai.use_case.usecase method)": [[294, "abacusai.use_case.UseCase.to_dict", false]], "to_dict() (abacusai.use_case_requirements.usecaserequirements method)": [[295, "abacusai.use_case_requirements.UseCaseRequirements.to_dict", false]], "to_dict() (abacusai.usecase method)": [[176, "abacusai.UseCase.to_dict", false]], "to_dict() (abacusai.usecaserequirements method)": [[176, "abacusai.UseCaseRequirements.to_dict", false]], "to_dict() (abacusai.user method)": [[176, "abacusai.User.to_dict", false]], "to_dict() (abacusai.user.user method)": [[296, "abacusai.user.User.to_dict", false]], "to_dict() (abacusai.user_exception.userexception method)": [[297, "abacusai.user_exception.UserException.to_dict", false]], "to_dict() (abacusai.user_group_object_permission.usergroupobjectpermission method)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission.to_dict", false]], "to_dict() (abacusai.userexception method)": [[176, "abacusai.UserException.to_dict", false]], "to_dict() (abacusai.usergroupobjectpermission method)": [[176, "abacusai.UserGroupObjectPermission.to_dict", false]], "to_dict() (abacusai.video_gen_costs.videogencosts method)": [[299, "abacusai.video_gen_costs.VideoGenCosts.to_dict", false]], "to_dict() (abacusai.video_gen_model.videogenmodel method)": [[300, "abacusai.video_gen_model.VideoGenModel.to_dict", false]], "to_dict() (abacusai.video_gen_model_options.videogenmodeloptions method)": [[301, "abacusai.video_gen_model_options.VideoGenModelOptions.to_dict", false]], "to_dict() (abacusai.video_gen_settings.videogensettings method)": [[302, "abacusai.video_gen_settings.VideoGenSettings.to_dict", false]], "to_dict() (abacusai.video_search_result.videosearchresult method)": [[303, "abacusai.video_search_result.VideoSearchResult.to_dict", false]], "to_dict() (abacusai.videogencosts method)": [[176, "abacusai.VideoGenCosts.to_dict", false]], "to_dict() (abacusai.videogenmodel method)": [[176, "abacusai.VideoGenModel.to_dict", false]], "to_dict() (abacusai.videogenmodeloptions method)": [[176, "abacusai.VideoGenModelOptions.to_dict", false]], "to_dict() (abacusai.videogensettings method)": [[176, "abacusai.VideoGenSettings.to_dict", false]], "to_dict() (abacusai.videosearchresult method)": [[176, "abacusai.VideoSearchResult.to_dict", false]], "to_dict() (abacusai.voice_gen_details.voicegendetails method)": [[304, "abacusai.voice_gen_details.VoiceGenDetails.to_dict", false]], "to_dict() (abacusai.voicegendetails method)": [[176, "abacusai.VoiceGenDetails.to_dict", false]], "to_dict() (abacusai.web_app_conversation.webappconversation method)": [[305, "abacusai.web_app_conversation.WebAppConversation.to_dict", false]], "to_dict() (abacusai.web_app_deployment_permission_dict.webappdeploymentpermissiondict method)": [[306, "abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict.to_dict", false]], "to_dict() (abacusai.web_app_domain.webappdomain method)": [[307, "abacusai.web_app_domain.WebAppDomain.to_dict", false]], "to_dict() (abacusai.web_page_response.webpageresponse method)": [[308, "abacusai.web_page_response.WebPageResponse.to_dict", false]], "to_dict() (abacusai.web_search_response.websearchresponse method)": [[309, "abacusai.web_search_response.WebSearchResponse.to_dict", false]], "to_dict() (abacusai.web_search_result.websearchresult method)": [[310, "abacusai.web_search_result.WebSearchResult.to_dict", false]], "to_dict() (abacusai.web_service_trigger_run.webservicetriggerrun method)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun.to_dict", false]], "to_dict() (abacusai.webappconversation method)": [[176, "abacusai.WebAppConversation.to_dict", false]], "to_dict() (abacusai.webappdeploymentpermissiondict method)": [[176, "abacusai.WebAppDeploymentPermissionDict.to_dict", false]], "to_dict() (abacusai.webappdomain method)": [[176, "abacusai.WebAppDomain.to_dict", false]], "to_dict() (abacusai.webhook method)": [[176, "abacusai.Webhook.to_dict", false]], "to_dict() (abacusai.webhook.webhook method)": [[312, "abacusai.webhook.Webhook.to_dict", false]], "to_dict() (abacusai.webpageresponse method)": [[176, "abacusai.WebPageResponse.to_dict", false]], "to_dict() (abacusai.websearchresponse method)": [[176, "abacusai.WebSearchResponse.to_dict", false]], "to_dict() (abacusai.websearchresult method)": [[176, "abacusai.WebSearchResult.to_dict", false]], "to_dict() (abacusai.webservicetriggerrun method)": [[176, "abacusai.WebServiceTriggerRun.to_dict", false]], "to_dict() (abacusai.workflow_graph_node_details.workflowgraphnodedetails method)": [[313, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.to_dict", false]], "to_dict() (abacusai.workflow_node_template.workflownodetemplate method)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.to_dict", false]], "to_dict() (abacusai.workflowgraph method)": [[176, "abacusai.WorkflowGraph.to_dict", false]], "to_dict() (abacusai.workflowgraphnode method)": [[176, "abacusai.WorkflowGraphNode.to_dict", false]], "to_dict() (abacusai.workflowgraphnodedetails method)": [[176, "abacusai.WorkflowGraphNodeDetails.to_dict", false]], "to_dict() (abacusai.workflownodeinputmapping method)": [[176, "abacusai.WorkflowNodeInputMapping.to_dict", false]], "to_dict() (abacusai.workflownodeinputschema method)": [[176, "abacusai.WorkflowNodeInputSchema.to_dict", false]], "to_dict() (abacusai.workflownodeoutputmapping method)": [[176, "abacusai.WorkflowNodeOutputMapping.to_dict", false]], "to_dict() (abacusai.workflownodeoutputschema method)": [[176, "abacusai.WorkflowNodeOutputSchema.to_dict", false]], "to_dict() (abacusai.workflownodetemplate method)": [[176, "abacusai.WorkflowNodeTemplate.to_dict", false]], "to_dict() (abacusai.workflownodetemplateconfig method)": [[176, "abacusai.WorkflowNodeTemplateConfig.to_dict", false]], "to_dict() (abacusai.workflownodetemplateinput method)": [[176, "abacusai.WorkflowNodeTemplateInput.to_dict", false]], "to_dict() (abacusai.workflownodetemplateoutput method)": [[176, "abacusai.WorkflowNodeTemplateOutput.to_dict", false]], "to_fields_list() (abacusai.api_class.ai_agents.jsonschema class method)": [[16, "abacusai.api_class.ai_agents.JSONSchema.to_fields_list", false]], "to_fields_list() (abacusai.api_class.jsonschema class method)": [[27, "abacusai.api_class.JSONSchema.to_fields_list", false]], "to_fields_list() (abacusai.jsonschema class method)": [[176, "abacusai.JSONSchema.to_fields_list", false]], "to_json_type() (abacusai.api_class.enums.pythonfunctionargumenttype static method)": [[25, "abacusai.api_class.enums.PythonFunctionArgumentType.to_json_type", false]], "to_json_type() (abacusai.api_class.pythonfunctionargumenttype static method)": [[27, "abacusai.api_class.PythonFunctionArgumentType.to_json_type", false]], "to_json_type() (abacusai.pythonfunctionargumenttype static method)": [[176, "abacusai.PythonFunctionArgumentType.to_json_type", false]], "to_nx_edge() (abacusai.api_class.ai_agents.workflowgraphedge method)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge.to_nx_edge", false]], "to_nx_edge() (abacusai.api_class.workflowgraphedge method)": [[27, "abacusai.api_class.WorkflowGraphEdge.to_nx_edge", false]], "to_nx_edge() (abacusai.workflowgraphedge method)": [[176, "abacusai.WorkflowGraphEdge.to_nx_edge", false]], "todo (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.todo", false]], "todo (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.todo", false]], "token (abacusai.app_user_group_sign_in_token.appusergroupsignintoken attribute)": [[39, "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken.token", false]], "token (abacusai.appusergroupsignintoken attribute)": [[176, "abacusai.AppUserGroupSignInToken.token", false]], "token (abacusai.chatllm_computer.chatllmcomputer attribute)": [[51, "abacusai.chatllm_computer.ChatllmComputer.token", false]], "token (abacusai.chatllmcomputer attribute)": [[176, "abacusai.ChatllmComputer.token", false]], "token (abacusai.entri_auth_token.entriauthtoken attribute)": [[123, "abacusai.entri_auth_token.EntriAuthToken.token", false]], "token (abacusai.entriauthtoken attribute)": [[176, "abacusai.EntriAuthToken.token", false]], "token_budget (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.token_budget", false]], "token_budget (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.token_budget", false]], "token_budget (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.token_budget", false]], "token_count (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.token_count", false]], "token_count (abacusai.pagedata attribute)": [[176, "abacusai.PageData.token_count", false]], "tokens (abacusai.api_class.enums.nlpdocumentformat attribute)": [[25, "abacusai.api_class.enums.NLPDocumentFormat.TOKENS", false]], "tokens (abacusai.api_class.nlpdocumentformat attribute)": [[27, "abacusai.api_class.NLPDocumentFormat.TOKENS", false]], "tokens (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.TOKENS", false]], "tokens (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.tokens", false]], "tokens (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.tokens", false]], "tokens (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.tokens", false]], "tokens (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.tokens", false]], "tokens (abacusai.nlpdocumentformat attribute)": [[176, "abacusai.NLPDocumentFormat.TOKENS", false]], "tokens (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.tokens", false]], "tokens (abacusai.pagedata attribute)": [[176, "abacusai.PageData.tokens", false]], "tonedetails (class in abacusai)": [[176, "abacusai.ToneDetails", false]], "tonedetails (class in abacusai.tone_details)": [[287, "abacusai.tone_details.ToneDetails", false]], "tool_use_request (abacusai.code_agent_response.codeagentresponse attribute)": [[59, "abacusai.code_agent_response.CodeAgentResponse.tool_use_request", false]], "tool_use_request (abacusai.codeagentresponse attribute)": [[176, "abacusai.CodeAgentResponse.tool_use_request", false]], "tool_use_request (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.tool_use_request", false]], "tool_use_request (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.tool_use_request", false]], "tool_use_result (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.tool_use_result", false]], "tool_use_result (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.tool_use_result", false]], "toolresponse (class in abacusai)": [[176, "abacusai.ToolResponse", false]], "toolresponse (class in abacusai.client)": [[58, "abacusai.client.ToolResponse", false]], "tools (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.tools", false]], "tools (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.tools", false]], "toomanyrequestserror": [[58, "abacusai.client.TooManyRequestsError", false]], "topic (abacusai.api_class.connectors.kafkadatasetconfig attribute)": [[20, "abacusai.api_class.connectors.KafkaDatasetConfig.topic", false]], "topic (abacusai.api_class.kafkadatasetconfig attribute)": [[27, "abacusai.api_class.KafkaDatasetConfig.topic", false]], "topic (abacusai.kafkadatasetconfig attribute)": [[176, "abacusai.KafkaDatasetConfig.topic", false]], "total (abacusai.annotations_status.annotationsstatus attribute)": [[14, "abacusai.annotations_status.AnnotationsStatus.total", false]], "total (abacusai.annotationsstatus attribute)": [[176, "abacusai.AnnotationsStatus.total", false]], "total (abacusai.api_class.biastype attribute)": [[27, "abacusai.api_class.BiasType.TOTAL", false]], "total (abacusai.api_class.enums.biastype attribute)": [[25, "abacusai.api_class.enums.BiasType.TOTAL", false]], "total (abacusai.biastype attribute)": [[176, "abacusai.BiasType.TOTAL", false]], "total_attempts_allowed (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.total_attempts_allowed", false]], "total_attempts_allowed (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.total_attempts_allowed", false]], "total_count (abacusai.data_consistency_duplication.dataconsistencyduplication attribute)": [[84, "abacusai.data_consistency_duplication.DataConsistencyDuplication.total_count", false]], "total_count (abacusai.dataconsistencyduplication attribute)": [[176, "abacusai.DataConsistencyDuplication.total_count", false]], "total_events (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.total_events", false]], "total_events (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.total_events", false]], "total_page_count (abacusai.document_data.documentdata attribute)": [[104, "abacusai.document_data.DocumentData.total_page_count", false]], "total_page_count (abacusai.documentdata attribute)": [[176, "abacusai.DocumentData.total_page_count", false]], "total_predictions (abacusai.batch_prediction_version.batchpredictionversion attribute)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.total_predictions", false]], "total_predictions (abacusai.batchpredictionversion attribute)": [[176, "abacusai.BatchPredictionVersion.total_predictions", false]], "total_processes (abacusai.feature_group_row_process_summary.featuregrouprowprocesssummary attribute)": [[142, "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary.total_processes", false]], "total_processes (abacusai.featuregrouprowprocesssummary attribute)": [[176, "abacusai.FeatureGroupRowProcessSummary.total_processes", false]], "total_rows (abacusai.annotation_document.annotationdocument attribute)": [[12, "abacusai.annotation_document.AnnotationDocument.total_rows", false]], "total_rows (abacusai.annotationdocument attribute)": [[176, "abacusai.AnnotationDocument.total_rows", false]], "total_starred_monitors (abacusai.model_monitor_org_summary.modelmonitororgsummary attribute)": [[204, "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary.total_starred_monitors", false]], "total_starred_monitors (abacusai.modelmonitororgsummary attribute)": [[176, "abacusai.ModelMonitorOrgSummary.total_starred_monitors", false]], "total_tokens (abacusai.llm_response.llmresponse attribute)": [[190, "abacusai.llm_response.LlmResponse.total_tokens", false]], "total_tokens (abacusai.llmresponse attribute)": [[176, "abacusai.LlmResponse.total_tokens", false]], "total_versions (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.total_versions", false]], "total_versions (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.total_versions", false]], "total_violations (abacusai.api_class.dataintegrityviolationtype attribute)": [[27, "abacusai.api_class.DataIntegrityViolationType.TOTAL_VIOLATIONS", false]], "total_violations (abacusai.api_class.enums.dataintegrityviolationtype attribute)": [[25, "abacusai.api_class.enums.DataIntegrityViolationType.TOTAL_VIOLATIONS", false]], "total_violations (abacusai.dataintegrityviolationtype attribute)": [[176, "abacusai.DataIntegrityViolationType.TOTAL_VIOLATIONS", false]], "total_writes (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.total_writes", false]], "total_writes (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.total_writes", false]], "traceback (abacusai.user_exception.userexception attribute)": [[297, "abacusai.user_exception.UserException.traceback", false]], "traceback (abacusai.userexception attribute)": [[176, "abacusai.UserException.traceback", false]], "trailing_auth_token (abacusai.hosted_model_token.hostedmodeltoken attribute)": [[170, "abacusai.hosted_model_token.HostedModelToken.trailing_auth_token", false]], "trailing_auth_token (abacusai.hostedmodeltoken attribute)": [[176, "abacusai.HostedModelToken.trailing_auth_token", false]], "train_column (abacusai.drift_distribution.driftdistribution attribute)": [[111, "abacusai.drift_distribution.DriftDistribution.train_column", false]], "train_column (abacusai.driftdistribution attribute)": [[176, "abacusai.DriftDistribution.train_column", false]], "train_data_parameter_to_feature_group_ids (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.train_data_parameter_to_feature_group_ids", false]], "train_data_parameter_to_feature_group_ids (abacusai.customtrainfunctioninfo attribute)": [[176, "abacusai.CustomTrainFunctionInfo.train_data_parameter_to_feature_group_ids", false]], "train_function_name (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.train_function_name", false]], "train_function_name (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.train_function_name", false]], "train_function_name (abacusai.model attribute)": [[176, "abacusai.Model.train_function_name", false]], "train_function_name (abacusai.model.model attribute)": [[197, "abacusai.model.Model.train_function_name", false]], "train_history_data (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.train_history_data", false]], "train_history_data (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.train_history_data", false]], "train_model() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.train_model", false]], "train_model() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.train_model", false]], "train_model() (abacusai.project method)": [[176, "abacusai.Project.train_model", false]], "train_model() (abacusai.project.project method)": [[252, "abacusai.project.Project.train_model", false]], "train_target_feature (abacusai.api_class.monitor.monitorfilteringconfig attribute)": [[29, "abacusai.api_class.monitor.MonitorFilteringConfig.train_target_feature", false]], "train_target_feature (abacusai.api_class.monitorfilteringconfig attribute)": [[27, "abacusai.api_class.MonitorFilteringConfig.train_target_feature", false]], "train_target_feature (abacusai.monitorfilteringconfig attribute)": [[176, "abacusai.MonitorFilteringConfig.train_target_feature", false]], "train_val_test_split (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.train_val_test_split", false]], "train_val_test_split (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.train_val_test_split", false]], "trainableplugandplaybatchpredictionargs (class in abacusai)": [[176, "abacusai.TrainablePlugAndPlayBatchPredictionArgs", false]], "trainableplugandplaybatchpredictionargs (class in abacusai.api_class)": [[27, "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs", false]], "trainableplugandplaybatchpredictionargs (class in abacusai.api_class.batch_prediction)": [[18, "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs", false]], "trained_model_types (abacusai.api_class.deployablealgorithm attribute)": [[27, "abacusai.api_class.DeployableAlgorithm.trained_model_types", false]], "trained_model_types (abacusai.api_class.model.deployablealgorithm attribute)": [[28, "abacusai.api_class.model.DeployableAlgorithm.trained_model_types", false]], "trained_model_types (abacusai.deployablealgorithm attribute)": [[176, "abacusai.DeployableAlgorithm.trained_model_types", false]], "trained_model_types (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.trained_model_types", false]], "trained_model_types (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.trained_model_types", false]], "training_completed_at (abacusai.model_metrics.modelmetrics attribute)": [[202, "abacusai.model_metrics.ModelMetrics.training_completed_at", false]], "training_completed_at (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.training_completed_at", false]], "training_completed_at (abacusai.modelmetrics attribute)": [[176, "abacusai.ModelMetrics.training_completed_at", false]], "training_completed_at (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.training_completed_at", false]], "training_config (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.training_config", false]], "training_config (abacusai.customtrainfunctioninfo attribute)": [[176, "abacusai.CustomTrainFunctionInfo.training_config", false]], "training_config_updated (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.training_config_updated", false]], "training_config_updated (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.training_config_updated", false]], "training_data_parameter_name_mapping (abacusai.custom_train_function_info.customtrainfunctioninfo attribute)": [[82, "abacusai.custom_train_function_info.CustomTrainFunctionInfo.training_data_parameter_name_mapping", false]], "training_data_parameter_name_mapping (abacusai.customtrainfunctioninfo attribute)": [[176, "abacusai.CustomTrainFunctionInfo.training_data_parameter_name_mapping", false]], "training_data_use_mappings (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.training_data_use_mappings", false]], "training_data_use_mappings (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.training_data_use_mappings", false]], "training_data_use_mappings (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.training_data_use_mappings", false]], "training_data_use_mappings (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.training_data_use_mappings", false]], "training_distribution (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.training_distribution", false]], "training_distribution (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.training_distribution", false]], "training_document_retriever_versions (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.training_document_retriever_versions", false]], "training_document_retriever_versions (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.training_document_retriever_versions", false]], "training_feature_group_id (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.training_feature_group_id", false]], "training_feature_group_id (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.training_feature_group_id", false]], "training_feature_group_ids (abacusai.model attribute)": [[176, "abacusai.Model.training_feature_group_ids", false]], "training_feature_group_ids (abacusai.model.model attribute)": [[197, "abacusai.model.Model.training_feature_group_ids", false]], "training_feature_group_ids (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.training_feature_group_ids", false]], "training_feature_group_ids (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.training_feature_group_ids", false]], "training_feature_group_sampling (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.training_feature_group_sampling", false]], "training_feature_group_sampling (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.training_feature_group_sampling", false]], "training_feature_group_version (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.training_feature_group_version", false]], "training_feature_group_version (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.training_feature_group_version", false]], "training_feature_group_version (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.training_feature_group_version", false]], "training_feature_group_version (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.training_feature_group_version", false]], "training_forecast_config (abacusai.model_monitor.modelmonitor attribute)": [[203, "abacusai.model_monitor.ModelMonitor.training_forecast_config", false]], "training_forecast_config (abacusai.model_monitor_version.modelmonitorversion attribute)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.training_forecast_config", false]], "training_forecast_config (abacusai.modelmonitor attribute)": [[176, "abacusai.ModelMonitor.training_forecast_config", false]], "training_forecast_config (abacusai.modelmonitorversion attribute)": [[176, "abacusai.ModelMonitorVersion.training_forecast_config", false]], "training_input_mappings (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.training_input_mappings", false]], "training_input_mappings (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.training_input_mappings", false]], "training_input_tables (abacusai.model attribute)": [[176, "abacusai.Model.training_input_tables", false]], "training_input_tables (abacusai.model.model attribute)": [[197, "abacusai.model.Model.training_input_tables", false]], "training_item_analysis (abacusai.forecasting_monitor_item_analysis.forecastingmonitoritemanalysis attribute)": [[155, "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis.training_item_analysis", false]], "training_item_analysis (abacusai.forecastingmonitoritemanalysis attribute)": [[176, "abacusai.ForecastingMonitorItemAnalysis.training_item_analysis", false]], "training_item_id (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_item_id", false]], "training_item_id (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.training_item_id", false]], "training_max (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.training_max", false]], "training_max (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.training_max", false]], "training_min (abacusai.range_violation.rangeviolation attribute)": [[261, "abacusai.range_violation.RangeViolation.training_min", false]], "training_min (abacusai.rangeviolation attribute)": [[176, "abacusai.RangeViolation.training_min", false]], "training_mode (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.training_mode", false]], "training_mode (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.training_mode", false]], "training_mode (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.training_mode", false]], "training_null_freq (abacusai.null_violation.nullviolation attribute)": [[223, "abacusai.null_violation.NullViolation.training_null_freq", false]], "training_null_freq (abacusai.nullviolation attribute)": [[176, "abacusai.NullViolation.training_null_freq", false]], "training_point_overlap (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.training_point_overlap", false]], "training_point_overlap (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.training_point_overlap", false]], "training_point_overlap (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.training_point_overlap", false]], "training_required (abacusai.agent attribute)": [[176, "abacusai.Agent.training_required", false]], "training_required (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.training_required", false]], "training_required (abacusai.model attribute)": [[176, "abacusai.Model.training_required", false]], "training_required (abacusai.model.model attribute)": [[197, "abacusai.model.Model.training_required", false]], "training_rows_downsample_ratio (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.training_rows_downsample_ratio", false]], "training_rows_downsample_ratio (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.training_rows_downsample_ratio", false]], "training_rows_downsample_ratio (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.training_rows_downsample_ratio", false]], "training_start_date (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.training_start_date", false]], "training_start_date (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.training_start_date", false]], "training_start_date (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.training_start_date", false]], "training_started_at (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.training_started_at", false]], "training_started_at (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.training_started_at", false]], "training_statistics (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.training_statistics", false]], "training_statistics (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.training_statistics", false]], "training_target_across_time (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_target_across_time", false]], "training_target_across_time (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.training_target_across_time", false]], "training_target_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_target_col", false]], "training_target_col (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.training_target_col", false]], "training_timestamp_col (abacusai.forecasting_monitor_summary.forecastingmonitorsummary attribute)": [[156, "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary.training_timestamp_col", false]], "training_timestamp_col (abacusai.forecastingmonitorsummary attribute)": [[176, "abacusai.ForecastingMonitorSummary.training_timestamp_col", false]], "training_vector_store_versions (abacusai.model attribute)": [[176, "abacusai.Model.training_vector_store_versions", false]], "training_vector_store_versions (abacusai.model.model attribute)": [[197, "abacusai.model.Model.training_vector_store_versions", false]], "trainingconfig (class in abacusai)": [[176, "abacusai.TrainingConfig", false]], "trainingconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TrainingConfig", false]], "trainingconfig (class in abacusai.api_class.model)": [[28, "abacusai.api_class.model.TrainingConfig", false]], "trainingconfigoptions (class in abacusai)": [[176, "abacusai.TrainingConfigOptions", false]], "trainingconfigoptions (class in abacusai.training_config_options)": [[288, "abacusai.training_config_options.TrainingConfigOptions", false]], "transcribe_audio() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.transcribe_audio", false]], "transcribe_audio() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.transcribe_audio", false]], "transcribe_audio() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.transcribe_audio", false]], "transcribe_audio() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.transcribe_audio", false]], "transcripts (abacusai.session_transcripts.sessiontranscripts attribute)": [[274, "abacusai.session_transcripts.SessionTranscripts.transcripts", false]], "transcripts (abacusai.sessiontranscripts attribute)": [[176, "abacusai.SessionTranscripts.transcripts", false]], "transfer_style() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.transfer_style", false]], "transfer_style() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.transfer_style", false]], "transfer_style() (abacusai.prediction_client.predictionclient method)": [[242, "abacusai.prediction_client.PredictionClient.transfer_style", false]], "transfer_style() (abacusai.predictionclient method)": [[176, "abacusai.PredictionClient.transfer_style", false]], "transformation_column_names (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.transformation_column_names", false]], "transformation_column_names (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.transformation_column_names", false]], "transformations (abacusai.eda_data_consistency.edadataconsistency attribute)": [[116, "abacusai.eda_data_consistency.EdaDataConsistency.transformations", false]], "transformations (abacusai.edadataconsistency attribute)": [[176, "abacusai.EdaDataConsistency.transformations", false]], "transport (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.transport", false]], "transport (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.transport", false]], "tree_explainer (abacusai.api_class.enums.explainertype attribute)": [[25, "abacusai.api_class.enums.ExplainerType.TREE_EXPLAINER", false]], "tree_explainer (abacusai.api_class.explainertype attribute)": [[27, "abacusai.api_class.ExplainerType.TREE_EXPLAINER", false]], "tree_explainer (abacusai.explainertype attribute)": [[176, "abacusai.ExplainerType.TREE_EXPLAINER", false]], "tree_hpo_mode (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.tree_hpo_mode", false]], "tree_hpo_mode (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.tree_hpo_mode", false]], "tree_hpo_mode (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.tree_hpo_mode", false]], "trigger (abacusai.api_class.enums.workflownodetemplatetype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeTemplateType.TRIGGER", false]], "trigger (abacusai.api_class.workflownodetemplatetype attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateType.TRIGGER", false]], "trigger (abacusai.workflownodetemplatetype attribute)": [[176, "abacusai.WorkflowNodeTemplateType.TRIGGER", false]], "trigger_config (abacusai.api_class.ai_agents.decisionnode attribute)": [[16, "abacusai.api_class.ai_agents.DecisionNode.trigger_config", false]], "trigger_config (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.trigger_config", false]], "trigger_config (abacusai.api_class.ai_agents.workflowgraphnode attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.trigger_config", false]], "trigger_config (abacusai.api_class.decisionnode attribute)": [[27, "abacusai.api_class.DecisionNode.trigger_config", false]], "trigger_config (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.trigger_config", false]], "trigger_config (abacusai.api_class.workflowgraphnode attribute)": [[27, "abacusai.api_class.WorkflowGraphNode.trigger_config", false]], "trigger_config (abacusai.decisionnode attribute)": [[176, "abacusai.DecisionNode.trigger_config", false]], "trigger_config (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.trigger_config", false]], "trigger_config (abacusai.workflowgraphnode attribute)": [[176, "abacusai.WorkflowGraphNode.trigger_config", false]], "triggerconfig (class in abacusai)": [[176, "abacusai.TriggerConfig", false]], "triggerconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.TriggerConfig", false]], "triggerconfig (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.TriggerConfig", false]], "truncation_strategy (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.truncation_strategy", false]], "truncation_strategy (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.truncation_strategy", false]], "truncation_strategy (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.truncation_strategy", false]], "try_abacus_internal_copy() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.try_abacus_internal_copy", false]], "ts (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TS", false]], "ts (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TS", false]], "ts (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.TS", false]], "ts_anomaly (abacusai.api_class.enums.problemtype attribute)": [[25, "abacusai.api_class.enums.ProblemType.TS_ANOMALY", false]], "ts_anomaly (abacusai.api_class.problemtype attribute)": [[27, "abacusai.api_class.ProblemType.TS_ANOMALY", false]], "ts_anomaly (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.TS_ANOMALY", false]], "tsv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TSV", false]], "tsv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TSV", false]], "tsv (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.TSV", false]], "tsx (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TSX", false]], "tsx (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TSX", false]], "tsx (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.TSX", false]], "ttl (abacusai.entri_auth_token.entriauthtoken attribute)": [[123, "abacusai.entri_auth_token.EntriAuthToken.ttl", false]], "ttl (abacusai.entriauthtoken attribute)": [[176, "abacusai.EntriAuthToken.ttl", false]], "ttsgensettings (class in abacusai)": [[176, "abacusai.TtsGenSettings", false]], "ttsgensettings (class in abacusai.tts_gen_settings)": [[289, "abacusai.tts_gen_settings.TtsGenSettings", false]], "tweedie (abacusai.api_class.enums.regressionlossfunction attribute)": [[25, "abacusai.api_class.enums.RegressionLossFunction.TWEEDIE", false]], "tweedie (abacusai.api_class.regressionlossfunction attribute)": [[27, "abacusai.api_class.RegressionLossFunction.TWEEDIE", false]], "tweedie (abacusai.regressionlossfunction attribute)": [[176, "abacusai.RegressionLossFunction.TWEEDIE", false]], "twitter (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.TWITTER", false]], "twitter (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.TWITTER", false]], "twitter (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.TWITTER", false]], "twitter_handle (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.twitter_handle", false]], "twitter_handle (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.twitter_handle", false]], "twitter_name (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.twitter_name", false]], "twitter_name (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.twitter_name", false]], "twittersearchresult (class in abacusai)": [[176, "abacusai.TwitterSearchResult", false]], "twittersearchresult (class in abacusai.twitter_search_result)": [[290, "abacusai.twitter_search_result.TwitterSearchResult", false]], "txt (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.TXT", false]], "txt (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.TXT", false]], "txt (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.TXT", false]], "type (abacusai.api_class.ai_agents.fielddescriptor attribute)": [[16, "abacusai.api_class.ai_agents.FieldDescriptor.type", false]], "type (abacusai.api_class.fielddescriptor attribute)": [[27, "abacusai.api_class.FieldDescriptor.type", false]], "type (abacusai.api_class.project.projectfeaturegroupconfig attribute)": [[31, "abacusai.api_class.project.ProjectFeatureGroupConfig.type", false]], "type (abacusai.api_class.projectfeaturegroupconfig attribute)": [[27, "abacusai.api_class.ProjectFeatureGroupConfig.type", false]], "type (abacusai.api_class.responsesection attribute)": [[27, "abacusai.api_class.ResponseSection.type", false]], "type (abacusai.api_class.segments.responsesection attribute)": [[34, "abacusai.api_class.segments.ResponseSection.type", false]], "type (abacusai.api_key.apikey attribute)": [[37, "abacusai.api_key.ApiKey.type", false]], "type (abacusai.apikey attribute)": [[176, "abacusai.ApiKey.type", false]], "type (abacusai.feature_distribution.featuredistribution attribute)": [[129, "abacusai.feature_distribution.FeatureDistribution.type", false]], "type (abacusai.featuredistribution attribute)": [[176, "abacusai.FeatureDistribution.type", false]], "type (abacusai.fielddescriptor attribute)": [[176, "abacusai.FieldDescriptor.type", false]], "type (abacusai.fs_entry.fsentry attribute)": [[157, "abacusai.fs_entry.FsEntry.type", false]], "type (abacusai.fsentry attribute)": [[176, "abacusai.FsEntry.type", false]], "type (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.type", false]], "type (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.type", false]], "type (abacusai.project_config.projectconfig attribute)": [[253, "abacusai.project_config.ProjectConfig.type", false]], "type (abacusai.projectconfig attribute)": [[176, "abacusai.ProjectConfig.type", false]], "type (abacusai.projectfeaturegroupconfig attribute)": [[176, "abacusai.ProjectFeatureGroupConfig.type", false]], "type (abacusai.responsesection attribute)": [[176, "abacusai.ResponseSection.type", false]], "type (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.type", false]], "type (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.type", false]], "type (abacusai.user_exception.userexception attribute)": [[297, "abacusai.user_exception.UserException.type", false]], "type (abacusai.userexception attribute)": [[176, "abacusai.UserException.type", false]], "type (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.type", false]], "type (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.type", false]], "type_of_split (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.model.regressiontrainingconfig attribute)": [[28, "abacusai.api_class.model.RegressionTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.model.timeseriesanomalytrainingconfig attribute)": [[28, "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.regressiontrainingconfig attribute)": [[27, "abacusai.api_class.RegressionTrainingConfig.type_of_split", false]], "type_of_split (abacusai.api_class.timeseriesanomalytrainingconfig attribute)": [[27, "abacusai.api_class.TimeseriesAnomalyTrainingConfig.type_of_split", false]], "type_of_split (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.type_of_split", false]], "type_of_split (abacusai.regressiontrainingconfig attribute)": [[176, "abacusai.RegressionTrainingConfig.type_of_split", false]], "type_of_split (abacusai.timeseriesanomalytrainingconfig attribute)": [[176, "abacusai.TimeseriesAnomalyTrainingConfig.type_of_split", false]], "ui_schema (abacusai.api_class.ai_agents.workflownodeinputschema attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema.ui_schema", false]], "ui_schema (abacusai.api_class.runtimeschemaresponsesection attribute)": [[27, "abacusai.api_class.RuntimeSchemaResponseSection.ui_schema", false]], "ui_schema (abacusai.api_class.segments.runtimeschemaresponsesection attribute)": [[34, "abacusai.api_class.segments.RuntimeSchemaResponseSection.ui_schema", false]], "ui_schema (abacusai.api_class.workflownodeinputschema attribute)": [[27, "abacusai.api_class.WorkflowNodeInputSchema.ui_schema", false]], "ui_schema (abacusai.runtimeschemaresponsesection attribute)": [[176, "abacusai.RuntimeSchemaResponseSection.ui_schema", false]], "ui_schema (abacusai.workflownodeinputschema attribute)": [[176, "abacusai.WorkflowNodeInputSchema.ui_schema", false]], "uid (abacusai.api_class.ai_agents.inputnode attribute)": [[16, "abacusai.api_class.ai_agents.InputNode.uid", false]], "uid (abacusai.api_class.ai_agents.llmagentnode attribute)": [[16, "abacusai.api_class.ai_agents.LLMAgentNode.uid", false]], "uid (abacusai.api_class.inputnode attribute)": [[27, "abacusai.api_class.InputNode.uid", false]], "uid (abacusai.api_class.llmagentnode attribute)": [[27, "abacusai.api_class.LLMAgentNode.uid", false]], "uid (abacusai.inputnode attribute)": [[176, "abacusai.InputNode.uid", false]], "uid (abacusai.llmagentnode attribute)": [[176, "abacusai.LLMAgentNode.uid", false]], "uk (abacusai.api_class.enums.holidaycalendars attribute)": [[25, "abacusai.api_class.enums.HolidayCalendars.UK", false]], "uk (abacusai.api_class.holidaycalendars attribute)": [[27, "abacusai.api_class.HolidayCalendars.UK", false]], "uk (abacusai.holidaycalendars attribute)": [[176, "abacusai.HolidayCalendars.UK", false]], "underprediction_weight (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.underprediction_weight", false]], "underprediction_weight (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.underprediction_weight", false]], "underprediction_weight (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.underprediction_weight", false]], "undo() (abacusai.python_function_validator._monkeypatch method)": [[259, "abacusai.python_function_validator._MonkeyPatch.undo", false]], "unifiedconnector (class in abacusai)": [[176, "abacusai.UnifiedConnector", false]], "unifiedconnector (class in abacusai.unified_connector)": [[291, "abacusai.unified_connector.UnifiedConnector", false]], "union (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.UNION", false]], "union (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.UNION", false]], "union (abacusai.operatortype attribute)": [[176, "abacusai.OperatorType.UNION", false]], "uniontransformconfig (class in abacusai)": [[176, "abacusai.UnionTransformConfig", false]], "uniontransformconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.UnionTransformConfig", false]], "uniontransformconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.UnionTransformConfig", false]], "unknown_answer_phrase (abacusai.api_class.chatllmtrainingconfig attribute)": [[27, "abacusai.api_class.ChatLLMTrainingConfig.unknown_answer_phrase", false]], "unknown_answer_phrase (abacusai.api_class.model.chatllmtrainingconfig attribute)": [[28, "abacusai.api_class.model.ChatLLMTrainingConfig.unknown_answer_phrase", false]], "unknown_answer_phrase (abacusai.chatllmtrainingconfig attribute)": [[176, "abacusai.ChatLLMTrainingConfig.unknown_answer_phrase", false]], "unpivot (abacusai.api_class.enums.operatortype attribute)": [[25, "abacusai.api_class.enums.OperatorType.UNPIVOT", false]], "unpivot (abacusai.api_class.operatortype attribute)": [[27, "abacusai.api_class.OperatorType.UNPIVOT", false]], "unpivot (abacusai.operatortype attribute)": [[176, "abacusai.OperatorType.UNPIVOT", false]], "unpivotconfig (class in abacusai)": [[176, "abacusai.UnpivotConfig", false]], "unpivotconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.UnpivotConfig", false]], "unpivotconfig (class in abacusai.api_class.feature_group)": [[26, "abacusai.api_class.feature_group.UnpivotConfig", false]], "unset_feature_as_annotatable_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.unset_feature_as_annotatable_feature", false]], "unset_feature_as_annotatable_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.unset_feature_as_annotatable_feature", false]], "unset_feature_as_annotatable_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.unset_feature_as_annotatable_feature", false]], "unset_feature_as_annotatable_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.unset_feature_as_annotatable_feature", false]], "unset_pipeline_refresh_schedule() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.unset_pipeline_refresh_schedule", false]], "unset_pipeline_refresh_schedule() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.unset_pipeline_refresh_schedule", false]], "unset_refresh_schedule() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.unset_refresh_schedule", false]], "unset_refresh_schedule() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.unset_refresh_schedule", false]], "unsuccessfultrigger": [[58, "abacusai.client.UnsuccessfulTrigger", false]], "unused_document_upload_ids (abacusai.deployment_conversation.deploymentconversation attribute)": [[100, "abacusai.deployment_conversation.DeploymentConversation.unused_document_upload_ids", false]], "unused_document_upload_ids (abacusai.deploymentconversation attribute)": [[176, "abacusai.DeploymentConversation.unused_document_upload_ids", false]], "update() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.update", false]], "update() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.update", false]], "update() (abacusai.deployment method)": [[176, "abacusai.Deployment.update", false]], "update() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.update", false]], "update() (abacusai.external_application.externalapplication method)": [[125, "abacusai.external_application.ExternalApplication.update", false]], "update() (abacusai.externalapplication method)": [[176, "abacusai.ExternalApplication.update", false]], "update() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update", false]], "update() (abacusai.feature_group_template.featuregrouptemplate method)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.update", false]], "update() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update", false]], "update() (abacusai.featuregrouptemplate method)": [[176, "abacusai.FeatureGroupTemplate.update", false]], "update() (abacusai.graph_dashboard.graphdashboard method)": [[161, "abacusai.graph_dashboard.GraphDashboard.update", false]], "update() (abacusai.graphdashboard method)": [[176, "abacusai.GraphDashboard.update", false]], "update() (abacusai.monitor_alert.monitoralert method)": [[215, "abacusai.monitor_alert.MonitorAlert.update", false]], "update() (abacusai.monitoralert method)": [[176, "abacusai.MonitorAlert.update", false]], "update() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.update", false]], "update() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.update", false]], "update() (abacusai.pipeline_step.pipelinestep method)": [[231, "abacusai.pipeline_step.PipelineStep.update", false]], "update() (abacusai.pipelinestep method)": [[176, "abacusai.PipelineStep.update", false]], "update() (abacusai.prediction_operator.predictionoperator method)": [[247, "abacusai.prediction_operator.PredictionOperator.update", false]], "update() (abacusai.predictionoperator method)": [[176, "abacusai.PredictionOperator.update", false]], "update() (abacusai.realtime_monitor.realtimemonitor method)": [[262, "abacusai.realtime_monitor.RealtimeMonitor.update", false]], "update() (abacusai.realtimemonitor method)": [[176, "abacusai.RealtimeMonitor.update", false]], "update() (abacusai.refresh_policy.refreshpolicy method)": [[264, "abacusai.refresh_policy.RefreshPolicy.update", false]], "update() (abacusai.refreshpolicy method)": [[176, "abacusai.RefreshPolicy.update", false]], "update() (abacusai.webhook method)": [[176, "abacusai.Webhook.update", false]], "update() (abacusai.webhook.webhook method)": [[312, "abacusai.webhook.Webhook.update", false]], "update_agent() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_agent", false]], "update_agent() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_agent", false]], "update_agent() (abacusai.model method)": [[176, "abacusai.Model.update_agent", false]], "update_agent() (abacusai.model.model method)": [[197, "abacusai.model.Model.update_agent", false]], "update_agent_with_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_agent_with_function", false]], "update_agent_with_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_agent_with_function", false]], "update_algorithm() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_algorithm", false]], "update_algorithm() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_algorithm", false]], "update_algorithm_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_algorithm_from_function", false]], "update_algorithm_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_algorithm_from_function", false]], "update_annotation_status() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_annotation_status", false]], "update_annotation_status() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_annotation_status", false]], "update_annotation_status() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_annotation_status", false]], "update_annotation_status() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_annotation_status", false]], "update_batch_prediction() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_batch_prediction", false]], "update_batch_prediction() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_batch_prediction", false]], "update_custom_loss_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_custom_loss_function", false]], "update_custom_loss_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_custom_loss_function", false]], "update_custom_loss_function_with_source_code() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_custom_loss_function_with_source_code", false]], "update_custom_loss_function_with_source_code() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_custom_loss_function_with_source_code", false]], "update_custom_metric() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_custom_metric", false]], "update_custom_metric() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_custom_metric", false]], "update_custom_metric_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_custom_metric_from_function", false]], "update_custom_metric_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_custom_metric_from_function", false]], "update_dataset_feature_expression() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_dataset_feature_expression", false]], "update_dataset_feature_expression() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_dataset_feature_expression", false]], "update_dataset_feature_group_feature_expression() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_dataset_feature_group_feature_expression", false]], "update_dataset_feature_group_feature_expression() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_dataset_feature_group_feature_expression", false]], "update_dataset_version_limit() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.update_dataset_version_limit", false]], "update_dataset_version_limit() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.update_dataset_version_limit", false]], "update_deployment() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_deployment", false]], "update_deployment() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_deployment", false]], "update_external_application() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_external_application", false]], "update_external_application() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_external_application", false]], "update_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature", false]], "update_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature", false]], "update_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_feature", false]], "update_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_feature", false]], "update_feature_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group", false]], "update_feature_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group", false]], "update_feature_group_from_pandas_df() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group_from_pandas_df", false]], "update_feature_group_from_pandas_df() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group_from_pandas_df", false]], "update_feature_group_from_spark_df() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group_from_spark_df", false]], "update_feature_group_from_spark_df() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group_from_spark_df", false]], "update_feature_group_python_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group_python_function", false]], "update_feature_group_python_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group_python_function", false]], "update_feature_group_python_function_bindings() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group_python_function_bindings", false]], "update_feature_group_python_function_bindings() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group_python_function_bindings", false]], "update_feature_group_sql_definition() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group_sql_definition", false]], "update_feature_group_sql_definition() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group_sql_definition", false]], "update_feature_group_template() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group_template", false]], "update_feature_group_template() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group_template", false]], "update_feature_group_template_bindings() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_feature_group_template_bindings", false]], "update_feature_group_template_bindings() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_feature_group_template_bindings", false]], "update_feature_group_version_limit() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.update_feature_group_version_limit", false]], "update_feature_group_version_limit() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.update_feature_group_version_limit", false]], "update_graph_dashboard() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_graph_dashboard", false]], "update_graph_dashboard() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_graph_dashboard", false]], "update_graph_to_dashboard() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_graph_to_dashboard", false]], "update_graph_to_dashboard() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_graph_to_dashboard", false]], "update_model_from_functions() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_model_from_functions", false]], "update_model_from_functions() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_model_from_functions", false]], "update_module() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_module", false]], "update_module() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_module", false]], "update_module_from_notebook() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_module_from_notebook", false]], "update_module_from_notebook() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_module_from_notebook", false]], "update_monitor_alert() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_monitor_alert", false]], "update_monitor_alert() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_monitor_alert", false]], "update_nested_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_nested_feature", false]], "update_nested_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_nested_feature", false]], "update_nested_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_nested_feature", false]], "update_nested_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_nested_feature", false]], "update_organization_secret() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_organization_secret", false]], "update_organization_secret() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_organization_secret", false]], "update_pipeline() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_pipeline", false]], "update_pipeline() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_pipeline", false]], "update_pipeline_step() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_pipeline_step", false]], "update_pipeline_step() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_pipeline_step", false]], "update_pipeline_step_from_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_pipeline_step_from_function", false]], "update_pipeline_step_from_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_pipeline_step_from_function", false]], "update_point_in_time_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_point_in_time_feature", false]], "update_point_in_time_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_point_in_time_feature", false]], "update_point_in_time_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_point_in_time_feature", false]], "update_point_in_time_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_point_in_time_feature", false]], "update_point_in_time_group() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_point_in_time_group", false]], "update_point_in_time_group() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_point_in_time_group", false]], "update_point_in_time_group() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_point_in_time_group", false]], "update_point_in_time_group() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_point_in_time_group", false]], "update_point_in_time_group_feature() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_point_in_time_group_feature", false]], "update_point_in_time_group_feature() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_point_in_time_group_feature", false]], "update_point_in_time_group_feature() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_point_in_time_group_feature", false]], "update_point_in_time_group_feature() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_point_in_time_group_feature", false]], "update_prediction_operator() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_prediction_operator", false]], "update_prediction_operator() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_prediction_operator", false]], "update_prediction_operator_from_functions() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_prediction_operator_from_functions", false]], "update_prediction_operator_from_functions() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_prediction_operator_from_functions", false]], "update_python() (abacusai.model method)": [[176, "abacusai.Model.update_python", false]], "update_python() (abacusai.model.model method)": [[197, "abacusai.model.Model.update_python", false]], "update_python_function() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_python_function", false]], "update_python_function() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_python_function", false]], "update_python_function() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_python_function", false]], "update_python_function() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_python_function", false]], "update_python_function_bindings() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_python_function_bindings", false]], "update_python_function_bindings() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_python_function_bindings", false]], "update_python_function_code() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_python_function_code", false]], "update_python_function_code() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_python_function_code", false]], "update_python_git() (abacusai.model method)": [[176, "abacusai.Model.update_python_git", false]], "update_python_git() (abacusai.model.model method)": [[197, "abacusai.model.Model.update_python_git", false]], "update_python_model() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_python_model", false]], "update_python_model() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_python_model", false]], "update_python_model_git() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_python_model_git", false]], "update_python_model_git() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_python_model_git", false]], "update_python_model_zip() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_python_model_zip", false]], "update_python_model_zip() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_python_model_zip", false]], "update_python_zip() (abacusai.model method)": [[176, "abacusai.Model.update_python_zip", false]], "update_python_zip() (abacusai.model.model method)": [[197, "abacusai.model.Model.update_python_zip", false]], "update_realtime_monitor() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_realtime_monitor", false]], "update_realtime_monitor() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_realtime_monitor", false]], "update_refresh_policy() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_refresh_policy", false]], "update_refresh_policy() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_refresh_policy", false]], "update_sql_definition() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_sql_definition", false]], "update_sql_definition() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_sql_definition", false]], "update_template_bindings() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_template_bindings", false]], "update_template_bindings() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_template_bindings", false]], "update_timestamp_key (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.update_timestamp_key", false]], "update_timestamp_key (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.update_timestamp_key", false]], "update_timestamp_key (abacusai.indexing_config.indexingconfig attribute)": [[177, "abacusai.indexing_config.IndexingConfig.update_timestamp_key", false]], "update_timestamp_key (abacusai.indexingconfig attribute)": [[176, "abacusai.IndexingConfig.update_timestamp_key", false]], "update_timestamp_key (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.update_timestamp_key", false]], "update_timestamp_key (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.update_timestamp_key", false]], "update_user_group_object_permission() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_user_group_object_permission", false]], "update_user_group_object_permission() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_user_group_object_permission", false]], "update_version_limit() (abacusai.dataset method)": [[176, "abacusai.Dataset.update_version_limit", false]], "update_version_limit() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.update_version_limit", false]], "update_version_limit() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.update_version_limit", false]], "update_version_limit() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.update_version_limit", false]], "update_webhook() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.update_webhook", false]], "update_webhook() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.update_webhook", false]], "updated_at (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.updated_at", false]], "updated_at (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.updated_at", false]], "updated_at (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.updated_at", false]], "updated_at (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.updated_at", false]], "updated_at (abacusai.chatllm_project.chatllmproject attribute)": [[54, "abacusai.chatllm_project.ChatllmProject.updated_at", false]], "updated_at (abacusai.chatllmproject attribute)": [[176, "abacusai.ChatllmProject.updated_at", false]], "updated_at (abacusai.compute_point_info.computepointinfo attribute)": [[72, "abacusai.compute_point_info.ComputePointInfo.updated_at", false]], "updated_at (abacusai.computepointinfo attribute)": [[176, "abacusai.ComputePointInfo.updated_at", false]], "updated_at (abacusai.daemon_task_conversation.daemontaskconversation attribute)": [[83, "abacusai.daemon_task_conversation.DaemonTaskConversation.updated_at", false]], "updated_at (abacusai.daemontaskconversation attribute)": [[176, "abacusai.DaemonTaskConversation.updated_at", false]], "updated_at (abacusai.feature_group_row.featuregrouprow attribute)": [[139, "abacusai.feature_group_row.FeatureGroupRow.updated_at", false]], "updated_at (abacusai.feature_group_row_process.featuregrouprowprocess attribute)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.updated_at", false]], "updated_at (abacusai.feature_group_template.featuregrouptemplate attribute)": [[143, "abacusai.feature_group_template.FeatureGroupTemplate.updated_at", false]], "updated_at (abacusai.featuregrouprow attribute)": [[176, "abacusai.FeatureGroupRow.updated_at", false]], "updated_at (abacusai.featuregrouprowprocess attribute)": [[176, "abacusai.FeatureGroupRowProcess.updated_at", false]], "updated_at (abacusai.featuregrouptemplate attribute)": [[176, "abacusai.FeatureGroupTemplate.updated_at", false]], "updated_at (abacusai.finetuned_pretrained_model.finetunedpretrainedmodel attribute)": [[153, "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel.updated_at", false]], "updated_at (abacusai.finetunedpretrainedmodel attribute)": [[176, "abacusai.FinetunedPretrainedModel.updated_at", false]], "updated_at (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.updated_at", false]], "updated_at (abacusai.hosted_database.hosteddatabase attribute)": [[168, "abacusai.hosted_database.HostedDatabase.updated_at", false]], "updated_at (abacusai.hosted_database_snapshot.hosteddatabasesnapshot attribute)": [[169, "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot.updated_at", false]], "updated_at (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.updated_at", false]], "updated_at (abacusai.hosteddatabase attribute)": [[176, "abacusai.HostedDatabase.updated_at", false]], "updated_at (abacusai.hosteddatabasesnapshot attribute)": [[176, "abacusai.HostedDatabaseSnapshot.updated_at", false]], "updated_at (abacusai.llm_app.llmapp attribute)": [[182, "abacusai.llm_app.LlmApp.updated_at", false]], "updated_at (abacusai.llmapp attribute)": [[176, "abacusai.LlmApp.updated_at", false]], "updated_at (abacusai.mcp_server_connection.mcpserverconnection attribute)": [[193, "abacusai.mcp_server_connection.McpServerConnection.updated_at", false]], "updated_at (abacusai.mcpserverconnection attribute)": [[176, "abacusai.McpServerConnection.updated_at", false]], "updated_at (abacusai.pipeline_step.pipelinestep attribute)": [[231, "abacusai.pipeline_step.PipelineStep.updated_at", false]], "updated_at (abacusai.pipeline_step_version.pipelinestepversion attribute)": [[232, "abacusai.pipeline_step_version.PipelineStepVersion.updated_at", false]], "updated_at (abacusai.pipeline_version.pipelineversion attribute)": [[235, "abacusai.pipeline_version.PipelineVersion.updated_at", false]], "updated_at (abacusai.pipelinestep attribute)": [[176, "abacusai.PipelineStep.updated_at", false]], "updated_at (abacusai.pipelinestepversion attribute)": [[176, "abacusai.PipelineStepVersion.updated_at", false]], "updated_at (abacusai.pipelineversion attribute)": [[176, "abacusai.PipelineVersion.updated_at", false]], "updated_at (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.updated_at", false]], "updated_at (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.updated_at", false]], "updated_at (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.updated_at", false]], "updated_at (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.updated_at", false]], "updated_files (abacusai.code_llm_changed_files.codellmchangedfiles attribute)": [[67, "abacusai.code_llm_changed_files.CodeLlmChangedFiles.updated_files", false]], "updated_files (abacusai.codellmchangedfiles attribute)": [[176, "abacusai.CodeLlmChangedFiles.updated_files", false]], "upload (class in abacusai)": [[176, "abacusai.Upload", false]], "upload (class in abacusai.upload)": [[292, "abacusai.upload.Upload", false]], "upload_file() (abacusai.upload method)": [[176, "abacusai.Upload.upload_file", false]], "upload_file() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.upload_file", false]], "upload_id (abacusai.dataset_version.datasetversion attribute)": [[95, "abacusai.dataset_version.DatasetVersion.upload_id", false]], "upload_id (abacusai.datasetversion attribute)": [[176, "abacusai.DatasetVersion.upload_id", false]], "upload_id (abacusai.upload attribute)": [[176, "abacusai.Upload.upload_id", false]], "upload_id (abacusai.upload.upload attribute)": [[292, "abacusai.upload.Upload.upload_id", false]], "upload_part() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.upload_part", false]], "upload_part() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.upload_part", false]], "upload_part() (abacusai.upload method)": [[176, "abacusai.Upload.upload_part", false]], "upload_part() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.upload_part", false]], "uploadpart (class in abacusai)": [[176, "abacusai.UploadPart", false]], "uploadpart (class in abacusai.upload_part)": [[293, "abacusai.upload_part.UploadPart", false]], "upper_bound (abacusai.api_class.itemattributesstddevthreshold attribute)": [[27, "abacusai.api_class.ItemAttributesStdDevThreshold.upper_bound", false]], "upper_bound (abacusai.api_class.monitor.itemattributesstddevthreshold attribute)": [[29, "abacusai.api_class.monitor.ItemAttributesStdDevThreshold.upper_bound", false]], "upper_bound (abacusai.item_statistics.itemstatistics attribute)": [[180, "abacusai.item_statistics.ItemStatistics.upper_bound", false]], "upper_bound (abacusai.itemattributesstddevthreshold attribute)": [[176, "abacusai.ItemAttributesStdDevThreshold.upper_bound", false]], "upper_bound (abacusai.itemstatistics attribute)": [[176, "abacusai.ItemStatistics.upper_bound", false]], "upper_snake_case() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.upper_snake_case", false]], "upsert_data() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.upsert_data", false]], "upsert_data() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.upsert_data", false]], "upsert_data() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.upsert_data", false]], "upsert_data() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.upsert_data", false]], "upsert_item_embeddings() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.upsert_item_embeddings", false]], "upsert_item_embeddings() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.upsert_item_embeddings", false]], "upsert_item_embeddings() (abacusai.streaming_client.streamingclient method)": [[277, "abacusai.streaming_client.StreamingClient.upsert_item_embeddings", false]], "upsert_item_embeddings() (abacusai.streamingclient method)": [[176, "abacusai.StreamingClient.upsert_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.upsert_multiple_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.upsert_multiple_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.streaming_client.streamingclient method)": [[277, "abacusai.streaming_client.StreamingClient.upsert_multiple_item_embeddings", false]], "upsert_multiple_item_embeddings() (abacusai.streamingclient method)": [[176, "abacusai.StreamingClient.upsert_multiple_item_embeddings", false]], "url (abacusai.api_class.imageurlresponsesection attribute)": [[27, "abacusai.api_class.ImageUrlResponseSection.url", false]], "url (abacusai.api_class.segments.imageurlresponsesection attribute)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection.url", false]], "url (abacusai.imageurlresponsesection attribute)": [[176, "abacusai.ImageUrlResponseSection.url", false]], "url (abacusai.mcp_server.mcpserver attribute)": [[192, "abacusai.mcp_server.McpServer.url", false]], "url (abacusai.mcpserver attribute)": [[176, "abacusai.McpServer.url", false]], "url (abacusai.news_search_result.newssearchresult attribute)": [[221, "abacusai.news_search_result.NewsSearchResult.url", false]], "url (abacusai.newssearchresult attribute)": [[176, "abacusai.NewsSearchResult.url", false]], "url (abacusai.twitter_search_result.twittersearchresult attribute)": [[290, "abacusai.twitter_search_result.TwitterSearchResult.url", false]], "url (abacusai.twittersearchresult attribute)": [[176, "abacusai.TwitterSearchResult.url", false]], "url (abacusai.video_search_result.videosearchresult attribute)": [[303, "abacusai.video_search_result.VideoSearchResult.url", false]], "url (abacusai.videosearchresult attribute)": [[176, "abacusai.VideoSearchResult.url", false]], "url (abacusai.web_search_result.websearchresult attribute)": [[310, "abacusai.web_search_result.WebSearchResult.url", false]], "url (abacusai.websearchresult attribute)": [[176, "abacusai.WebSearchResult.url", false]], "urls (abacusai.api_class.attachmentparsingconfig attribute)": [[27, "abacusai.api_class.AttachmentParsingConfig.urls", false]], "urls (abacusai.api_class.dataset.attachmentparsingconfig attribute)": [[21, "abacusai.api_class.dataset.AttachmentParsingConfig.urls", false]], "urls (abacusai.attachmentparsingconfig attribute)": [[176, "abacusai.AttachmentParsingConfig.urls", false]], "us (abacusai.api_class.enums.holidaycalendars attribute)": [[25, "abacusai.api_class.enums.HolidayCalendars.US", false]], "us (abacusai.api_class.holidaycalendars attribute)": [[27, "abacusai.api_class.HolidayCalendars.US", false]], "us (abacusai.holidaycalendars attribute)": [[176, "abacusai.HolidayCalendars.US", false]], "use_all_item_totals (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_all_item_totals", false]], "use_all_item_totals (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_all_item_totals", false]], "use_all_item_totals (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.use_all_item_totals", false]], "use_case (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.use_case", false]], "use_case (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.use_case", false]], "use_case (abacusai.project attribute)": [[176, "abacusai.Project.use_case", false]], "use_case (abacusai.project.project attribute)": [[252, "abacusai.project.Project.use_case", false]], "use_case (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.use_case", false]], "use_case (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.use_case", false]], "use_case (abacusai.use_case.usecase attribute)": [[294, "abacusai.use_case.UseCase.use_case", false]], "use_case (abacusai.usecase attribute)": [[176, "abacusai.UseCase.use_case", false]], "use_cases_support_custom_algorithm (abacusai.problem_type.problemtype attribute)": [[251, "abacusai.problem_type.ProblemType.use_cases_support_custom_algorithm", false]], "use_cases_support_custom_algorithm (abacusai.problemtype attribute)": [[176, "abacusai.ProblemType.use_cases_support_custom_algorithm", false]], "use_clipping (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_clipping", false]], "use_clipping (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_clipping", false]], "use_clipping (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.use_clipping", false]], "use_default_label (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.use_default_label", false]], "use_default_label (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.use_default_label", false]], "use_document_summary (abacusai.api_class.document_retriever.vectorstoreconfig attribute)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig.use_document_summary", false]], "use_document_summary (abacusai.api_class.vectorstoreconfig attribute)": [[27, "abacusai.api_class.VectorStoreConfig.use_document_summary", false]], "use_document_summary (abacusai.vectorstoreconfig attribute)": [[176, "abacusai.VectorStoreConfig.use_document_summary", false]], "use_full_ocr (abacusai.api_class.dataset.documentprocessingconfig attribute)": [[21, "abacusai.api_class.dataset.DocumentProcessingConfig.use_full_ocr", false]], "use_full_ocr (abacusai.api_class.documentprocessingconfig attribute)": [[27, "abacusai.api_class.DocumentProcessingConfig.use_full_ocr", false], [27, "id161", false]], "use_full_ocr (abacusai.documentprocessingconfig attribute)": [[176, "abacusai.DocumentProcessingConfig.use_full_ocr", false]], "use_gpu (abacusai.algorithm attribute)": [[176, "abacusai.Algorithm.use_gpu", false]], "use_gpu (abacusai.algorithm.algorithm attribute)": [[9, "abacusai.algorithm.Algorithm.use_gpu", false]], "use_gpu (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.use_gpu", false]], "use_gpu (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.use_gpu", false]], "use_gpu (abacusai.model attribute)": [[176, "abacusai.Model.use_gpu", false]], "use_gpu (abacusai.model.model attribute)": [[197, "abacusai.model.Model.use_gpu", false]], "use_gpu (abacusai.model_version.modelversion attribute)": [[211, "abacusai.model_version.ModelVersion.use_gpu", false]], "use_gpu (abacusai.modelversion attribute)": [[176, "abacusai.ModelVersion.use_gpu", false]], "use_gpu (abacusai.prediction_operator.predictionoperator attribute)": [[247, "abacusai.prediction_operator.PredictionOperator.use_gpu", false]], "use_gpu (abacusai.prediction_operator_version.predictionoperatorversion attribute)": [[248, "abacusai.prediction_operator_version.PredictionOperatorVersion.use_gpu", false]], "use_gpu (abacusai.predictionoperator attribute)": [[176, "abacusai.PredictionOperator.use_gpu", false]], "use_gpu (abacusai.predictionoperatorversion attribute)": [[176, "abacusai.PredictionOperatorVersion.use_gpu", false]], "use_gpu (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.use_gpu", false]], "use_gpu (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.use_gpu", false]], "use_item_id (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_item_id", false]], "use_item_id (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_item_id", false]], "use_item_id (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.use_item_id", false]], "use_item_weights_in_objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_item_weights_in_objective", false]], "use_item_weights_in_objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_item_weights_in_objective", false]], "use_item_weights_in_objective (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.use_item_weights_in_objective", false]], "use_log_transforms (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_log_transforms", false]], "use_log_transforms (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_log_transforms", false]], "use_log_transforms (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.use_log_transforms", false]], "use_original_csv_names (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.use_original_csv_names", false]], "use_original_csv_names (abacusai.feature_group_version.featuregroupversion attribute)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.use_original_csv_names", false]], "use_original_csv_names (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.use_original_csv_names", false]], "use_original_csv_names (abacusai.featuregroupversion attribute)": [[176, "abacusai.FeatureGroupVersion.use_original_csv_names", false]], "use_original_csv_names (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.use_original_csv_names", false]], "use_original_csv_names (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.use_original_csv_names", false]], "use_prediction_offset (abacusai.api_class.batch_prediction.forecastingbatchpredictionargs attribute)": [[18, "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs.use_prediction_offset", false]], "use_prediction_offset (abacusai.api_class.forecastingbatchpredictionargs attribute)": [[27, "abacusai.api_class.ForecastingBatchPredictionArgs.use_prediction_offset", false]], "use_prediction_offset (abacusai.forecastingbatchpredictionargs attribute)": [[176, "abacusai.ForecastingBatchPredictionArgs.use_prediction_offset", false]], "use_timeseries_weights_in_objective (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.use_timeseries_weights_in_objective", false]], "use_timeseries_weights_in_objective (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.use_timeseries_weights_in_objective", false]], "use_timeseries_weights_in_objective (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.use_timeseries_weights_in_objective", false]], "use_user_id_feature (abacusai.api_class.model.personalizationtrainingconfig attribute)": [[28, "abacusai.api_class.model.PersonalizationTrainingConfig.use_user_id_feature", false]], "use_user_id_feature (abacusai.api_class.personalizationtrainingconfig attribute)": [[27, "abacusai.api_class.PersonalizationTrainingConfig.use_user_id_feature", false]], "use_user_id_feature (abacusai.personalizationtrainingconfig attribute)": [[176, "abacusai.PersonalizationTrainingConfig.use_user_id_feature", false]], "usecase (class in abacusai)": [[176, "abacusai.UseCase", false]], "usecase (class in abacusai.use_case)": [[294, "abacusai.use_case.UseCase", false]], "usecaserequirements (class in abacusai)": [[176, "abacusai.UseCaseRequirements", false]], "usecaserequirements (class in abacusai.use_case_requirements)": [[295, "abacusai.use_case_requirements.UseCaseRequirements", false]], "user (class in abacusai)": [[176, "abacusai.User", false]], "user (class in abacusai.user)": [[296, "abacusai.user.User", false]], "user_agent (abacusai.api_class.crawlertransformconfig attribute)": [[27, "abacusai.api_class.CrawlerTransformConfig.user_agent", false]], "user_agent (abacusai.api_class.feature_group.crawlertransformconfig attribute)": [[26, "abacusai.api_class.feature_group.CrawlerTransformConfig.user_agent", false]], "user_agent (abacusai.crawlertransformconfig attribute)": [[176, "abacusai.CrawlerTransformConfig.user_agent", false]], "user_already_exists (abacusai.chatllm_referral_invite.chatllmreferralinvite attribute)": [[56, "abacusai.chatllm_referral_invite.ChatllmReferralInvite.user_already_exists", false]], "user_already_exists (abacusai.chatllmreferralinvite attribute)": [[176, "abacusai.ChatllmReferralInvite.user_already_exists", false]], "user_already_in_app_group (abacusai.external_invite.externalinvite attribute)": [[126, "abacusai.external_invite.ExternalInvite.user_already_in_app_group", false]], "user_already_in_app_group (abacusai.externalinvite attribute)": [[176, "abacusai.ExternalInvite.user_already_in_app_group", false]], "user_already_in_org (abacusai.external_invite.externalinvite attribute)": [[126, "abacusai.external_invite.ExternalInvite.user_already_in_org", false]], "user_already_in_org (abacusai.externalinvite attribute)": [[176, "abacusai.ExternalInvite.user_already_in_org", false]], "user_api_credentials (abacusai.api_class.enums.organizationsecrettype attribute)": [[25, "abacusai.api_class.enums.OrganizationSecretType.USER_API_CREDENTIALS", false]], "user_api_credentials (abacusai.api_class.organizationsecrettype attribute)": [[27, "abacusai.api_class.OrganizationSecretType.USER_API_CREDENTIALS", false]], "user_api_credentials (abacusai.organizationsecrettype attribute)": [[176, "abacusai.OrganizationSecretType.USER_API_CREDENTIALS", false]], "user_connectors() (abacusai.api_class.applicationconnectortype class method)": [[27, "abacusai.api_class.ApplicationConnectorType.user_connectors", false]], "user_connectors() (abacusai.api_class.enums.applicationconnectortype class method)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.user_connectors", false]], "user_connectors() (abacusai.applicationconnectortype class method)": [[176, "abacusai.ApplicationConnectorType.user_connectors", false]], "user_emails (abacusai.modification_lock_info.modificationlockinfo attribute)": [[213, "abacusai.modification_lock_info.ModificationLockInfo.user_emails", false]], "user_emails (abacusai.modificationlockinfo attribute)": [[176, "abacusai.ModificationLockInfo.user_emails", false]], "user_exists_as_internal (abacusai.external_invite.externalinvite attribute)": [[126, "abacusai.external_invite.ExternalInvite.user_exists_as_internal", false]], "user_exists_as_internal (abacusai.externalinvite attribute)": [[176, "abacusai.ExternalInvite.user_exists_as_internal", false]], "user_feedback (abacusai.feature_group_template_variable_options.featuregrouptemplatevariableoptions attribute)": [[144, "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions.user_feedback", false]], "user_feedback (abacusai.featuregrouptemplatevariableoptions attribute)": [[176, "abacusai.FeatureGroupTemplateVariableOptions.user_feedback", false]], "user_group_id (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.user_group_id", false]], "user_group_id (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.user_group_id", false]], "user_group_id (abacusai.user_group_object_permission.usergroupobjectpermission attribute)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission.user_group_id", false]], "user_group_id (abacusai.usergroupobjectpermission attribute)": [[176, "abacusai.UserGroupObjectPermission.user_group_id", false]], "user_group_ids (abacusai.external_application.externalapplication attribute)": [[125, "abacusai.external_application.ExternalApplication.user_group_ids", false]], "user_group_ids (abacusai.externalapplication attribute)": [[176, "abacusai.ExternalApplication.user_group_ids", false]], "user_group_name (abacusai.user_group_object_permission.usergroupobjectpermission attribute)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission.user_group_name", false]], "user_group_name (abacusai.usergroupobjectpermission attribute)": [[176, "abacusai.UserGroupObjectPermission.user_group_name", false]], "user_group_permissions (abacusai.chatllm_project_permissions.chatllmprojectpermissions attribute)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions.user_group_permissions", false]], "user_group_permissions (abacusai.chatllmprojectpermissions attribute)": [[176, "abacusai.ChatllmProjectPermissions.user_group_permissions", false]], "user_id (abacusai.audit_log.auditlog attribute)": [[43, "abacusai.audit_log.AuditLog.user_id", false]], "user_id (abacusai.auditlog attribute)": [[176, "abacusai.AuditLog.user_id", false]], "user_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.user_id", false]], "user_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.user_id", false]], "user_id (abacusai.private_web_app_deployment.privatewebappdeployment attribute)": [[250, "abacusai.private_web_app_deployment.PrivateWebAppDeployment.user_id", false]], "user_id (abacusai.privatewebappdeployment attribute)": [[176, "abacusai.PrivateWebAppDeployment.user_id", false]], "user_id (abacusai.user attribute)": [[176, "abacusai.User.user_id", false]], "user_id (abacusai.user.user attribute)": [[296, "abacusai.user.User.user_id", false]], "user_information_instructions (abacusai.custom_chat_instructions.customchatinstructions attribute)": [[77, "abacusai.custom_chat_instructions.CustomChatInstructions.user_information_instructions", false]], "user_information_instructions (abacusai.customchatinstructions attribute)": [[176, "abacusai.CustomChatInstructions.user_information_instructions", false]], "user_input (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.USER_INPUT", false]], "user_input (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.USER_INPUT", false]], "user_input (abacusai.workflownodeinputtype attribute)": [[176, "abacusai.WorkflowNodeInputType.USER_INPUT", false]], "user_permissions (abacusai.chatllm_project_permissions.chatllmprojectpermissions attribute)": [[55, "abacusai.chatllm_project_permissions.ChatllmProjectPermissions.user_permissions", false]], "user_permissions (abacusai.chatllmprojectpermissions attribute)": [[176, "abacusai.ChatllmProjectPermissions.user_permissions", false]], "usercode_tool (abacusai.api_class.enums.pythonfunctiontype attribute)": [[25, "abacusai.api_class.enums.PythonFunctionType.USERCODE_TOOL", false]], "usercode_tool (abacusai.api_class.pythonfunctiontype attribute)": [[27, "abacusai.api_class.PythonFunctionType.USERCODE_TOOL", false]], "usercode_tool (abacusai.pythonfunctiontype attribute)": [[176, "abacusai.PythonFunctionType.USERCODE_TOOL", false]], "userexception (class in abacusai)": [[176, "abacusai.UserException", false]], "userexception (class in abacusai.user_exception)": [[297, "abacusai.user_exception.UserException", false]], "usergroupobjectpermission (class in abacusai)": [[176, "abacusai.UserGroupObjectPermission", false]], "usergroupobjectpermission (class in abacusai.user_group_object_permission)": [[298, "abacusai.user_group_object_permission.UserGroupObjectPermission", false]], "users (abacusai.app_user_group.appusergroup attribute)": [[38, "abacusai.app_user_group.AppUserGroup.users", false]], "users (abacusai.appusergroup attribute)": [[176, "abacusai.AppUserGroup.users", false]], "using_clause (abacusai.feature attribute)": [[176, "abacusai.Feature.using_clause", false]], "using_clause (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.using_clause", false]], "valence (abacusai.api_class.enums.sentimenttype attribute)": [[25, "abacusai.api_class.enums.SentimentType.VALENCE", false]], "valence (abacusai.api_class.sentimenttype attribute)": [[27, "abacusai.api_class.SentimentType.VALENCE", false]], "valence (abacusai.sentimenttype attribute)": [[176, "abacusai.SentimentType.VALENCE", false]], "valid (abacusai.llm_code_block.llmcodeblock attribute)": [[184, "abacusai.llm_code_block.LlmCodeBlock.valid", false]], "valid (abacusai.llmcodeblock attribute)": [[176, "abacusai.LlmCodeBlock.valid", false]], "valid (abacusai.project_validation.projectvalidation attribute)": [[257, "abacusai.project_validation.ProjectValidation.valid", false]], "valid (abacusai.projectvalidation attribute)": [[176, "abacusai.ProjectValidation.valid", false]], "valid_data_types (abacusai.dataset_column.datasetcolumn attribute)": [[94, "abacusai.dataset_column.DatasetColumn.valid_data_types", false]], "valid_data_types (abacusai.datasetcolumn attribute)": [[176, "abacusai.DatasetColumn.valid_data_types", false]], "validate() (abacusai.project method)": [[176, "abacusai.Project.validate", false]], "validate() (abacusai.project.project method)": [[252, "abacusai.project.Project.validate", false]], "validate_class_method_annotations() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.validate_class_method_annotations", false]], "validate_constructor_arg_types() (in module abacusai)": [[176, "abacusai.validate_constructor_arg_types", false]], "validate_constructor_arg_types() (in module abacusai.api_class)": [[27, "abacusai.api_class.validate_constructor_arg_types", false]], "validate_constructor_arg_types() (in module abacusai.api_class.abstract)": [[15, "abacusai.api_class.abstract.validate_constructor_arg_types", false]], "validate_function_locally() (in module abacusai.python_function_validator)": [[259, "abacusai.python_function_validator.validate_function_locally", false]], "validate_input_dict_param() (in module abacusai)": [[176, "abacusai.validate_input_dict_param", false]], "validate_input_dict_param() (in module abacusai.api_class)": [[27, "abacusai.api_class.validate_input_dict_param", false]], "validate_input_dict_param() (in module abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.validate_input_dict_param", false]], "validate_locally() (abacusai.python_function.pythonfunction method)": [[258, "abacusai.python_function.PythonFunction.validate_locally", false]], "validate_locally() (abacusai.pythonfunction method)": [[176, "abacusai.PythonFunction.validate_locally", false]], "validate_project() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.validate_project", false]], "validate_project() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.validate_project", false]], "validate_suggestion (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.validate_suggestion", false]], "validate_suggestion (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.validate_suggestion", false]], "validate_workflow_graph() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.validate_workflow_graph", false]], "validate_workflow_graph() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.validate_workflow_graph", false]], "validate_workflow_node_inputs() (in module abacusai.api_client_utils)": [[35, "abacusai.api_client_utils.validate_workflow_node_inputs", false]], "validation_lines_threshold (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.validation_lines_threshold", false]], "validation_lines_threshold (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.validation_lines_threshold", false]], "value (abacusai.api_class.model.systemconnectortool attribute)": [[28, "abacusai.api_class.model.SystemConnectorTool.value", false]], "value (abacusai.api_class.monitor.stddevthreshold attribute)": [[29, "abacusai.api_class.monitor.StdDevThreshold.value", false]], "value (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.value", false]], "value (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.value", false]], "value (abacusai.api_class.stddevthreshold attribute)": [[27, "abacusai.api_class.StdDevThreshold.value", false]], "value (abacusai.api_class.systemconnectortool attribute)": [[27, "abacusai.api_class.SystemConnectorTool.value", false]], "value (abacusai.model_training_type_for_deployment.modeltrainingtypefordeployment attribute)": [[209, "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment.value", false]], "value (abacusai.modeltrainingtypefordeployment attribute)": [[176, "abacusai.ModelTrainingTypeForDeployment.value", false]], "value (abacusai.organization_secret.organizationsecret attribute)": [[227, "abacusai.organization_secret.OrganizationSecret.value", false]], "value (abacusai.organizationsecret attribute)": [[176, "abacusai.OrganizationSecret.value", false]], "value (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.value", false]], "value (abacusai.routing_action.routingaction attribute)": [[270, "abacusai.routing_action.RoutingAction.value", false]], "value (abacusai.routingaction attribute)": [[176, "abacusai.RoutingAction.value", false]], "value (abacusai.stddevthreshold attribute)": [[176, "abacusai.StdDevThreshold.value", false]], "value (abacusai.systemconnectortool attribute)": [[176, "abacusai.SystemConnectorTool.value", false]], "value (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.value", false]], "value (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.value", false]], "value (abacusai.user_exception.userexception attribute)": [[297, "abacusai.user_exception.UserException.value", false]], "value (abacusai.userexception attribute)": [[176, "abacusai.UserException.value", false]], "value_column (abacusai.api_class.feature_group.unpivotconfig attribute)": [[26, "abacusai.api_class.feature_group.UnpivotConfig.value_column", false]], "value_column (abacusai.api_class.unpivotconfig attribute)": [[27, "abacusai.api_class.UnpivotConfig.value_column", false]], "value_column (abacusai.unpivotconfig attribute)": [[176, "abacusai.UnpivotConfig.value_column", false]], "value_options (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.value_options", false]], "value_options (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.value_options", false]], "value_type (abacusai.image_gen_model.imagegenmodel attribute)": [[173, "abacusai.image_gen_model.ImageGenModel.value_type", false]], "value_type (abacusai.imagegenmodel attribute)": [[176, "abacusai.ImageGenModel.value_type", false]], "value_type (abacusai.stt_gen_model.sttgenmodel attribute)": [[282, "abacusai.stt_gen_model.SttGenModel.value_type", false]], "value_type (abacusai.sttgenmodel attribute)": [[176, "abacusai.SttGenModel.value_type", false]], "value_type (abacusai.training_config_options.trainingconfigoptions attribute)": [[288, "abacusai.training_config_options.TrainingConfigOptions.value_type", false]], "value_type (abacusai.trainingconfigoptions attribute)": [[176, "abacusai.TrainingConfigOptions.value_type", false]], "value_type (abacusai.video_gen_model.videogenmodel attribute)": [[300, "abacusai.video_gen_model.VideoGenModel.value_type", false]], "value_type (abacusai.videogenmodel attribute)": [[176, "abacusai.VideoGenModel.value_type", false]], "values (abacusai.image_gen_model_options.imagegenmodeloptions attribute)": [[174, "abacusai.image_gen_model_options.ImageGenModelOptions.values", false]], "values (abacusai.imagegenmodeloptions attribute)": [[176, "abacusai.ImageGenModelOptions.values", false]], "values (abacusai.stt_gen_model_options.sttgenmodeloptions attribute)": [[283, "abacusai.stt_gen_model_options.SttGenModelOptions.values", false]], "values (abacusai.sttgenmodeloptions attribute)": [[176, "abacusai.SttGenModelOptions.values", false]], "values (abacusai.video_gen_model_options.videogenmodeloptions attribute)": [[301, "abacusai.video_gen_model_options.VideoGenModelOptions.values", false]], "values (abacusai.videogenmodeloptions attribute)": [[176, "abacusai.VideoGenModelOptions.values", false]], "variable_source (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.variable_source", false]], "variable_source (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.variable_source", false]], "variable_source (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.variable_source", false]], "variable_type (abacusai.api_class.ai_agents.workflownodeinputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping.variable_type", false]], "variable_type (abacusai.api_class.ai_agents.workflownodeoutputmapping attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping.variable_type", false]], "variable_type (abacusai.api_class.ai_agents.workflownodetemplateoutput attribute)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput.variable_type", false]], "variable_type (abacusai.api_class.outputvariablemapping attribute)": [[27, "abacusai.api_class.OutputVariableMapping.variable_type", false]], "variable_type (abacusai.api_class.python_functions.outputvariablemapping attribute)": [[32, "abacusai.api_class.python_functions.OutputVariableMapping.variable_type", false]], "variable_type (abacusai.api_class.python_functions.pythonfunctionargument attribute)": [[32, "abacusai.api_class.python_functions.PythonFunctionArgument.variable_type", false]], "variable_type (abacusai.api_class.pythonfunctionargument attribute)": [[27, "abacusai.api_class.PythonFunctionArgument.variable_type", false]], "variable_type (abacusai.api_class.workflownodeinputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeInputMapping.variable_type", false]], "variable_type (abacusai.api_class.workflownodeoutputmapping attribute)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping.variable_type", false]], "variable_type (abacusai.api_class.workflownodetemplateoutput attribute)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput.variable_type", false]], "variable_type (abacusai.outputvariablemapping attribute)": [[176, "abacusai.OutputVariableMapping.variable_type", false]], "variable_type (abacusai.pythonfunctionargument attribute)": [[176, "abacusai.PythonFunctionArgument.variable_type", false]], "variable_type (abacusai.workflownodeinputmapping attribute)": [[176, "abacusai.WorkflowNodeInputMapping.variable_type", false]], "variable_type (abacusai.workflownodeoutputmapping attribute)": [[176, "abacusai.WorkflowNodeOutputMapping.variable_type", false]], "variable_type (abacusai.workflownodetemplateoutput attribute)": [[176, "abacusai.WorkflowNodeTemplateOutput.variable_type", false]], "vectorstoreconfig (class in abacusai)": [[176, "abacusai.VectorStoreConfig", false]], "vectorstoreconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.VectorStoreConfig", false]], "vectorstoreconfig (class in abacusai.api_class.document_retriever)": [[24, "abacusai.api_class.document_retriever.VectorStoreConfig", false]], "vectorstoretextencoder (class in abacusai)": [[176, "abacusai.VectorStoreTextEncoder", false]], "vectorstoretextencoder (class in abacusai.api_class)": [[27, "abacusai.api_class.VectorStoreTextEncoder", false], [27, "id107", false]], "vectorstoretextencoder (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.VectorStoreTextEncoder", false]], "verification_info (abacusai.annotation_entry.annotationentry attribute)": [[13, "abacusai.annotation_entry.AnnotationEntry.verification_info", false]], "verification_info (abacusai.annotationentry attribute)": [[176, "abacusai.AnnotationEntry.verification_info", false]], "verification_summary (abacusai.deployment_conversation_event.deploymentconversationevent attribute)": [[101, "abacusai.deployment_conversation_event.DeploymentConversationEvent.verification_summary", false]], "verification_summary (abacusai.deploymentconversationevent attribute)": [[176, "abacusai.DeploymentConversationEvent.verification_summary", false]], "verifications_upload_id (abacusai.model_upload.modelupload attribute)": [[210, "abacusai.model_upload.ModelUpload.verifications_upload_id", false]], "verifications_upload_id (abacusai.modelupload attribute)": [[176, "abacusai.ModelUpload.verifications_upload_id", false]], "verified (abacusai.file_connector.fileconnector attribute)": [[150, "abacusai.file_connector.FileConnector.verified", false]], "verified (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[151, "abacusai.file_connector_instructions.FileConnectorInstructions.verified", false]], "verified (abacusai.file_connector_verification.fileconnectorverification attribute)": [[152, "abacusai.file_connector_verification.FileConnectorVerification.verified", false]], "verified (abacusai.fileconnector attribute)": [[176, "abacusai.FileConnector.verified", false]], "verified (abacusai.fileconnectorinstructions attribute)": [[176, "abacusai.FileConnectorInstructions.verified", false]], "verified (abacusai.fileconnectorverification attribute)": [[176, "abacusai.FileConnectorVerification.verified", false]], "verify() (abacusai.application_connector.applicationconnector method)": [[40, "abacusai.application_connector.ApplicationConnector.verify", false]], "verify() (abacusai.applicationconnector method)": [[176, "abacusai.ApplicationConnector.verify", false]], "verify() (abacusai.database_connector.databaseconnector method)": [[90, "abacusai.database_connector.DatabaseConnector.verify", false]], "verify() (abacusai.databaseconnector method)": [[176, "abacusai.DatabaseConnector.verify", false]], "verify() (abacusai.streaming_connector.streamingconnector method)": [[278, "abacusai.streaming_connector.StreamingConnector.verify", false]], "verify() (abacusai.streamingconnector method)": [[176, "abacusai.StreamingConnector.verify", false]], "verify_and_describe_annotation() (abacusai.client.readonlyclient method)": [[58, "abacusai.client.ReadOnlyClient.verify_and_describe_annotation", false]], "verify_and_describe_annotation() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.verify_and_describe_annotation", false]], "verify_and_describe_annotation() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.verify_and_describe_annotation", false]], "verify_and_describe_annotation() (abacusai.readonlyclient method)": [[176, "abacusai.ReadOnlyClient.verify_and_describe_annotation", false]], "verify_application_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.verify_application_connector", false]], "verify_application_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.verify_application_connector", false]], "verify_database_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.verify_database_connector", false]], "verify_database_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.verify_database_connector", false]], "verify_file_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.verify_file_connector", false]], "verify_file_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.verify_file_connector", false]], "verify_response (abacusai.api_class.datagenerationconfig attribute)": [[27, "abacusai.api_class.DataGenerationConfig.verify_response", false]], "verify_response (abacusai.api_class.feature_group.datagenerationconfig attribute)": [[26, "abacusai.api_class.feature_group.DataGenerationConfig.verify_response", false]], "verify_response (abacusai.datagenerationconfig attribute)": [[176, "abacusai.DataGenerationConfig.verify_response", false]], "verify_response() (in module abacusai.cryptography)": [[76, "abacusai.cryptography.verify_response", false]], "verify_streaming_connector() (abacusai.apiclient method)": [[176, "abacusai.ApiClient.verify_streaming_connector", false]], "verify_streaming_connector() (abacusai.client.apiclient method)": [[58, "abacusai.client.ApiClient.verify_streaming_connector", false]], "version_limit (abacusai.dataset attribute)": [[176, "abacusai.Dataset.version_limit", false]], "version_limit (abacusai.dataset.dataset attribute)": [[93, "abacusai.dataset.Dataset.version_limit", false]], "version_limit (abacusai.feature_group.featuregroup attribute)": [[132, "abacusai.feature_group.FeatureGroup.version_limit", false]], "version_limit (abacusai.featuregroup attribute)": [[176, "abacusai.FeatureGroup.version_limit", false]], "version_limit (abacusai.project_feature_group.projectfeaturegroup attribute)": [[254, "abacusai.project_feature_group.ProjectFeatureGroup.version_limit", false]], "version_limit (abacusai.projectfeaturegroup attribute)": [[176, "abacusai.ProjectFeatureGroup.version_limit", false]], "videogencosts (class in abacusai)": [[176, "abacusai.VideoGenCosts", false]], "videogencosts (class in abacusai.video_gen_costs)": [[299, "abacusai.video_gen_costs.VideoGenCosts", false]], "videogenmodel (class in abacusai)": [[176, "abacusai.VideoGenModel", false]], "videogenmodel (class in abacusai.video_gen_model)": [[300, "abacusai.video_gen_model.VideoGenModel", false]], "videogenmodeloptions (class in abacusai)": [[176, "abacusai.VideoGenModelOptions", false]], "videogenmodeloptions (class in abacusai.video_gen_model_options)": [[301, "abacusai.video_gen_model_options.VideoGenModelOptions", false]], "videogensettings (class in abacusai)": [[176, "abacusai.VideoGenSettings", false]], "videogensettings (class in abacusai.video_gen_settings)": [[302, "abacusai.video_gen_settings.VideoGenSettings", false]], "videosearchresult (class in abacusai)": [[176, "abacusai.VideoSearchResult", false]], "videosearchresult (class in abacusai.video_search_result)": [[303, "abacusai.video_search_result.VideoSearchResult", false]], "viewing_cooldown_ms (abacusai.constants_autocomplete_response.constantsautocompleteresponse attribute)": [[74, "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse.viewing_cooldown_ms", false]], "viewing_cooldown_ms (abacusai.constantsautocompleteresponse attribute)": [[176, "abacusai.ConstantsAutocompleteResponse.viewing_cooldown_ms", false]], "violation (abacusai.null_violation.nullviolation attribute)": [[223, "abacusai.null_violation.NullViolation.violation", false]], "violation (abacusai.nullviolation attribute)": [[176, "abacusai.NullViolation.violation", false]], "vnc_endpoint (abacusai.chatllm_computer.chatllmcomputer attribute)": [[51, "abacusai.chatllm_computer.ChatllmComputer.vnc_endpoint", false]], "vnc_endpoint (abacusai.chatllm_computer_status.chatllmcomputerstatus attribute)": [[52, "abacusai.chatllm_computer_status.ChatllmComputerStatus.vnc_endpoint", false]], "vnc_endpoint (abacusai.chatllmcomputer attribute)": [[176, "abacusai.ChatllmComputer.vnc_endpoint", false]], "vnc_endpoint (abacusai.chatllmcomputerstatus attribute)": [[176, "abacusai.ChatllmComputerStatus.vnc_endpoint", false]], "voice (abacusai.voice_gen_details.voicegendetails attribute)": [[304, "abacusai.voice_gen_details.VoiceGenDetails.voice", false]], "voice (abacusai.voicegendetails attribute)": [[176, "abacusai.VoiceGenDetails.voice", false]], "voice_id (abacusai.tone_details.tonedetails attribute)": [[287, "abacusai.tone_details.ToneDetails.voice_id", false]], "voice_id (abacusai.tonedetails attribute)": [[176, "abacusai.ToneDetails.voice_id", false]], "voicegendetails (class in abacusai)": [[176, "abacusai.VoiceGenDetails", false]], "voicegendetails (class in abacusai.voice_gen_details)": [[304, "abacusai.voice_gen_details.VoiceGenDetails", false]], "wait_for_complete() (abacusai.refresh_pipeline_run.refreshpipelinerun method)": [[263, "abacusai.refresh_pipeline_run.RefreshPipelineRun.wait_for_complete", false]], "wait_for_complete() (abacusai.refreshpipelinerun method)": [[176, "abacusai.RefreshPipelineRun.wait_for_complete", false]], "wait_for_dataset() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.wait_for_dataset", false]], "wait_for_dataset() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.wait_for_dataset", false]], "wait_for_deployment() (abacusai.deployment method)": [[176, "abacusai.Deployment.wait_for_deployment", false]], "wait_for_deployment() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.wait_for_deployment", false]], "wait_for_drift_monitor() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.wait_for_drift_monitor", false]], "wait_for_drift_monitor() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.wait_for_drift_monitor", false]], "wait_for_drift_monitor() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.wait_for_drift_monitor", false]], "wait_for_drift_monitor() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.wait_for_drift_monitor", false]], "wait_for_eda() (abacusai.eda_version.edaversion method)": [[120, "abacusai.eda_version.EdaVersion.wait_for_eda", false]], "wait_for_eda() (abacusai.edaversion method)": [[176, "abacusai.EdaVersion.wait_for_eda", false]], "wait_for_evaluation() (abacusai.model method)": [[176, "abacusai.Model.wait_for_evaluation", false]], "wait_for_evaluation() (abacusai.model.model method)": [[197, "abacusai.model.Model.wait_for_evaluation", false]], "wait_for_execution() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.wait_for_execution", false]], "wait_for_execution() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.wait_for_execution", false]], "wait_for_export() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.wait_for_export", false]], "wait_for_export() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.wait_for_export", false]], "wait_for_full_automl() (abacusai.model method)": [[176, "abacusai.Model.wait_for_full_automl", false]], "wait_for_full_automl() (abacusai.model.model method)": [[197, "abacusai.model.Model.wait_for_full_automl", false]], "wait_for_full_automl() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.wait_for_full_automl", false]], "wait_for_full_automl() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.wait_for_full_automl", false]], "wait_for_import() (abacusai.dataset method)": [[176, "abacusai.Dataset.wait_for_import", false]], "wait_for_import() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.wait_for_import", false]], "wait_for_import() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.wait_for_import", false]], "wait_for_import() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.wait_for_import", false]], "wait_for_inspection() (abacusai.dataset method)": [[176, "abacusai.Dataset.wait_for_inspection", false]], "wait_for_inspection() (abacusai.dataset.dataset method)": [[93, "abacusai.dataset.Dataset.wait_for_inspection", false]], "wait_for_inspection() (abacusai.dataset_version.datasetversion method)": [[95, "abacusai.dataset_version.DatasetVersion.wait_for_inspection", false]], "wait_for_inspection() (abacusai.datasetversion method)": [[176, "abacusai.DatasetVersion.wait_for_inspection", false]], "wait_for_join() (abacusai.upload method)": [[176, "abacusai.Upload.wait_for_join", false]], "wait_for_join() (abacusai.upload.upload method)": [[292, "abacusai.upload.Upload.wait_for_join", false]], "wait_for_materialization() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.wait_for_materialization", false]], "wait_for_materialization() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.wait_for_materialization", false]], "wait_for_materialization() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.wait_for_materialization", false]], "wait_for_materialization() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.wait_for_materialization", false]], "wait_for_monitor() (abacusai.model_monitor_version.modelmonitorversion method)": [[207, "abacusai.model_monitor_version.ModelMonitorVersion.wait_for_monitor", false]], "wait_for_monitor() (abacusai.modelmonitorversion method)": [[176, "abacusai.ModelMonitorVersion.wait_for_monitor", false]], "wait_for_monitor_alert() (abacusai.monitor_alert_version.monitoralertversion method)": [[216, "abacusai.monitor_alert_version.MonitorAlertVersion.wait_for_monitor_alert", false]], "wait_for_monitor_alert() (abacusai.monitoralertversion method)": [[176, "abacusai.MonitorAlertVersion.wait_for_monitor_alert", false]], "wait_for_pending_deployment_update() (abacusai.deployment method)": [[176, "abacusai.Deployment.wait_for_pending_deployment_update", false]], "wait_for_pending_deployment_update() (abacusai.deployment.deployment method)": [[98, "abacusai.deployment.Deployment.wait_for_pending_deployment_update", false]], "wait_for_pipeline() (abacusai.pipeline method)": [[176, "abacusai.Pipeline.wait_for_pipeline", false]], "wait_for_pipeline() (abacusai.pipeline.pipeline method)": [[229, "abacusai.pipeline.Pipeline.wait_for_pipeline", false]], "wait_for_pipeline() (abacusai.pipeline_version.pipelineversion method)": [[235, "abacusai.pipeline_version.PipelineVersion.wait_for_pipeline", false]], "wait_for_pipeline() (abacusai.pipelineversion method)": [[176, "abacusai.PipelineVersion.wait_for_pipeline", false]], "wait_for_predictions() (abacusai.batch_prediction.batchprediction method)": [[44, "abacusai.batch_prediction.BatchPrediction.wait_for_predictions", false]], "wait_for_predictions() (abacusai.batch_prediction_version.batchpredictionversion method)": [[45, "abacusai.batch_prediction_version.BatchPredictionVersion.wait_for_predictions", false]], "wait_for_predictions() (abacusai.batchprediction method)": [[176, "abacusai.BatchPrediction.wait_for_predictions", false]], "wait_for_predictions() (abacusai.batchpredictionversion method)": [[176, "abacusai.BatchPredictionVersion.wait_for_predictions", false]], "wait_for_process() (abacusai.feature_group_row_process.featuregrouprowprocess method)": [[140, "abacusai.feature_group_row_process.FeatureGroupRowProcess.wait_for_process", false]], "wait_for_process() (abacusai.featuregrouprowprocess method)": [[176, "abacusai.FeatureGroupRowProcess.wait_for_process", false]], "wait_for_publish() (abacusai.agent method)": [[176, "abacusai.Agent.wait_for_publish", false]], "wait_for_publish() (abacusai.agent.agent method)": [[2, "abacusai.agent.Agent.wait_for_publish", false]], "wait_for_publish() (abacusai.agent_version.agentversion method)": [[7, "abacusai.agent_version.AgentVersion.wait_for_publish", false]], "wait_for_publish() (abacusai.agentversion method)": [[176, "abacusai.AgentVersion.wait_for_publish", false]], "wait_for_publish() (abacusai.model method)": [[176, "abacusai.Model.wait_for_publish", false]], "wait_for_publish() (abacusai.model.model method)": [[197, "abacusai.model.Model.wait_for_publish", false]], "wait_for_results() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.wait_for_results", false]], "wait_for_results() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.wait_for_results", false]], "wait_for_results() (abacusai.execute_feature_group_operation.executefeaturegroupoperation method)": [[124, "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation.wait_for_results", false]], "wait_for_results() (abacusai.executefeaturegroupoperation method)": [[176, "abacusai.ExecuteFeatureGroupOperation.wait_for_results", false]], "wait_for_results() (abacusai.feature_group_export.featuregroupexport method)": [[134, "abacusai.feature_group_export.FeatureGroupExport.wait_for_results", false]], "wait_for_results() (abacusai.feature_group_version.featuregroupversion method)": [[145, "abacusai.feature_group_version.FeatureGroupVersion.wait_for_results", false]], "wait_for_results() (abacusai.featuregroupexport method)": [[176, "abacusai.FeatureGroupExport.wait_for_results", false]], "wait_for_results() (abacusai.featuregroupversion method)": [[176, "abacusai.FeatureGroupVersion.wait_for_results", false]], "wait_for_results() (abacusai.holdout_analysis_version.holdoutanalysisversion method)": [[163, "abacusai.holdout_analysis_version.HoldoutAnalysisVersion.wait_for_results", false]], "wait_for_results() (abacusai.holdoutanalysisversion method)": [[176, "abacusai.HoldoutAnalysisVersion.wait_for_results", false]], "wait_for_results() (abacusai.model_artifacts_export.modelartifactsexport method)": [[198, "abacusai.model_artifacts_export.ModelArtifactsExport.wait_for_results", false]], "wait_for_results() (abacusai.modelartifactsexport method)": [[176, "abacusai.ModelArtifactsExport.wait_for_results", false]], "wait_for_streaming_ready() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.wait_for_streaming_ready", false]], "wait_for_streaming_ready() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.wait_for_streaming_ready", false]], "wait_for_training() (abacusai.model method)": [[176, "abacusai.Model.wait_for_training", false]], "wait_for_training() (abacusai.model.model method)": [[197, "abacusai.model.Model.wait_for_training", false]], "wait_for_training() (abacusai.model_version.modelversion method)": [[211, "abacusai.model_version.ModelVersion.wait_for_training", false]], "wait_for_training() (abacusai.modelversion method)": [[176, "abacusai.ModelVersion.wait_for_training", false]], "wait_for_upload() (abacusai.feature_group.featuregroup method)": [[132, "abacusai.feature_group.FeatureGroup.wait_for_upload", false]], "wait_for_upload() (abacusai.featuregroup method)": [[176, "abacusai.FeatureGroup.wait_for_upload", false]], "wait_until_deployment_ready() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.wait_until_deployment_ready", false]], "wait_until_deployment_ready() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.wait_until_deployment_ready", false]], "wait_until_deployment_ready() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.wait_until_deployment_ready", false]], "wait_until_deployment_ready() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.wait_until_deployment_ready", false]], "wait_until_ready() (abacusai.document_retriever.documentretriever method)": [[105, "abacusai.document_retriever.DocumentRetriever.wait_until_ready", false]], "wait_until_ready() (abacusai.document_retriever_version.documentretrieverversion method)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.wait_until_ready", false]], "wait_until_ready() (abacusai.documentretriever method)": [[176, "abacusai.DocumentRetriever.wait_until_ready", false]], "wait_until_ready() (abacusai.documentretrieverversion method)": [[176, "abacusai.DocumentRetrieverVersion.wait_until_ready", false]], "wape (abacusai.api_class.enums.forecastingobjective attribute)": [[25, "abacusai.api_class.enums.ForecastingObjective.WAPE", false]], "wape (abacusai.api_class.enums.regressionobjective attribute)": [[25, "abacusai.api_class.enums.RegressionObjective.WAPE", false]], "wape (abacusai.api_class.forecastingobjective attribute)": [[27, "abacusai.api_class.ForecastingObjective.WAPE", false]], "wape (abacusai.api_class.regressionobjective attribute)": [[27, "abacusai.api_class.RegressionObjective.WAPE", false]], "wape (abacusai.forecastingobjective attribute)": [[176, "abacusai.ForecastingObjective.WAPE", false]], "wape (abacusai.regressionobjective attribute)": [[176, "abacusai.RegressionObjective.WAPE", false]], "warning (abacusai.pipeline attribute)": [[176, "abacusai.Pipeline.warning", false]], "warning (abacusai.pipeline.pipeline attribute)": [[229, "abacusai.pipeline.Pipeline.warning", false]], "warnings (abacusai.batch_prediction_version_logs.batchpredictionversionlogs attribute)": [[46, "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs.warnings", false]], "warnings (abacusai.batchpredictionversionlogs attribute)": [[176, "abacusai.BatchPredictionVersionLogs.warnings", false]], "warnings (abacusai.document_retriever_version.documentretrieverversion attribute)": [[107, "abacusai.document_retriever_version.DocumentRetrieverVersion.warnings", false]], "warnings (abacusai.documentretrieverversion attribute)": [[176, "abacusai.DocumentRetrieverVersion.warnings", false]], "warnings (abacusai.image_gen_settings.imagegensettings attribute)": [[175, "abacusai.image_gen_settings.ImageGenSettings.warnings", false]], "warnings (abacusai.imagegensettings attribute)": [[176, "abacusai.ImageGenSettings.warnings", false]], "warnings (abacusai.video_gen_settings.videogensettings attribute)": [[302, "abacusai.video_gen_settings.VideoGenSettings.warnings", false]], "warnings (abacusai.videogensettings attribute)": [[176, "abacusai.VideoGenSettings.warnings", false]], "web_app_deployment_id (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.web_app_deployment_id", false]], "web_app_deployment_id (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.web_app_deployment_id", false]], "web_app_domain_id (abacusai.web_app_domain.webappdomain attribute)": [[307, "abacusai.web_app_domain.WebAppDomain.web_app_domain_id", false]], "web_app_domain_id (abacusai.webappdomain attribute)": [[176, "abacusai.WebAppDomain.web_app_domain_id", false]], "web_app_project_id (abacusai.hosted_app_container.hostedappcontainer attribute)": [[165, "abacusai.hosted_app_container.HostedAppContainer.web_app_project_id", false]], "web_app_project_id (abacusai.hostedappcontainer attribute)": [[176, "abacusai.HostedAppContainer.web_app_project_id", false]], "web_app_project_id (abacusai.llm_artifact.llmartifact attribute)": [[183, "abacusai.llm_artifact.LlmArtifact.web_app_project_id", false]], "web_app_project_id (abacusai.llmartifact attribute)": [[176, "abacusai.LlmArtifact.web_app_project_id", false]], "web_version (abacusai.client.baseapiclient attribute)": [[58, "abacusai.client.BaseApiClient.web_version", false]], "web_view_link (abacusai.presentation_export_result.presentationexportresult attribute)": [[249, "abacusai.presentation_export_result.PresentationExportResult.web_view_link", false]], "web_view_link (abacusai.presentationexportresult attribute)": [[176, "abacusai.PresentationExportResult.web_view_link", false]], "webappconversation (class in abacusai)": [[176, "abacusai.WebAppConversation", false]], "webappconversation (class in abacusai.web_app_conversation)": [[305, "abacusai.web_app_conversation.WebAppConversation", false]], "webappdeploymentpermissiondict (class in abacusai)": [[176, "abacusai.WebAppDeploymentPermissionDict", false]], "webappdeploymentpermissiondict (class in abacusai.web_app_deployment_permission_dict)": [[306, "abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict", false]], "webappdomain (class in abacusai)": [[176, "abacusai.WebAppDomain", false]], "webappdomain (class in abacusai.web_app_domain)": [[307, "abacusai.web_app_domain.WebAppDomain", false]], "webhook (class in abacusai)": [[176, "abacusai.Webhook", false]], "webhook (class in abacusai.webhook)": [[312, "abacusai.webhook.Webhook", false]], "webhook_event_type (abacusai.webhook attribute)": [[176, "abacusai.Webhook.webhook_event_type", false]], "webhook_event_type (abacusai.webhook.webhook attribute)": [[312, "abacusai.webhook.Webhook.webhook_event_type", false]], "webhook_id (abacusai.webhook attribute)": [[176, "abacusai.Webhook.webhook_id", false]], "webhook_id (abacusai.webhook.webhook attribute)": [[312, "abacusai.webhook.Webhook.webhook_id", false]], "webm (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.WEBM", false]], "webm (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.WEBM", false]], "webm (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.WEBM", false]], "webp (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.WEBP", false]], "webp (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.WEBP", false]], "webp (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.WEBP", false]], "webpageresponse (class in abacusai)": [[176, "abacusai.WebPageResponse", false]], "webpageresponse (class in abacusai.web_page_response)": [[308, "abacusai.web_page_response.WebPageResponse", false]], "websearchresponse (class in abacusai)": [[176, "abacusai.WebSearchResponse", false]], "websearchresponse (class in abacusai.web_search_response)": [[309, "abacusai.web_search_response.WebSearchResponse", false]], "websearchresult (class in abacusai)": [[176, "abacusai.WebSearchResult", false]], "websearchresult (class in abacusai.web_search_result)": [[310, "abacusai.web_search_result.WebSearchResult", false]], "webservicetriggerrun (class in abacusai)": [[176, "abacusai.WebServiceTriggerRun", false]], "webservicetriggerrun (class in abacusai.web_service_trigger_run)": [[311, "abacusai.web_service_trigger_run.WebServiceTriggerRun", false]], "weekly_monday_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.WEEKLY_MONDAY_START", false]], "weekly_monday_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.WEEKLY_MONDAY_START", false]], "weekly_monday_start (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.WEEKLY_MONDAY_START", false]], "weekly_saturday_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.WEEKLY_SATURDAY_START", false]], "weekly_saturday_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.WEEKLY_SATURDAY_START", false]], "weekly_saturday_start (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.WEEKLY_SATURDAY_START", false]], "weekly_sunday_start (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.WEEKLY_SUNDAY_START", false]], "weekly_sunday_start (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.WEEKLY_SUNDAY_START", false]], "weekly_sunday_start (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.WEEKLY_SUNDAY_START", false]], "weibull (abacusai.api_class.enums.forecastinglossfunction attribute)": [[25, "abacusai.api_class.enums.ForecastingLossFunction.WEIBULL", false]], "weibull (abacusai.api_class.forecastinglossfunction attribute)": [[27, "abacusai.api_class.ForecastingLossFunction.WEIBULL", false]], "weibull (abacusai.forecastinglossfunction attribute)": [[176, "abacusai.ForecastingLossFunction.WEIBULL", false]], "welcome_message (abacusai.messaging_connector_response.messagingconnectorresponse attribute)": [[196, "abacusai.messaging_connector_response.MessagingConnectorResponse.welcome_message", false]], "welcome_message (abacusai.messagingconnectorresponse attribute)": [[176, "abacusai.MessagingConnectorResponse.welcome_message", false]], "where_clause (abacusai.feature attribute)": [[176, "abacusai.Feature.where_clause", false]], "where_clause (abacusai.feature.feature attribute)": [[128, "abacusai.feature.Feature.where_clause", false]], "whiteboard (abacusai.chat_session.chatsession attribute)": [[50, "abacusai.chat_session.ChatSession.whiteboard", false]], "whiteboard (abacusai.chatsession attribute)": [[176, "abacusai.ChatSession.whiteboard", false]], "width (abacusai.api_class.imageurlresponsesection attribute)": [[27, "abacusai.api_class.ImageUrlResponseSection.width", false]], "width (abacusai.api_class.segments.imageurlresponsesection attribute)": [[34, "abacusai.api_class.segments.ImageUrlResponseSection.width", false]], "width (abacusai.api_client_utils.docstoreutils attribute)": [[35, "abacusai.api_client_utils.DocstoreUtils.WIDTH", false]], "width (abacusai.imageurlresponsesection attribute)": [[176, "abacusai.ImageUrlResponseSection.width", false]], "width (abacusai.page_data.pagedata attribute)": [[228, "abacusai.page_data.PageData.width", false]], "width (abacusai.pagedata attribute)": [[176, "abacusai.PageData.width", false]], "window_config (abacusai.api_class.forecastingmonitorconfig attribute)": [[27, "abacusai.api_class.ForecastingMonitorConfig.window_config", false]], "window_config (abacusai.api_class.monitor.forecastingmonitorconfig attribute)": [[29, "abacusai.api_class.monitor.ForecastingMonitorConfig.window_config", false]], "window_config (abacusai.forecastingmonitorconfig attribute)": [[176, "abacusai.ForecastingMonitorConfig.window_config", false]], "window_duration (abacusai.api_class.monitor.timewindowconfig attribute)": [[29, "abacusai.api_class.monitor.TimeWindowConfig.window_duration", false]], "window_duration (abacusai.api_class.timewindowconfig attribute)": [[27, "abacusai.api_class.TimeWindowConfig.window_duration", false]], "window_duration (abacusai.timewindowconfig attribute)": [[176, "abacusai.TimeWindowConfig.window_duration", false]], "window_from_start (abacusai.api_class.monitor.timewindowconfig attribute)": [[29, "abacusai.api_class.monitor.TimeWindowConfig.window_from_start", false]], "window_from_start (abacusai.api_class.timewindowconfig attribute)": [[27, "abacusai.api_class.TimeWindowConfig.window_from_start", false]], "window_from_start (abacusai.timewindowconfig attribute)": [[176, "abacusai.TimeWindowConfig.window_from_start", false]], "window_key (abacusai.point_in_time_group.pointintimegroup attribute)": [[240, "abacusai.point_in_time_group.PointInTimeGroup.window_key", false]], "window_key (abacusai.pointintimegroup attribute)": [[176, "abacusai.PointInTimeGroup.window_key", false]], "wmv (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.WMV", false]], "wmv (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.WMV", false]], "wmv (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.WMV", false]], "workflow_agent (abacusai.api_class.deploymentconversationtype attribute)": [[27, "abacusai.api_class.DeploymentConversationType.WORKFLOW_AGENT", false]], "workflow_agent (abacusai.api_class.enums.deploymentconversationtype attribute)": [[25, "abacusai.api_class.enums.DeploymentConversationType.WORKFLOW_AGENT", false]], "workflow_agent (abacusai.deploymentconversationtype attribute)": [[176, "abacusai.DeploymentConversationType.WORKFLOW_AGENT", false]], "workflow_graph (abacusai.agent attribute)": [[176, "abacusai.Agent.workflow_graph", false]], "workflow_graph (abacusai.agent.agent attribute)": [[2, "abacusai.agent.Agent.workflow_graph", false]], "workflow_graph (abacusai.agent_version.agentversion attribute)": [[7, "abacusai.agent_version.AgentVersion.workflow_graph", false]], "workflow_graph (abacusai.agentversion attribute)": [[176, "abacusai.AgentVersion.workflow_graph", false]], "workflow_graph_node (abacusai.template_node_details.templatenodedetails attribute)": [[285, "abacusai.template_node_details.TemplateNodeDetails.workflow_graph_node", false]], "workflow_graph_node (abacusai.templatenodedetails attribute)": [[176, "abacusai.TemplateNodeDetails.workflow_graph_node", false]], "workflow_graph_node (abacusai.workflow_graph_node_details.workflowgraphnodedetails attribute)": [[313, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails.workflow_graph_node", false]], "workflow_graph_node (abacusai.workflowgraphnodedetails attribute)": [[176, "abacusai.WorkflowGraphNodeDetails.workflow_graph_node", false]], "workflow_node_template_id (abacusai.workflow_node_template.workflownodetemplate attribute)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate.workflow_node_template_id", false]], "workflow_node_template_id (abacusai.workflownodetemplate attribute)": [[176, "abacusai.WorkflowNodeTemplate.workflow_node_template_id", false]], "workflow_variable (abacusai.api_class.enums.workflownodeinputtype attribute)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType.WORKFLOW_VARIABLE", false]], "workflow_variable (abacusai.api_class.workflownodeinputtype attribute)": [[27, "abacusai.api_class.WorkflowNodeInputType.WORKFLOW_VARIABLE", false]], "workflow_variable (abacusai.workflownodeinputtype attribute)": [[176, "abacusai.WorkflowNodeInputType.WORKFLOW_VARIABLE", false]], "workflowgraph (class in abacusai)": [[176, "abacusai.WorkflowGraph", false]], "workflowgraph (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraph", false]], "workflowgraph (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraph", false]], "workflowgraphedge (class in abacusai)": [[176, "abacusai.WorkflowGraphEdge", false]], "workflowgraphedge (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraphEdge", false]], "workflowgraphedge (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphEdge", false]], "workflowgraphnode (class in abacusai)": [[176, "abacusai.WorkflowGraphNode", false]], "workflowgraphnode (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraphNode", false]], "workflowgraphnode (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode", false]], "workflowgraphnode.outputs (class in abacusai)": [[176, "abacusai.WorkflowGraphNode.Outputs", false]], "workflowgraphnode.outputs (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowGraphNode.Outputs", false]], "workflowgraphnode.outputs (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs", false]], "workflowgraphnodedetails (class in abacusai)": [[176, "abacusai.WorkflowGraphNodeDetails", false]], "workflowgraphnodedetails (class in abacusai.workflow_graph_node_details)": [[313, "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails", false]], "workflownodeinputmapping (class in abacusai)": [[176, "abacusai.WorkflowNodeInputMapping", false]], "workflownodeinputmapping (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeInputMapping", false]], "workflownodeinputmapping (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputMapping", false]], "workflownodeinputschema (class in abacusai)": [[176, "abacusai.WorkflowNodeInputSchema", false]], "workflownodeinputschema (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeInputSchema", false]], "workflownodeinputschema (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeInputSchema", false]], "workflownodeinputtype (class in abacusai)": [[176, "abacusai.WorkflowNodeInputType", false]], "workflownodeinputtype (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeInputType", false]], "workflownodeinputtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.WorkflowNodeInputType", false]], "workflownodeoutputmapping (class in abacusai)": [[176, "abacusai.WorkflowNodeOutputMapping", false]], "workflownodeoutputmapping (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeOutputMapping", false]], "workflownodeoutputmapping (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping", false]], "workflownodeoutputschema (class in abacusai)": [[176, "abacusai.WorkflowNodeOutputSchema", false]], "workflownodeoutputschema (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeOutputSchema", false]], "workflownodeoutputschema (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema", false]], "workflownodeoutputtype (class in abacusai)": [[176, "abacusai.WorkflowNodeOutputType", false]], "workflownodeoutputtype (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeOutputType", false]], "workflownodeoutputtype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.WorkflowNodeOutputType", false]], "workflownodetemplate (class in abacusai)": [[176, "abacusai.WorkflowNodeTemplate", false]], "workflownodetemplate (class in abacusai.workflow_node_template)": [[314, "abacusai.workflow_node_template.WorkflowNodeTemplate", false]], "workflownodetemplateconfig (class in abacusai)": [[176, "abacusai.WorkflowNodeTemplateConfig", false]], "workflownodetemplateconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateConfig", false]], "workflownodetemplateconfig (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig", false]], "workflownodetemplateinput (class in abacusai)": [[176, "abacusai.WorkflowNodeTemplateInput", false]], "workflownodetemplateinput (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateInput", false]], "workflownodetemplateinput (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput", false]], "workflownodetemplateoutput (class in abacusai)": [[176, "abacusai.WorkflowNodeTemplateOutput", false]], "workflownodetemplateoutput (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateOutput", false]], "workflownodetemplateoutput (class in abacusai.api_class.ai_agents)": [[16, "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput", false]], "workflownodetemplatetype (class in abacusai)": [[176, "abacusai.WorkflowNodeTemplateType", false]], "workflownodetemplatetype (class in abacusai.api_class)": [[27, "abacusai.api_class.WorkflowNodeTemplateType", false]], "workflownodetemplatetype (class in abacusai.api_class.enums)": [[25, "abacusai.api_class.enums.WorkflowNodeTemplateType", false]], "write_mode (abacusai.feature_group_export.featuregroupexport attribute)": [[134, "abacusai.feature_group_export.FeatureGroupExport.write_mode", false]], "write_mode (abacusai.feature_group_export_config.featuregroupexportconfig attribute)": [[135, "abacusai.feature_group_export_config.FeatureGroupExportConfig.write_mode", false]], "write_mode (abacusai.feature_group_refresh_export_config.featuregrouprefreshexportconfig attribute)": [[138, "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig.write_mode", false]], "write_mode (abacusai.featuregroupexport attribute)": [[176, "abacusai.FeatureGroupExport.write_mode", false]], "write_mode (abacusai.featuregroupexportconfig attribute)": [[176, "abacusai.FeatureGroupExportConfig.write_mode", false]], "write_mode (abacusai.featuregrouprefreshexportconfig attribute)": [[176, "abacusai.FeatureGroupRefreshExportConfig.write_mode", false]], "write_permission (abacusai.file_connector.fileconnector attribute)": [[150, "abacusai.file_connector.FileConnector.write_permission", false]], "write_permission (abacusai.file_connector_instructions.fileconnectorinstructions attribute)": [[151, "abacusai.file_connector_instructions.FileConnectorInstructions.write_permission", false]], "write_permission (abacusai.file_connector_verification.fileconnectorverification attribute)": [[152, "abacusai.file_connector_verification.FileConnectorVerification.write_permission", false]], "write_permission (abacusai.fileconnector attribute)": [[176, "abacusai.FileConnector.write_permission", false]], "write_permission (abacusai.fileconnectorinstructions attribute)": [[176, "abacusai.FileConnectorInstructions.write_permission", false]], "write_permission (abacusai.fileconnectorverification attribute)": [[176, "abacusai.FileConnectorVerification.write_permission", false]], "ws (abacusai.api_class.enums.featuredrifttype attribute)": [[25, "abacusai.api_class.enums.FeatureDriftType.WS", false]], "ws (abacusai.api_class.featuredrifttype attribute)": [[27, "abacusai.api_class.FeatureDriftType.WS", false]], "ws (abacusai.featuredrifttype attribute)": [[176, "abacusai.FeatureDriftType.WS", false]], "ws_distance (abacusai.embedding_feature_drift_distribution.embeddingfeaturedriftdistribution attribute)": [[122, "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution.ws_distance", false]], "ws_distance (abacusai.embeddingfeaturedriftdistribution attribute)": [[176, "abacusai.EmbeddingFeatureDriftDistribution.ws_distance", false]], "ws_distance (abacusai.feature_drift_record.featuredriftrecord attribute)": [[130, "abacusai.feature_drift_record.FeatureDriftRecord.ws_distance", false]], "ws_distance (abacusai.feature_drift_summary.featuredriftsummary attribute)": [[131, "abacusai.feature_drift_summary.FeatureDriftSummary.ws_distance", false]], "ws_distance (abacusai.featuredriftrecord attribute)": [[176, "abacusai.FeatureDriftRecord.ws_distance", false]], "ws_distance (abacusai.featuredriftsummary attribute)": [[176, "abacusai.FeatureDriftSummary.ws_distance", false]], "x_axis (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.x_axis", false]], "x_axis (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.x_axis", false]], "x_axis (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.x_axis", false]], "x_axis (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.x_axis", false]], "x_axis_column_values (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.x_axis_column_values", false]], "x_axis_column_values (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.x_axis_column_values", false]], "xai_grok (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.XAI_GROK", false]], "xai_grok (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.XAI_GROK", false]], "xai_grok (abacusai.llmname attribute)": [[176, "abacusai.LLMName.XAI_GROK", false]], "xai_grok_3 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.XAI_GROK_3", false]], "xai_grok_3 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.XAI_GROK_3", false]], "xai_grok_3 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.XAI_GROK_3", false]], "xai_grok_3_mini (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.XAI_GROK_3_MINI", false]], "xai_grok_3_mini (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.XAI_GROK_3_MINI", false]], "xai_grok_3_mini (abacusai.llmname attribute)": [[176, "abacusai.LLMName.XAI_GROK_3_MINI", false]], "xai_grok_4 (abacusai.api_class.enums.llmname attribute)": [[25, "abacusai.api_class.enums.LLMName.XAI_GROK_4", false]], "xai_grok_4 (abacusai.api_class.llmname attribute)": [[27, "abacusai.api_class.LLMName.XAI_GROK_4", false]], "xai_grok_4 (abacusai.llmname attribute)": [[176, "abacusai.LLMName.XAI_GROK_4", false]], "xlarge (abacusai.api_class.enums.memorysize attribute)": [[25, "abacusai.api_class.enums.MemorySize.XLARGE", false]], "xlarge (abacusai.api_class.memorysize attribute)": [[27, "abacusai.api_class.MemorySize.XLARGE", false]], "xlarge (abacusai.memorysize attribute)": [[176, "abacusai.MemorySize.XLARGE", false]], "xls (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.XLS", false]], "xls (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.XLS", false]], "xls (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.XLS", false]], "y_axis (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.y_axis", false]], "y_axis (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.y_axis", false]], "y_axis (abacusai.forecasting_analysis_graph_data.forecastinganalysisgraphdata attribute)": [[154, "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData.y_axis", false]], "y_axis (abacusai.forecastinganalysisgraphdata attribute)": [[176, "abacusai.ForecastingAnalysisGraphData.y_axis", false]], "y_axis_column_values (abacusai.eda_feature_association.edafeatureassociation attribute)": [[117, "abacusai.eda_feature_association.EdaFeatureAssociation.y_axis_column_values", false]], "y_axis_column_values (abacusai.edafeatureassociation attribute)": [[176, "abacusai.EdaFeatureAssociation.y_axis_column_values", false]], "yearly (abacusai.api_class.enums.forecastingfrequency attribute)": [[25, "abacusai.api_class.enums.ForecastingFrequency.YEARLY", false]], "yearly (abacusai.api_class.forecastingfrequency attribute)": [[27, "abacusai.api_class.ForecastingFrequency.YEARLY", false]], "yearly (abacusai.forecastingfrequency attribute)": [[176, "abacusai.ForecastingFrequency.YEARLY", false]], "yeo_johnson (abacusai.api_class.enums.regressiontargettransform attribute)": [[25, "abacusai.api_class.enums.RegressionTargetTransform.YEO_JOHNSON", false]], "yeo_johnson (abacusai.api_class.regressiontargettransform attribute)": [[27, "abacusai.api_class.RegressionTargetTransform.YEO_JOHNSON", false]], "yeo_johnson (abacusai.regressiontargettransform attribute)": [[176, "abacusai.RegressionTargetTransform.YEO_JOHNSON", false]], "zendesk (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ZENDESK", false]], "zendesk (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ZENDESK", false]], "zendesk (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.ZENDESK", false]], "zendeskdatasetconfig (class in abacusai)": [[176, "abacusai.ZendeskDatasetConfig", false]], "zendeskdatasetconfig (class in abacusai.api_class)": [[27, "abacusai.api_class.ZendeskDatasetConfig", false]], "zendeskdatasetconfig (class in abacusai.api_class.dataset_application_connector)": [[22, "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig", false]], "zendesksunshinemessaging (abacusai.api_class.applicationconnectortype attribute)": [[27, "abacusai.api_class.ApplicationConnectorType.ZENDESKSUNSHINEMESSAGING", false]], "zendesksunshinemessaging (abacusai.api_class.enums.applicationconnectortype attribute)": [[25, "abacusai.api_class.enums.ApplicationConnectorType.ZENDESKSUNSHINEMESSAGING", false]], "zendesksunshinemessaging (abacusai.applicationconnectortype attribute)": [[176, "abacusai.ApplicationConnectorType.ZENDESKSUNSHINEMESSAGING", false]], "zero_predictor (abacusai.api_class.forecastingtrainingconfig attribute)": [[27, "abacusai.api_class.ForecastingTrainingConfig.zero_predictor", false]], "zero_predictor (abacusai.api_class.model.forecastingtrainingconfig attribute)": [[28, "abacusai.api_class.model.ForecastingTrainingConfig.zero_predictor", false]], "zero_predictor (abacusai.forecastingtrainingconfig attribute)": [[176, "abacusai.ForecastingTrainingConfig.zero_predictor", false]], "zero_shot_hypotheses (abacusai.api_class.documentclassificationtrainingconfig attribute)": [[27, "abacusai.api_class.DocumentClassificationTrainingConfig.zero_shot_hypotheses", false]], "zero_shot_hypotheses (abacusai.api_class.model.documentclassificationtrainingconfig attribute)": [[28, "abacusai.api_class.model.DocumentClassificationTrainingConfig.zero_shot_hypotheses", false]], "zero_shot_hypotheses (abacusai.documentclassificationtrainingconfig attribute)": [[176, "abacusai.DocumentClassificationTrainingConfig.zero_shot_hypotheses", false]], "zeros (abacusai.api_class.clusteringimputationmethod attribute)": [[27, "abacusai.api_class.ClusteringImputationMethod.ZEROS", false]], "zeros (abacusai.api_class.enums.clusteringimputationmethod attribute)": [[25, "abacusai.api_class.enums.ClusteringImputationMethod.ZEROS", false]], "zeros (abacusai.clusteringimputationmethod attribute)": [[176, "abacusai.ClusteringImputationMethod.ZEROS", false]], "zip (abacusai.api_class.enums.fileformat attribute)": [[25, "abacusai.api_class.enums.FileFormat.ZIP", false]], "zip (abacusai.api_class.fileformat attribute)": [[27, "abacusai.api_class.FileFormat.ZIP", false]], "zip (abacusai.fileformat attribute)": [[176, "abacusai.FileFormat.ZIP", false]], "zscore (abacusai.api_class.enums.forecastinglocalscaling attribute)": [[25, "abacusai.api_class.enums.ForecastingLocalScaling.ZSCORE", false]], "zscore (abacusai.api_class.forecastinglocalscaling attribute)": [[27, "abacusai.api_class.ForecastingLocalScaling.ZSCORE", false]], "zscore (abacusai.forecastinglocalscaling attribute)": [[176, "abacusai.ForecastingLocalScaling.ZSCORE", false]]}, "objects": {"": [[176, 0, 0, "-", "abacusai"]], "abacusai": [[176, 1, 1, "", "AIAgentBatchPredictionArgs"], [176, 1, 1, "", "AIAgentTrainingConfig"], [176, 1, 1, "", "AbacusApi"], [176, 1, 1, "", "AbacusUsageMetricsDatasetConfig"], [176, 1, 1, "", "AccuracyBelowThresholdConditionConfig"], [176, 1, 1, "", "Address"], [176, 1, 1, "", "Agent"], [176, 1, 1, "", "AgentChatMessage"], [176, 1, 1, "", "AgentClientType"], [176, 1, 1, "", "AgentConversation"], [176, 1, 1, "", "AgentConversationMessage"], [176, 1, 1, "", "AgentDataDocumentInfo"], [176, 1, 1, "", "AgentDataExecutionResult"], [176, 1, 1, "", "AgentFlowButtonResponseSection"], [176, 1, 1, "", "AgentInterface"], [176, 1, 1, "", "AgentResponse"], [176, 1, 1, "", "AgentVersion"], [176, 1, 1, "", "AiBuildingTask"], [176, 1, 1, "", "AlertActionConfig"], [176, 1, 1, "", "AlertActionType"], [176, 1, 1, "", "AlertConditionConfig"], [176, 1, 1, "", "Algorithm"], [176, 1, 1, "", "Annotation"], [176, 1, 1, "", "AnnotationConfig"], [176, 1, 1, "", "AnnotationDocument"], [176, 1, 1, "", "AnnotationEntry"], [176, 1, 1, "", "AnnotationsStatus"], [176, 1, 1, "", "ApiClass"], [176, 1, 1, "", "ApiClient"], [176, 1, 1, "", "ApiEndpoint"], [176, 1, 1, "", "ApiEnum"], [176, 5, 1, "", "ApiException"], [176, 1, 1, "", "ApiKey"], [176, 1, 1, "", "AppUserGroup"], [176, 1, 1, "", "AppUserGroupSignInToken"], [176, 1, 1, "", "ApplicationConnector"], [176, 1, 1, "", "ApplicationConnectorDatasetConfig"], [176, 1, 1, "", "ApplicationConnectorType"], [176, 1, 1, "", "AttachmentParsingConfig"], [176, 1, 1, "", "AudioGenSettings"], [176, 1, 1, "", "AudioUrlResult"], [176, 1, 1, "", "AuditLog"], [176, 1, 1, "", "AzureStorageDatasetConfig"], [176, 1, 1, "", "Base64ImageResponseSection"], [176, 1, 1, "", "BatchPrediction"], [176, 1, 1, "", "BatchPredictionArgs"], [176, 1, 1, "", "BatchPredictionVersion"], [176, 1, 1, "", "BatchPredictionVersionLogs"], [176, 1, 1, "", "BatchSize"], [176, 1, 1, "", "BiasType"], [176, 1, 1, "", "BiasViolationConditionConfig"], [176, 1, 1, "", "Blob"], [176, 1, 1, "", "BlobInput"], [176, 1, 1, "", "BotInfo"], [176, 1, 1, "", "BoxDatasetConfig"], [176, 1, 1, "", "CPUSize"], [176, 1, 1, "", "CategoricalRangeViolation"], [176, 1, 1, "", "ChartResponseSection"], [176, 1, 1, "", "ChatLLMBatchPredictionArgs"], [176, 1, 1, "", "ChatLLMPredictionArguments"], [176, 1, 1, "", "ChatLLMTrainingConfig"], [176, 1, 1, "", "ChatMessage"], [176, 1, 1, "", "ChatSession"], [176, 1, 1, "", "ChatllmComputer"], [176, 1, 1, "", "ChatllmComputerStatus"], [176, 1, 1, "", "ChatllmMemory"], [176, 1, 1, "", "ChatllmProject"], [176, 1, 1, "", "ChatllmProjectPermissions"], [176, 1, 1, "", "ChatllmReferralInvite"], [176, 1, 1, "", "ChatllmTask"], [176, 1, 1, "", "ClientOptions"], [176, 1, 1, "", "ClusteringImputationMethod"], [176, 1, 1, "", "ClusteringTimeseriesTrainingConfig"], [176, 1, 1, "", "ClusteringTrainingConfig"], [176, 1, 1, "", "CodeAgentResponse"], [176, 1, 1, "", "CodeAutocompleteEditPredictionResponse"], [176, 1, 1, "", "CodeAutocompleteResponse"], [176, 1, 1, "", "CodeBot"], [176, 1, 1, "", "CodeEdit"], [176, 1, 1, "", "CodeEditResponse"], [176, 1, 1, "", "CodeEdits"], [176, 1, 1, "", "CodeEmbeddings"], [176, 1, 1, "", "CodeLanguage"], [176, 1, 1, "", "CodeLlmChangedFiles"], [176, 1, 1, "", "CodeResponseSection"], [176, 1, 1, "", "CodeSource"], [176, 1, 1, "", "CodeSuggestionValidationResponse"], [176, 1, 1, "", "CodeSummaryResponse"], [176, 1, 1, "", "CodellmEmbeddingConstants"], [176, 1, 1, "", "CollapseResponseSection"], [176, 1, 1, "", "ComputePointInfo"], [176, 1, 1, "", "ConcatenationConfig"], [176, 1, 1, "", "ConfluenceDatasetConfig"], [176, 1, 1, "", "ConnectorType"], [176, 1, 1, "", "ConstantsAutocompleteResponse"], [176, 1, 1, "", "ConstraintConfig"], [176, 1, 1, "", "ConstraintProjectFeatureGroupConfig"], [176, 1, 1, "", "CpuGpuMemorySpecs"], [176, 1, 1, "", "CrawlerTransformConfig"], [176, 1, 1, "", "CumulativeForecastingPredictionArguments"], [176, 1, 1, "", "CumulativeForecastingTrainingConfig"], [176, 1, 1, "", "CustomAlgorithmTrainingConfig"], [176, 1, 1, "", "CustomChatInstructions"], [176, 1, 1, "", "CustomDomain"], [176, 1, 1, "", "CustomLossFunction"], [176, 1, 1, "", "CustomMetric"], [176, 1, 1, "", "CustomMetricVersion"], [176, 1, 1, "", "CustomTrainFunctionInfo"], [176, 1, 1, "", "CustomTrainedModelTrainingConfig"], [176, 1, 1, "", "DaemonTaskConversation"], [176, 1, 1, "", "DataConsistencyDuplication"], [176, 1, 1, "", "DataGenerationConfig"], [176, 1, 1, "", "DataIntegrityViolationConditionConfig"], [176, 1, 1, "", "DataIntegrityViolationType"], [176, 1, 1, "", "DataMetrics"], [176, 1, 1, "", "DataPrepLogs"], [176, 1, 1, "", "DataQualityResults"], [176, 1, 1, "", "DataType"], [176, 1, 1, "", "DataUploadResult"], [176, 1, 1, "", "DatabaseColumnFeatureMapping"], [176, 1, 1, "", "DatabaseConnector"], [176, 1, 1, "", "DatabaseConnectorColumn"], [176, 1, 1, "", "DatabaseConnectorExportConfig"], [176, 1, 1, "", "DatabaseConnectorSchema"], [176, 1, 1, "", "DataframeResponseSection"], [176, 1, 1, "", "Dataset"], [176, 1, 1, "", "DatasetColumn"], [176, 1, 1, "", "DatasetConfig"], [176, 1, 1, "", "DatasetDocumentProcessingConfig"], [176, 1, 1, "", "DatasetVersion"], [176, 1, 1, "", "DatasetVersionLogs"], [176, 1, 1, "", "DecisionNode"], [176, 1, 1, "", "DefaultLlm"], [176, 1, 1, "", "DeployableAlgorithm"], [176, 1, 1, "", "Deployment"], [176, 1, 1, "", "DeploymentAuthToken"], [176, 1, 1, "", "DeploymentConversation"], [176, 1, 1, "", "DeploymentConversationEvent"], [176, 1, 1, "", "DeploymentConversationExport"], [176, 1, 1, "", "DeploymentConversationType"], [176, 1, 1, "", "DeploymentStatistics"], [176, 1, 1, "", "DocumentClassificationTrainingConfig"], [176, 1, 1, "", "DocumentData"], [176, 1, 1, "", "DocumentProcessingConfig"], [176, 1, 1, "", "DocumentRetriever"], [176, 6, 1, "", "DocumentRetrieverConfig"], [176, 1, 1, "", "DocumentRetrieverLookupResult"], [176, 1, 1, "", "DocumentRetrieverVersion"], [176, 1, 1, "", "DocumentRetrieverVersionLogs"], [176, 1, 1, "", "DocumentSummarizationTrainingConfig"], [176, 1, 1, "", "DocumentType"], [176, 1, 1, "", "DocumentVisualizationTrainingConfig"], [176, 1, 1, "", "DomainPurchaseResult"], [176, 1, 1, "", "DomainSearchResult"], [176, 1, 1, "", "DriftDistribution"], [176, 1, 1, "", "DriftDistributions"], [176, 1, 1, "", "Eda"], [176, 1, 1, "", "EdaChartDescription"], [176, 1, 1, "", "EdaCollinearity"], [176, 1, 1, "", "EdaDataConsistency"], [176, 1, 1, "", "EdaFeatureAssociation"], [176, 1, 1, "", "EdaFeatureCollinearity"], [176, 1, 1, "", "EdaForecastingAnalysis"], [176, 1, 1, "", "EdaVersion"], [176, 1, 1, "", "EditImageModels"], [176, 1, 1, "", "EmailActionConfig"], [176, 1, 1, "", "EmbeddingFeatureDriftDistribution"], [176, 1, 1, "", "EntriAuthToken"], [176, 1, 1, "", "EvalArtifactType"], [176, 1, 1, "", "EventAnomalyTrainingConfig"], [176, 1, 1, "", "ExecuteFeatureGroupOperation"], [176, 1, 1, "", "ExperimentationMode"], [176, 1, 1, "", "ExplainerType"], [176, 1, 1, "", "ExternalApplication"], [176, 1, 1, "", "ExternalInvite"], [176, 1, 1, "", "ExtractDocumentDataConfig"], [176, 1, 1, "", "ExtractedFields"], [176, 1, 1, "", "Feature"], [176, 1, 1, "", "FeatureDistribution"], [176, 1, 1, "", "FeatureDriftConditionConfig"], [176, 1, 1, "", "FeatureDriftRecord"], [176, 1, 1, "", "FeatureDriftSummary"], [176, 1, 1, "", "FeatureDriftType"], [176, 1, 1, "", "FeatureGroup"], [176, 1, 1, "", "FeatureGroupDocument"], [176, 1, 1, "", "FeatureGroupExport"], [176, 1, 1, "id0", "FeatureGroupExportConfig"], [176, 1, 1, "", "FeatureGroupExportDownloadUrl"], [176, 1, 1, "", "FeatureGroupLineage"], [176, 1, 1, "", "FeatureGroupRefreshExportConfig"], [176, 1, 1, "", "FeatureGroupRow"], [176, 1, 1, "", "FeatureGroupRowProcess"], [176, 1, 1, "", "FeatureGroupRowProcessLogs"], [176, 1, 1, "", "FeatureGroupRowProcessSummary"], [176, 1, 1, "", "FeatureGroupTemplate"], [176, 1, 1, "", "FeatureGroupTemplateVariableOptions"], [176, 1, 1, "", "FeatureGroupVersion"], [176, 1, 1, "", "FeatureGroupVersionLogs"], [176, 1, 1, "", "FeatureImportance"], [176, 1, 1, "", "FeatureMapping"], [176, 1, 1, "", "FeatureMappingConfig"], [176, 1, 1, "", "FeaturePerformanceAnalysis"], [176, 1, 1, "", "FeatureStorePredictionArguments"], [176, 1, 1, "", "FieldDescriptor"], [176, 1, 1, "", "FieldDescriptorType"], [176, 1, 1, "", "FileConnector"], [176, 1, 1, "", "FileConnectorExportConfig"], [176, 1, 1, "", "FileConnectorInstructions"], [176, 1, 1, "", "FileConnectorVerification"], [176, 1, 1, "", "FileFormat"], [176, 1, 1, "", "FillLogic"], [176, 1, 1, "", "FinetunedPretrainedModel"], [176, 1, 1, "", "ForecastingAnalysisGraphData"], [176, 1, 1, "", "ForecastingBatchPredictionArgs"], [176, 1, 1, "", "ForecastingDataSplitType"], [176, 1, 1, "", "ForecastingFillMethod"], [176, 1, 1, "", "ForecastingFrequency"], [176, 1, 1, "", "ForecastingLocalScaling"], [176, 1, 1, "", "ForecastingLossFunction"], [176, 1, 1, "", "ForecastingMonitorConfig"], [176, 1, 1, "", "ForecastingMonitorItemAnalysis"], [176, 1, 1, "", "ForecastingMonitorSummary"], [176, 1, 1, "", "ForecastingObjective"], [176, 1, 1, "", "ForecastingPredictionArguments"], [176, 1, 1, "", "ForecastingQuanitlesExtensionMethod"], [176, 1, 1, "", "ForecastingTrainingConfig"], [176, 1, 1, "", "FreshserviceDatasetConfig"], [176, 1, 1, "", "FsEntry"], [176, 1, 1, "", "FunctionLogs"], [176, 1, 1, "", "GeneratedPitFeatureConfigOption"], [176, 1, 1, "", "GoogleAnalyticsDatasetConfig"], [176, 1, 1, "", "GoogleDriveDatasetConfig"], [176, 1, 1, "", "GraphDashboard"], [176, 1, 1, "", "HistoryLengthDriftConditionConfig"], [176, 1, 1, "", "HoldoutAnalysis"], [176, 1, 1, "", "HoldoutAnalysisVersion"], [176, 1, 1, "", "HolidayCalendars"], [176, 1, 1, "", "HostedApp"], [176, 1, 1, "", "HostedAppContainer"], [176, 1, 1, "", "HostedAppFileRead"], [176, 1, 1, "", "HostedArtifact"], [176, 1, 1, "", "HostedDatabase"], [176, 1, 1, "", "HostedDatabaseSnapshot"], [176, 1, 1, "", "HostedModelToken"], [176, 1, 1, "", "HostnameInfo"], [176, 1, 1, "", "HotkeyPrompt"], [176, 1, 1, "", "HumeVoice"], [176, 1, 1, "", "ImageGenModel"], [176, 1, 1, "", "ImageGenModelOptions"], [176, 1, 1, "", "ImageGenSettings"], [176, 1, 1, "", "ImageUrlResponseSection"], [176, 1, 1, "", "IncrementalDatabaseConnectorConfig"], [176, 1, 1, "", "IndexingConfig"], [176, 1, 1, "", "InferredDatabaseColumnToFeatureMappings"], [176, 1, 1, "", "InferredFeatureMappings"], [176, 1, 1, "", "InputNode"], [176, 1, 1, "", "ItemAttributesStdDevThreshold"], [176, 1, 1, "", "ItemStatistics"], [176, 1, 1, "", "JSONSchema"], [176, 1, 1, "", "JiraDatasetConfig"], [176, 1, 1, "", "KafkaDatasetConfig"], [176, 1, 1, "", "LLMAgentNode"], [176, 1, 1, "", "LLMName"], [176, 1, 1, "", "LastNMergeConfig"], [176, 1, 1, "", "LipSyncGenSettings"], [176, 1, 1, "", "ListResponseSection"], [176, 1, 1, "", "LlmApp"], [176, 1, 1, "", "LlmArtifact"], [176, 1, 1, "", "LlmCodeBlock"], [176, 1, 1, "", "LlmExecutionPreview"], [176, 1, 1, "", "LlmExecutionResult"], [176, 1, 1, "", "LlmGeneratedCode"], [176, 1, 1, "", "LlmInput"], [176, 1, 1, "", "LlmParameters"], [176, 1, 1, "", "LlmResponse"], [176, 6, 1, "", "MIN_AGENT_SLEEP_TIME"], [176, 1, 1, "", "MarkdownConfig"], [176, 1, 1, "", "MarkdownOperatorInputType"], [176, 1, 1, "", "McpConfig"], [176, 1, 1, "", "McpServer"], [176, 1, 1, "", "McpServerConnection"], [176, 1, 1, "", "McpServerQueryResult"], [176, 1, 1, "", "MemoryOptions"], [176, 1, 1, "", "MemorySize"], [176, 1, 1, "", "MergeConfig"], [176, 1, 1, "", "MergeMode"], [176, 1, 1, "", "MessagingConnectorResponse"], [176, 1, 1, "", "Model"], [176, 1, 1, "", "ModelArtifactsExport"], [176, 1, 1, "", "ModelBlueprintExport"], [176, 1, 1, "", "ModelBlueprintStage"], [176, 1, 1, "", "ModelLocation"], [176, 1, 1, "", "ModelMetrics"], [176, 1, 1, "", "ModelMonitor"], [176, 1, 1, "", "ModelMonitorOrgSummary"], [176, 1, 1, "", "ModelMonitorSummary"], [176, 1, 1, "", "ModelMonitorSummaryFromOrg"], [176, 1, 1, "", "ModelMonitorVersion"], [176, 1, 1, "", "ModelMonitorVersionMetricData"], [176, 1, 1, "", "ModelTrainingTypeForDeployment"], [176, 1, 1, "", "ModelUpload"], [176, 1, 1, "", "ModelVersion"], [176, 1, 1, "", "ModelVersionFeatureGroupSchema"], [176, 1, 1, "", "ModificationLockInfo"], [176, 1, 1, "", "Module"], [176, 1, 1, "", "MonitorAlert"], [176, 1, 1, "", "MonitorAlertType"], [176, 1, 1, "", "MonitorAlertVersion"], [176, 1, 1, "", "MonitorDriftAndDistributions"], [176, 1, 1, "", "MonitorFilteringConfig"], [176, 1, 1, "", "MonitorThresholdConfig"], [176, 1, 1, "", "NERModelType"], [176, 1, 1, "", "NERObjective"], [176, 1, 1, "", "NLPDocumentFormat"], [176, 1, 1, "", "NSamplingConfig"], [176, 1, 1, "", "NamedEntityExtractionBatchPredictionArgs"], [176, 1, 1, "", "NamedEntityExtractionTrainingConfig"], [176, 1, 1, "", "NaturalLanguageExplanation"], [176, 1, 1, "", "NaturalLanguageSearchPredictionArguments"], [176, 1, 1, "", "NaturalLanguageSearchTrainingConfig"], [176, 1, 1, "", "NestedFeature"], [176, 1, 1, "", "NestedFeatureSchema"], [176, 1, 1, "", "NewsSearchResult"], [176, 1, 1, "", "NlpChatResponse"], [176, 1, 1, "", "NullViolation"], [176, 1, 1, "", "OcrMode"], [176, 1, 1, "", "OneDriveDatasetConfig"], [176, 1, 1, "", "OperatorConfig"], [176, 1, 1, "", "OperatorType"], [176, 1, 1, "", "OptimizationPredictionArguments"], [176, 1, 1, "", "OptimizationTrainingConfig"], [176, 1, 1, "", "OrganizationExternalApplicationSettings"], [176, 1, 1, "", "OrganizationGroup"], [176, 1, 1, "", "OrganizationSearchResult"], [176, 1, 1, "", "OrganizationSecret"], [176, 1, 1, "", "OrganizationSecretType"], [176, 1, 1, "", "OutlookDatasetConfig"], [176, 1, 1, "", "OutputVariableMapping"], [176, 1, 1, "", "PageData"], [176, 1, 1, "", "ParsingConfig"], [176, 1, 1, "", "PartialDependenceAnalysis"], [176, 1, 1, "", "PercentSamplingConfig"], [176, 1, 1, "", "PersonalizationBatchPredictionArgs"], [176, 1, 1, "", "PersonalizationObjective"], [176, 1, 1, "", "PersonalizationTrainingConfig"], [176, 1, 1, "", "PersonalizationTrainingMode"], [176, 1, 1, "", "Pipeline"], [176, 1, 1, "", "PipelineReference"], [176, 1, 1, "", "PipelineStep"], [176, 1, 1, "", "PipelineStepVersion"], [176, 1, 1, "", "PipelineStepVersionLogs"], [176, 1, 1, "", "PipelineStepVersionReference"], [176, 1, 1, "", "PipelineVersion"], [176, 1, 1, "", "PipelineVersionLogs"], [176, 1, 1, "", "PlaygroundText"], [176, 1, 1, "", "PointInTimeFeature"], [176, 1, 1, "", "PointInTimeFeatureInfo"], [176, 1, 1, "", "PointInTimeGroup"], [176, 1, 1, "", "PointInTimeGroupFeature"], [176, 1, 1, "", "PredictionArguments"], [176, 1, 1, "", "PredictionClient"], [176, 1, 1, "", "PredictionCountConditionConfig"], [176, 1, 1, "", "PredictionDataset"], [176, 1, 1, "", "PredictionFeatureGroup"], [176, 1, 1, "", "PredictionInput"], [176, 1, 1, "", "PredictionLogRecord"], [176, 1, 1, "", "PredictionOperator"], [176, 1, 1, "", "PredictionOperatorVersion"], [176, 1, 1, "", "PredictiveModelingBatchPredictionArgs"], [176, 1, 1, "", "PresentationExportResult"], [176, 1, 1, "", "PretrainedModelsBatchPredictionArgs"], [176, 1, 1, "", "PrivateWebAppDeployment"], [176, 1, 1, "id23", "ProblemType"], [176, 1, 1, "", "Project"], [176, 1, 1, "", "ProjectConfig"], [176, 1, 1, "", "ProjectConfigType"], [176, 1, 1, "", "ProjectFeatureGroup"], [176, 1, 1, "", "ProjectFeatureGroupConfig"], [176, 1, 1, "", "ProjectFeatureGroupSchema"], [176, 1, 1, "", "ProjectFeatureGroupSchemaVersion"], [176, 1, 1, "", "ProjectFeatureGroupTypeMappingsConfig"], [176, 1, 1, "", "ProjectValidation"], [176, 1, 1, "", "PythonFunction"], [176, 1, 1, "", "PythonFunctionArgument"], [176, 1, 1, "", "PythonFunctionArgumentType"], [176, 1, 1, "", "PythonFunctionOutputArgumentType"], [176, 1, 1, "", "PythonFunctionType"], [176, 1, 1, "", "PythonPlotFunction"], [176, 1, 1, "", "RangeViolation"], [176, 1, 1, "", "ReadOnlyClient"], [176, 1, 1, "", "RealtimeMonitor"], [176, 1, 1, "", "RefreshPipelineRun"], [176, 1, 1, "", "RefreshPolicy"], [176, 1, 1, "", "RefreshSchedule"], [176, 1, 1, "", "RegenerateLlmExternalApplication"], [176, 1, 1, "", "RegenerateLlmOption"], [176, 1, 1, "", "RegressionAugmentationStrategy"], [176, 1, 1, "", "RegressionLossFunction"], [176, 1, 1, "", "RegressionObjective"], [176, 1, 1, "", "RegressionPredictionArguments"], [176, 1, 1, "", "RegressionTargetTransform"], [176, 1, 1, "", "RegressionTimeSplitMethod"], [176, 1, 1, "", "RegressionTrainingConfig"], [176, 1, 1, "", "RegressionTreeHPOMode"], [176, 1, 1, "", "RegressionTypeOfSplit"], [176, 1, 1, "", "ResolvedFeatureGroupTemplate"], [176, 1, 1, "", "ResponseSection"], [176, 1, 1, "", "ResponseSectionType"], [176, 1, 1, "", "RestrictFeatureMappings"], [176, 1, 1, "", "ReviewModeProjectFeatureGroupConfig"], [176, 1, 1, "", "RoutingAction"], [176, 1, 1, "", "RuntimeSchemaResponseSection"], [176, 1, 1, "", "SamplingConfig"], [176, 1, 1, "", "SamplingMethodType"], [176, 1, 1, "", "Schema"], [176, 6, 1, "", "Segment"], [176, 1, 1, "", "SentenceBoundaryDetectionBatchPredictionArgs"], [176, 1, 1, "", "SentenceBoundaryDetectionTrainingConfig"], [176, 1, 1, "", "SentimentDetectionTrainingConfig"], [176, 1, 1, "", "SentimentType"], [176, 1, 1, "", "SessionSummary"], [176, 1, 1, "", "SessionTranscript"], [176, 1, 1, "", "SessionTranscripts"], [176, 1, 1, "", "SftpDatasetConfig"], [176, 1, 1, "", "SftpKey"], [176, 1, 1, "", "SharepointDatasetConfig"], [176, 1, 1, "", "StdDevThreshold"], [176, 1, 1, "", "StdDevThresholdType"], [176, 1, 1, "", "StreamingAuthToken"], [176, 1, 1, "", "StreamingClient"], [176, 1, 1, "", "StreamingConnector"], [176, 1, 1, "", "StreamingConnectorDatasetConfig"], [176, 1, 1, "", "StreamingConnectorType"], [176, 1, 1, "", "StreamingRowCount"], [176, 1, 1, "", "StreamingSampleCode"], [176, 1, 1, "", "StsGenSettings"], [176, 1, 1, "", "SttGenModel"], [176, 1, 1, "", "SttGenModelOptions"], [176, 1, 1, "", "SttGenSettings"], [176, 1, 1, "", "SystemConnectorTool"], [176, 1, 1, "", "TargetDriftConditionConfig"], [176, 1, 1, "", "TeamsScraperDatasetConfig"], [176, 1, 1, "", "TemplateNodeDetails"], [176, 1, 1, "", "TestPointPredictions"], [176, 1, 1, "", "TextResponseSection"], [176, 1, 1, "", "ThemeAnalysisBatchPredictionArgs"], [176, 1, 1, "", "ThemeAnalysisTrainingConfig"], [176, 1, 1, "", "TimeWindowConfig"], [176, 1, 1, "", "TimeWindowMergeConfig"], [176, 1, 1, "", "TimeseriesAnomalyDataSplitType"], [176, 1, 1, "", "TimeseriesAnomalyPredictionArguments"], [176, 1, 1, "", "TimeseriesAnomalyTrainingConfig"], [176, 1, 1, "", "TimeseriesAnomalyTypeOfAnomaly"], [176, 1, 1, "", "TimeseriesAnomalyUseHeuristic"], [176, 1, 1, "", "ToneDetails"], [176, 1, 1, "", "ToolResponse"], [176, 1, 1, "", "TrainablePlugAndPlayBatchPredictionArgs"], [176, 1, 1, "", "TrainingConfig"], [176, 1, 1, "", "TrainingConfigOptions"], [176, 1, 1, "", "TriggerConfig"], [176, 1, 1, "", "TtsGenSettings"], [176, 1, 1, "", "TwitterSearchResult"], [176, 1, 1, "", "UnifiedConnector"], [176, 1, 1, "", "UnionTransformConfig"], [176, 1, 1, "", "UnpivotConfig"], [176, 1, 1, "", "Upload"], [176, 1, 1, "", "UploadPart"], [176, 1, 1, "", "UseCase"], [176, 1, 1, "", "UseCaseRequirements"], [176, 1, 1, "", "User"], [176, 1, 1, "", "UserException"], [176, 1, 1, "", "UserGroupObjectPermission"], [176, 1, 1, "", "VectorStoreConfig"], [176, 1, 1, "", "VectorStoreTextEncoder"], [176, 1, 1, "", "VideoGenCosts"], [176, 1, 1, "", "VideoGenModel"], [176, 1, 1, "", "VideoGenModelOptions"], [176, 1, 1, "", "VideoGenSettings"], [176, 1, 1, "", "VideoSearchResult"], [176, 1, 1, "", "VoiceGenDetails"], [176, 1, 1, "", "WebAppConversation"], [176, 1, 1, "", "WebAppDeploymentPermissionDict"], [176, 1, 1, "", "WebAppDomain"], [176, 1, 1, "", "WebPageResponse"], [176, 1, 1, "", "WebSearchResponse"], [176, 1, 1, "", "WebSearchResult"], [176, 1, 1, "", "WebServiceTriggerRun"], [176, 1, 1, "", "Webhook"], [176, 1, 1, "", "WorkflowGraph"], [176, 1, 1, "", "WorkflowGraphEdge"], [176, 1, 1, "", "WorkflowGraphNode"], [176, 1, 1, "", "WorkflowGraphNodeDetails"], [176, 1, 1, "", "WorkflowNodeInputMapping"], [176, 1, 1, "", "WorkflowNodeInputSchema"], [176, 1, 1, "", "WorkflowNodeInputType"], [176, 1, 1, "", "WorkflowNodeOutputMapping"], [176, 1, 1, "", "WorkflowNodeOutputSchema"], [176, 1, 1, "", "WorkflowNodeOutputType"], [176, 1, 1, "", "WorkflowNodeTemplate"], [176, 1, 1, "", "WorkflowNodeTemplateConfig"], [176, 1, 1, "", "WorkflowNodeTemplateInput"], [176, 1, 1, "", "WorkflowNodeTemplateOutput"], [176, 1, 1, "", "WorkflowNodeTemplateType"], [176, 1, 1, "", "ZendeskDatasetConfig"], [176, 1, 1, "", "_AlertActionConfigFactory"], [176, 1, 1, "", "_AlertConditionConfigFactory"], [176, 1, 1, "", "_ApiClassFactory"], [176, 1, 1, "", "_ApplicationConnectorDatasetConfigFactory"], [176, 1, 1, "", "_BatchPredictionArgsFactory"], [176, 1, 1, "", "_FeatureGroupExportConfigFactory"], [176, 1, 1, "", "_MergeConfigFactory"], [176, 1, 1, "", "_OperatorConfigFactory"], [176, 1, 1, "", "_PredictionArgumentsFactory"], [176, 1, 1, "", "_ProjectFeatureGroupConfigFactory"], [176, 1, 1, "", "_SamplingConfigFactory"], [176, 1, 1, "", "_StreamingConnectorDatasetConfigFactory"], [176, 1, 1, "", "_TrainingConfigFactory"], [176, 6, 1, "", "__version__"], [176, 6, 1, "", "_request_context"], [0, 0, 0, "-", "abacus_api"], [1, 0, 0, "-", "address"], [2, 0, 0, "-", "agent"], [3, 0, 0, "-", "agent_chat_message"], [4, 0, 0, "-", "agent_conversation"], [5, 0, 0, "-", "agent_data_document_info"], [6, 0, 0, "-", "agent_data_execution_result"], [7, 0, 0, "-", "agent_version"], [8, 0, 0, "-", "ai_building_task"], [9, 0, 0, "-", "algorithm"], [10, 0, 0, "-", "annotation"], [11, 0, 0, "-", "annotation_config"], [12, 0, 0, "-", "annotation_document"], [13, 0, 0, "-", "annotation_entry"], [14, 0, 0, "-", "annotations_status"], [27, 0, 0, "-", "api_class"], [35, 0, 0, "-", "api_client_utils"], [36, 0, 0, "-", "api_endpoint"], [37, 0, 0, "-", "api_key"], [38, 0, 0, "-", "app_user_group"], [39, 0, 0, "-", "app_user_group_sign_in_token"], [40, 0, 0, "-", "application_connector"], [41, 0, 0, "-", "audio_gen_settings"], [42, 0, 0, "-", "audio_url_result"], [43, 0, 0, "-", "audit_log"], [44, 0, 0, "-", "batch_prediction"], [45, 0, 0, "-", "batch_prediction_version"], [46, 0, 0, "-", "batch_prediction_version_logs"], [47, 0, 0, "-", "bot_info"], [48, 0, 0, "-", "categorical_range_violation"], [49, 0, 0, "-", "chat_message"], [50, 0, 0, "-", "chat_session"], [51, 0, 0, "-", "chatllm_computer"], [52, 0, 0, "-", "chatllm_computer_status"], [53, 0, 0, "-", "chatllm_memory"], [54, 0, 0, "-", "chatllm_project"], [55, 0, 0, "-", "chatllm_project_permissions"], [56, 0, 0, "-", "chatllm_referral_invite"], [57, 0, 0, "-", "chatllm_task"], [58, 0, 0, "-", "client"], [59, 0, 0, "-", "code_agent_response"], [60, 0, 0, "-", "code_autocomplete_edit_prediction_response"], [61, 0, 0, "-", "code_autocomplete_response"], [62, 0, 0, "-", "code_bot"], [63, 0, 0, "-", "code_edit"], [64, 0, 0, "-", "code_edit_response"], [65, 0, 0, "-", "code_edits"], [66, 0, 0, "-", "code_embeddings"], [67, 0, 0, "-", "code_llm_changed_files"], [68, 0, 0, "-", "code_source"], [69, 0, 0, "-", "code_suggestion_validation_response"], [70, 0, 0, "-", "code_summary_response"], [71, 0, 0, "-", "codellm_embedding_constants"], [72, 0, 0, "-", "compute_point_info"], [73, 0, 0, "-", "concatenation_config"], [74, 0, 0, "-", "constants_autocomplete_response"], [75, 0, 0, "-", "cpu_gpu_memory_specs"], [76, 0, 0, "-", "cryptography"], [77, 0, 0, "-", "custom_chat_instructions"], [78, 0, 0, "-", "custom_domain"], [79, 0, 0, "-", "custom_loss_function"], [80, 0, 0, "-", "custom_metric"], [81, 0, 0, "-", "custom_metric_version"], [82, 0, 0, "-", "custom_train_function_info"], [83, 0, 0, "-", "daemon_task_conversation"], [84, 0, 0, "-", "data_consistency_duplication"], [85, 0, 0, "-", "data_metrics"], [86, 0, 0, "-", "data_prep_logs"], [87, 0, 0, "-", "data_quality_results"], [88, 0, 0, "-", "data_upload_result"], [89, 0, 0, "-", "database_column_feature_mapping"], [90, 0, 0, "-", "database_connector"], [91, 0, 0, "-", "database_connector_column"], [92, 0, 0, "-", "database_connector_schema"], [93, 0, 0, "-", "dataset"], [94, 0, 0, "-", "dataset_column"], [95, 0, 0, "-", "dataset_version"], [96, 0, 0, "-", "dataset_version_logs"], [97, 0, 0, "-", "default_llm"], [98, 0, 0, "-", "deployment"], [99, 0, 0, "-", "deployment_auth_token"], [100, 0, 0, "-", "deployment_conversation"], [101, 0, 0, "-", "deployment_conversation_event"], [102, 0, 0, "-", "deployment_conversation_export"], [103, 0, 0, "-", "deployment_statistics"], [176, 7, 1, "", "deprecated_enums"], [104, 0, 0, "-", "document_data"], [105, 0, 0, "-", "document_retriever"], [106, 0, 0, "-", "document_retriever_lookup_result"], [107, 0, 0, "-", "document_retriever_version"], [108, 0, 0, "-", "document_retriever_version_logs"], [109, 0, 0, "-", "domain_purchase_result"], [110, 0, 0, "-", "domain_search_result"], [111, 0, 0, "-", "drift_distribution"], [112, 0, 0, "-", "drift_distributions"], [113, 0, 0, "-", "eda"], [114, 0, 0, "-", "eda_chart_description"], [115, 0, 0, "-", "eda_collinearity"], [116, 0, 0, "-", "eda_data_consistency"], [117, 0, 0, "-", "eda_feature_association"], [118, 0, 0, "-", "eda_feature_collinearity"], [119, 0, 0, "-", "eda_forecasting_analysis"], [120, 0, 0, "-", "eda_version"], [121, 0, 0, "-", "edit_image_models"], [122, 0, 0, "-", "embedding_feature_drift_distribution"], [123, 0, 0, "-", "entri_auth_token"], [124, 0, 0, "-", "execute_feature_group_operation"], [125, 0, 0, "-", "external_application"], [126, 0, 0, "-", "external_invite"], [127, 0, 0, "-", "extracted_fields"], [128, 0, 0, "-", "feature"], [129, 0, 0, "-", "feature_distribution"], [130, 0, 0, "-", "feature_drift_record"], [131, 0, 0, "-", "feature_drift_summary"], [132, 0, 0, "-", "feature_group"], [133, 0, 0, "-", "feature_group_document"], [134, 0, 0, "-", "feature_group_export"], [135, 0, 0, "-", "feature_group_export_config"], [136, 0, 0, "-", "feature_group_export_download_url"], [137, 0, 0, "-", "feature_group_lineage"], [138, 0, 0, "-", "feature_group_refresh_export_config"], [139, 0, 0, "-", "feature_group_row"], [140, 0, 0, "-", "feature_group_row_process"], [141, 0, 0, "-", "feature_group_row_process_logs"], [142, 0, 0, "-", "feature_group_row_process_summary"], [143, 0, 0, "-", "feature_group_template"], [144, 0, 0, "-", "feature_group_template_variable_options"], [145, 0, 0, "-", "feature_group_version"], [146, 0, 0, "-", "feature_group_version_logs"], [147, 0, 0, "-", "feature_importance"], [148, 0, 0, "-", "feature_mapping"], [149, 0, 0, "-", "feature_performance_analysis"], [150, 0, 0, "-", "file_connector"], [151, 0, 0, "-", "file_connector_instructions"], [152, 0, 0, "-", "file_connector_verification"], [153, 0, 0, "-", "finetuned_pretrained_model"], [154, 0, 0, "-", "forecasting_analysis_graph_data"], [155, 0, 0, "-", "forecasting_monitor_item_analysis"], [156, 0, 0, "-", "forecasting_monitor_summary"], [157, 0, 0, "-", "fs_entry"], [158, 0, 0, "-", "function_logs"], [159, 0, 0, "-", "generated_pit_feature_config_option"], [176, 7, 1, "", "get_clean_function_source_code_for_agent"], [160, 0, 0, "-", "global_context"], [161, 0, 0, "-", "graph_dashboard"], [162, 0, 0, "-", "holdout_analysis"], [163, 0, 0, "-", "holdout_analysis_version"], [164, 0, 0, "-", "hosted_app"], [165, 0, 0, "-", "hosted_app_container"], [166, 0, 0, "-", "hosted_app_file_read"], [167, 0, 0, "-", "hosted_artifact"], [168, 0, 0, "-", "hosted_database"], [169, 0, 0, "-", "hosted_database_snapshot"], [170, 0, 0, "-", "hosted_model_token"], [171, 0, 0, "-", "hostname_info"], [172, 0, 0, "-", "hume_voice"], [173, 0, 0, "-", "image_gen_model"], [174, 0, 0, "-", "image_gen_model_options"], [175, 0, 0, "-", "image_gen_settings"], [177, 0, 0, "-", "indexing_config"], [178, 0, 0, "-", "inferred_database_column_to_feature_mappings"], [179, 0, 0, "-", "inferred_feature_mappings"], [180, 0, 0, "-", "item_statistics"], [181, 0, 0, "-", "lip_sync_gen_settings"], [182, 0, 0, "-", "llm_app"], [183, 0, 0, "-", "llm_artifact"], [184, 0, 0, "-", "llm_code_block"], [185, 0, 0, "-", "llm_execution_preview"], [186, 0, 0, "-", "llm_execution_result"], [187, 0, 0, "-", "llm_generated_code"], [188, 0, 0, "-", "llm_input"], [189, 0, 0, "-", "llm_parameters"], [190, 0, 0, "-", "llm_response"], [191, 0, 0, "-", "mcp_config"], [192, 0, 0, "-", "mcp_server"], [193, 0, 0, "-", "mcp_server_connection"], [194, 0, 0, "-", "mcp_server_query_result"], [195, 0, 0, "-", "memory_options"], [196, 0, 0, "-", "messaging_connector_response"], [197, 0, 0, "-", "model"], [198, 0, 0, "-", "model_artifacts_export"], [199, 0, 0, "-", "model_blueprint_export"], [200, 0, 0, "-", "model_blueprint_stage"], [201, 0, 0, "-", "model_location"], [202, 0, 0, "-", "model_metrics"], [203, 0, 0, "-", "model_monitor"], [204, 0, 0, "-", "model_monitor_org_summary"], [205, 0, 0, "-", "model_monitor_summary"], [206, 0, 0, "-", "model_monitor_summary_from_org"], [207, 0, 0, "-", "model_monitor_version"], [208, 0, 0, "-", "model_monitor_version_metric_data"], [209, 0, 0, "-", "model_training_type_for_deployment"], [210, 0, 0, "-", "model_upload"], [211, 0, 0, "-", "model_version"], [212, 0, 0, "-", "model_version_feature_group_schema"], [213, 0, 0, "-", "modification_lock_info"], [214, 0, 0, "-", "module"], [215, 0, 0, "-", "monitor_alert"], [216, 0, 0, "-", "monitor_alert_version"], [217, 0, 0, "-", "monitor_drift_and_distributions"], [218, 0, 0, "-", "natural_language_explanation"], [219, 0, 0, "-", "nested_feature"], [220, 0, 0, "-", "nested_feature_schema"], [221, 0, 0, "-", "news_search_result"], [222, 0, 0, "-", "nlp_chat_response"], [223, 0, 0, "-", "null_violation"], [224, 0, 0, "-", "organization_external_application_settings"], [225, 0, 0, "-", "organization_group"], [226, 0, 0, "-", "organization_search_result"], [227, 0, 0, "-", "organization_secret"], [228, 0, 0, "-", "page_data"], [229, 0, 0, "-", "pipeline"], [230, 0, 0, "-", "pipeline_reference"], [231, 0, 0, "-", "pipeline_step"], [232, 0, 0, "-", "pipeline_step_version"], [233, 0, 0, "-", "pipeline_step_version_logs"], [234, 0, 0, "-", "pipeline_step_version_reference"], [235, 0, 0, "-", "pipeline_version"], [236, 0, 0, "-", "pipeline_version_logs"], [237, 0, 0, "-", "playground_text"], [238, 0, 0, "-", "point_in_time_feature"], [239, 0, 0, "-", "point_in_time_feature_info"], [240, 0, 0, "-", "point_in_time_group"], [241, 0, 0, "-", "point_in_time_group_feature"], [242, 0, 0, "-", "prediction_client"], [243, 0, 0, "-", "prediction_dataset"], [244, 0, 0, "-", "prediction_feature_group"], [245, 0, 0, "-", "prediction_input"], [246, 0, 0, "-", "prediction_log_record"], [247, 0, 0, "-", "prediction_operator"], [248, 0, 0, "-", "prediction_operator_version"], [249, 0, 0, "-", "presentation_export_result"], [250, 0, 0, "-", "private_web_app_deployment"], [251, 0, 0, "-", "problem_type"], [252, 0, 0, "-", "project"], [253, 0, 0, "-", "project_config"], [254, 0, 0, "-", "project_feature_group"], [255, 0, 0, "-", "project_feature_group_schema"], [256, 0, 0, "-", "project_feature_group_schema_version"], [257, 0, 0, "-", "project_validation"], [258, 0, 0, "-", "python_function"], [259, 0, 0, "-", "python_function_validator"], [260, 0, 0, "-", "python_plot_function"], [261, 0, 0, "-", "range_violation"], [262, 0, 0, "-", "realtime_monitor"], [263, 0, 0, "-", "refresh_pipeline_run"], [264, 0, 0, "-", "refresh_policy"], [265, 0, 0, "-", "refresh_schedule"], [266, 0, 0, "-", "regenerate_llm_external_application"], [267, 0, 0, "-", "regenerate_llm_option"], [268, 0, 0, "-", "resolved_feature_group_template"], [269, 0, 0, "-", "return_class"], [270, 0, 0, "-", "routing_action"], [271, 0, 0, "-", "schema"], [272, 0, 0, "-", "session_summary"], [273, 0, 0, "-", "session_transcript"], [274, 0, 0, "-", "session_transcripts"], [275, 0, 0, "-", "sftp_key"], [276, 0, 0, "-", "streaming_auth_token"], [277, 0, 0, "-", "streaming_client"], [278, 0, 0, "-", "streaming_connector"], [279, 0, 0, "-", "streaming_row_count"], [280, 0, 0, "-", "streaming_sample_code"], [281, 0, 0, "-", "sts_gen_settings"], [282, 0, 0, "-", "stt_gen_model"], [283, 0, 0, "-", "stt_gen_model_options"], [284, 0, 0, "-", "stt_gen_settings"], [285, 0, 0, "-", "template_node_details"], [286, 0, 0, "-", "test_point_predictions"], [287, 0, 0, "-", "tone_details"], [288, 0, 0, "-", "training_config_options"], [289, 0, 0, "-", "tts_gen_settings"], [290, 0, 0, "-", "twitter_search_result"], [291, 0, 0, "-", "unified_connector"], [292, 0, 0, "-", "upload"], [293, 0, 0, "-", "upload_part"], [294, 0, 0, "-", "use_case"], [295, 0, 0, "-", "use_case_requirements"], [296, 0, 0, "-", "user"], [297, 0, 0, "-", "user_exception"], [298, 0, 0, "-", "user_group_object_permission"], [176, 7, 1, "", "validate_constructor_arg_types"], [176, 7, 1, "", "validate_input_dict_param"], [299, 0, 0, "-", "video_gen_costs"], [300, 0, 0, "-", "video_gen_model"], [301, 0, 0, "-", "video_gen_model_options"], [302, 0, 0, "-", "video_gen_settings"], [303, 0, 0, "-", "video_search_result"], [304, 0, 0, "-", "voice_gen_details"], [305, 0, 0, "-", "web_app_conversation"], [306, 0, 0, "-", "web_app_deployment_permission_dict"], [307, 0, 0, "-", "web_app_domain"], [308, 0, 0, "-", "web_page_response"], [309, 0, 0, "-", "web_search_response"], [310, 0, 0, "-", "web_search_result"], [311, 0, 0, "-", "web_service_trigger_run"], [312, 0, 0, "-", "webhook"], [313, 0, 0, "-", "workflow_graph_node_details"], [314, 0, 0, "-", "workflow_node_template"]], "abacusai.AIAgentBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"]], "abacusai.AIAgentTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "agent_connectors"], [176, 3, 1, "", "agent_input_schema"], [176, 3, 1, "", "agent_interface"], [176, 3, 1, "", "agent_output_schema"], [176, 3, 1, "", "description"], [176, 3, 1, "", "enable_binary_input"]], "abacusai.AbacusApi": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "docstring"], [176, 3, 1, "", "method"], [176, 3, 1, "", "score"], [176, 2, 1, "", "to_dict"]], "abacusai.AbacusUsageMetricsDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "include_all_feedback"], [176, 3, 1, "", "include_entire_conversation_history"], [176, 3, 1, "", "resolve_matching_documents"]], "abacusai.AccuracyBelowThresholdConditionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "threshold"]], "abacusai.Address": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "additional_info"], [176, 3, 1, "", "address_line_1"], [176, 3, 1, "", "address_line_2"], [176, 3, 1, "", "city"], [176, 3, 1, "", "country"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "include_reverse_charge"], [176, 3, 1, "", "postal_code"], [176, 3, 1, "", "state_or_province"], [176, 2, 1, "", "to_dict"]], "abacusai.Agent": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "agent_config"], [176, 4, 1, "", "agent_connectors"], [176, 3, 1, "", "agent_execution_config"], [176, 3, 1, "", "agent_id"], [176, 4, 1, "", "agent_interface"], [176, 3, 1, "", "code_source"], [176, 2, 1, "", "copy"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 4, 1, "", "description"], [176, 3, 1, "", "draft_workflow_graph"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "latest_agent_version"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 3, 1, "", "predict_function_name"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "republish"], [176, 3, 1, "", "source_code"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "training_required"], [176, 2, 1, "", "wait_for_publish"], [176, 3, 1, "", "workflow_graph"]], "abacusai.AgentChatMessage": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "agent_workflow_node_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_ids"], [176, 3, 1, "", "keyword_arguments"], [176, 3, 1, "", "role"], [176, 3, 1, "", "segments"], [176, 3, 1, "", "streamed_data"], [176, 3, 1, "", "streamed_section_data"], [176, 3, 1, "", "text"], [176, 2, 1, "", "to_dict"]], "abacusai.AgentClientType": [[176, 3, 1, "", "API"], [176, 3, 1, "", "CHAT_UI"], [176, 3, 1, "", "MESSAGING_APP"]], "abacusai.AgentConversation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "messages"], [176, 2, 1, "", "to_dict"]], "abacusai.AgentConversationMessage": [[176, 3, 1, "", "document_contents"], [176, 3, 1, "", "is_user"], [176, 3, 1, "", "text"], [176, 2, 1, "", "to_dict"]], "abacusai.AgentDataDocumentInfo": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_id"], [176, 3, 1, "", "filename"], [176, 3, 1, "", "mime_type"], [176, 3, 1, "", "page_count"], [176, 3, 1, "", "size"], [176, 2, 1, "", "to_dict"]], "abacusai.AgentDataExecutionResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_infos"], [176, 3, 1, "", "response"], [176, 2, 1, "", "to_dict"]], "abacusai.AgentFlowButtonResponseSection": [[176, 3, 1, "", "agent_workflow_node_name"], [176, 3, 1, "", "label"]], "abacusai.AgentInterface": [[176, 3, 1, "", "AUTONOMOUS"], [176, 3, 1, "", "CHAT"], [176, 3, 1, "", "DEFAULT"], [176, 3, 1, "", "MATRIX"]], "abacusai.AgentResponse": [[176, 2, 1, "", "__getattr__"], [176, 2, 1, "", "__getstate__"], [176, 2, 1, "", "__setstate__"], [176, 3, 1, "", "data_list"], [176, 3, 1, "", "section_data_list"], [176, 2, 1, "", "to_dict"]], "abacusai.AgentVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "agent_config"], [176, 3, 1, "", "agent_execution_config"], [176, 3, 1, "", "agent_id"], [176, 3, 1, "", "agent_version"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 3, 1, "", "failed_deployment_ids"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "pending_deployment_ids"], [176, 3, 1, "", "publishing_completed_at"], [176, 3, 1, "", "publishing_started_at"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_publish"], [176, 3, 1, "", "workflow_graph"]], "abacusai.AiBuildingTask": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "task"], [176, 3, 1, "", "task_type"], [176, 2, 1, "", "to_dict"]], "abacusai.AlertActionConfig": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "action_type"]], "abacusai.AlertActionType": [[176, 3, 1, "", "EMAIL"]], "abacusai.AlertConditionConfig": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "alert_type"]], "abacusai.Algorithm": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algorithm_id"], [176, 3, 1, "", "algorithm_training_config"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "config_options"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "initialize_function_name"], [176, 3, 1, "", "is_default_enabled"], [176, 3, 1, "", "name"], [176, 3, 1, "", "only_offline_deployable"], [176, 3, 1, "", "predict_function_name"], [176, 3, 1, "", "predict_many_function_name"], [176, 3, 1, "", "problem_type"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "train_function_name"], [176, 3, 1, "", "training_input_mappings"], [176, 3, 1, "", "updated_at"], [176, 3, 1, "", "use_gpu"]], "abacusai.Annotation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "annotation_type"], [176, 3, 1, "", "annotation_value"], [176, 3, 1, "", "comments"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "metadata"], [176, 2, 1, "", "to_dict"]], "abacusai.AnnotationConfig": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "comments_features"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_annotation_configs"], [176, 3, 1, "", "labels"], [176, 3, 1, "", "metadata_feature"], [176, 3, 1, "", "status_feature"], [176, 2, 1, "", "to_dict"]], "abacusai.AnnotationDocument": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_id"], [176, 3, 1, "", "feature_group_row_identifier"], [176, 3, 1, "", "feature_group_row_index"], [176, 3, 1, "", "is_annotation_present"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_rows"]], "abacusai.AnnotationEntry": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "annotation"], [176, 3, 1, "", "annotation_entry_marker"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_id"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_row_identifier"], [176, 3, 1, "", "feature_name"], [176, 3, 1, "", "locked_until"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"], [176, 3, 1, "", "verification_info"]], "abacusai.AnnotationsStatus": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "done"], [176, 3, 1, "", "in_progress"], [176, 3, 1, "", "is_materialization_needed"], [176, 3, 1, "", "latest_materialized_annotation_config"], [176, 3, 1, "", "latest_updated_at"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "todo"], [176, 3, 1, "", "total"]], "abacusai.ApiClass": [[176, 2, 1, "", "__getitem__"], [176, 2, 1, "", "__post_init__"], [176, 2, 1, "", "__setitem__"], [176, 2, 1, "", "__str__"], [176, 2, 1, "", "_get_builder"], [176, 2, 1, "", "_repr_html_"], [176, 3, 1, "", "_support_kwargs"], [176, 2, 1, "", "_unset_item"], [176, 3, 1, "", "_upper_snake_case_keys"], [176, 2, 1, "", "from_dict"], [176, 2, 1, "", "get"], [176, 2, 1, "", "pop"], [176, 2, 1, "", "to_dict"]], "abacusai.ApiClient": [[176, 2, 1, "", "_attempt_deployment_sql_execution"], [176, 2, 1, "", "_call_aiagent_app_send_message"], [176, 2, 1, "", "_get_agent_app_request_id"], [176, 2, 1, "", "_get_agent_caller"], [176, 2, 1, "", "_get_agent_client_type"], [176, 2, 1, "", "_get_doc_retriever_deployment_info"], [176, 2, 1, "", "_is_async_app_caller"], [176, 2, 1, "", "_is_proxy_app_caller"], [176, 2, 1, "", "_status_poll"], [176, 2, 1, "", "_stream_llm_call"], [176, 2, 1, "", "add_annotatable_feature"], [176, 2, 1, "", "add_annotation"], [176, 2, 1, "", "add_app_user_group_report_permission"], [176, 2, 1, "", "add_app_user_group_to_external_application"], [176, 2, 1, "", "add_developers_to_external_application"], [176, 2, 1, "", "add_feature_group_annotation_label"], [176, 2, 1, "", "add_feature_group_tag"], [176, 2, 1, "", "add_feature_group_to_project"], [176, 2, 1, "", "add_feature_tag"], [176, 2, 1, "", "add_graph_to_dashboard"], [176, 2, 1, "", "add_organization_group_permission"], [176, 2, 1, "", "add_organization_group_to_feature_group_modifiers"], [176, 2, 1, "", "add_project_scope_for_user"], [176, 2, 1, "", "add_project_tags"], [176, 2, 1, "", "add_user_group_object_permission"], [176, 2, 1, "", "add_user_to_feature_group_modifiers"], [176, 2, 1, "", "add_user_to_organization"], [176, 2, 1, "", "add_user_to_organization_group"], [176, 2, 1, "", "add_users_to_app_user_group"], [176, 2, 1, "", "append_data"], [176, 2, 1, "", "append_multiple_data"], [176, 2, 1, "", "cancel_upload"], [176, 2, 1, "", "check_constraints"], [176, 2, 1, "", "classify_image"], [176, 2, 1, "", "classify_pdf"], [176, 2, 1, "", "clear_agent_context"], [176, 2, 1, "", "clear_cache_scope"], [176, 2, 1, "", "clear_deployment_conversation"], [176, 2, 1, "", "concatenate_feature_group_data"], [176, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [176, 2, 1, "", "create_agent"], [176, 2, 1, "", "create_agent_from_function"], [176, 2, 1, "", "create_algorithm"], [176, 2, 1, "", "create_algorithm_from_function"], [176, 2, 1, "", "create_app_user_group"], [176, 2, 1, "", "create_batch_prediction"], [176, 2, 1, "", "create_chat_session"], [176, 2, 1, "", "create_custom_loss_function"], [176, 2, 1, "", "create_custom_loss_function_with_source_code"], [176, 2, 1, "", "create_custom_metric"], [176, 2, 1, "", "create_custom_metric_from_function"], [176, 2, 1, "", "create_dataset_from_application_connector"], [176, 2, 1, "", "create_dataset_from_database_connector"], [176, 2, 1, "", "create_dataset_from_file_connector"], [176, 2, 1, "", "create_dataset_from_pandas"], [176, 2, 1, "", "create_dataset_from_streaming_connector"], [176, 2, 1, "", "create_dataset_from_upload"], [176, 2, 1, "", "create_dataset_version_from_application_connector"], [176, 2, 1, "", "create_dataset_version_from_database_connector"], [176, 2, 1, "", "create_dataset_version_from_document_reprocessing"], [176, 2, 1, "", "create_dataset_version_from_file_connector"], [176, 2, 1, "", "create_dataset_version_from_pandas"], [176, 2, 1, "", "create_dataset_version_from_upload"], [176, 2, 1, "", "create_deployment"], [176, 2, 1, "", "create_deployment_alert"], [176, 2, 1, "", "create_deployment_conversation"], [176, 2, 1, "", "create_deployment_token"], [176, 2, 1, "", "create_deployment_webhook"], [176, 2, 1, "", "create_document_retriever"], [176, 2, 1, "", "create_document_retriever_version"], [176, 2, 1, "", "create_eda"], [176, 2, 1, "", "create_external_application"], [176, 2, 1, "", "create_feature"], [176, 2, 1, "", "create_feature_group"], [176, 2, 1, "", "create_feature_group_from_function"], [176, 2, 1, "", "create_feature_group_from_pandas_df"], [176, 2, 1, "", "create_feature_group_from_python_function"], [176, 2, 1, "", "create_feature_group_from_spark_df"], [176, 2, 1, "", "create_feature_group_from_template"], [176, 2, 1, "", "create_feature_group_template"], [176, 2, 1, "", "create_feature_group_version"], [176, 2, 1, "", "create_forecasting_monitor"], [176, 2, 1, "", "create_graph_dashboard"], [176, 2, 1, "", "create_holdout_analysis"], [176, 2, 1, "", "create_merge_feature_group"], [176, 2, 1, "", "create_model_from_files"], [176, 2, 1, "", "create_model_from_functions"], [176, 2, 1, "", "create_model_from_local_files"], [176, 2, 1, "", "create_model_from_python"], [176, 2, 1, "", "create_model_monitor"], [176, 2, 1, "", "create_model_version_from_files"], [176, 2, 1, "", "create_model_version_from_local_files"], [176, 2, 1, "", "create_module"], [176, 2, 1, "", "create_module_from_notebook"], [176, 2, 1, "", "create_monitor_alert"], [176, 2, 1, "", "create_nested_feature"], [176, 2, 1, "", "create_nlp_drift_monitor"], [176, 2, 1, "", "create_online_feature_group"], [176, 2, 1, "", "create_operator_feature_group"], [176, 2, 1, "", "create_organization_group"], [176, 2, 1, "", "create_organization_secret"], [176, 2, 1, "", "create_pipeline"], [176, 2, 1, "", "create_pipeline_step"], [176, 2, 1, "", "create_pipeline_step_from_function"], [176, 2, 1, "", "create_point_in_time_feature"], [176, 2, 1, "", "create_point_in_time_group"], [176, 2, 1, "", "create_point_in_time_group_feature"], [176, 2, 1, "", "create_prediction_operator"], [176, 2, 1, "", "create_prediction_operator_from_functions"], [176, 2, 1, "", "create_prediction_operator_version"], [176, 2, 1, "", "create_project"], [176, 2, 1, "", "create_python_function"], [176, 2, 1, "", "create_python_function_from_function"], [176, 2, 1, "", "create_realtime_content_store"], [176, 2, 1, "", "create_realtime_monitor"], [176, 2, 1, "", "create_refresh_policy"], [176, 2, 1, "", "create_sampling_feature_group"], [176, 2, 1, "", "create_snapshot_feature_group"], [176, 2, 1, "", "create_spark_df_from_feature_group_version"], [176, 2, 1, "", "create_streaming_dataset"], [176, 2, 1, "", "create_streaming_token"], [176, 2, 1, "", "create_train_test_data_split_feature_group"], [176, 2, 1, "", "create_vision_drift_monitor"], [176, 2, 1, "", "delete_algorithm"], [176, 2, 1, "", "delete_api_key"], [176, 2, 1, "", "delete_app_user_group"], [176, 2, 1, "", "delete_application_connector"], [176, 2, 1, "", "delete_batch_prediction"], [176, 2, 1, "", "delete_chat_message"], [176, 2, 1, "", "delete_custom_loss_function"], [176, 2, 1, "", "delete_custom_metric"], [176, 2, 1, "", "delete_data"], [176, 2, 1, "", "delete_database_connector"], [176, 2, 1, "", "delete_dataset"], [176, 2, 1, "", "delete_dataset_version"], [176, 2, 1, "", "delete_deployment"], [176, 2, 1, "", "delete_deployment_conversation"], [176, 2, 1, "", "delete_deployment_token"], [176, 2, 1, "", "delete_document_retriever"], [176, 2, 1, "", "delete_document_retriever_version"], [176, 2, 1, "", "delete_eda"], [176, 2, 1, "", "delete_eda_version"], [176, 2, 1, "", "delete_external_application"], [176, 2, 1, "", "delete_feature"], [176, 2, 1, "", "delete_feature_group"], [176, 2, 1, "", "delete_feature_group_template"], [176, 2, 1, "", "delete_feature_group_version"], [176, 2, 1, "", "delete_file_connector"], [176, 2, 1, "", "delete_graph_dashboard"], [176, 2, 1, "", "delete_graph_from_dashboard"], [176, 2, 1, "", "delete_item_embeddings"], [176, 2, 1, "", "delete_model"], [176, 2, 1, "", "delete_model_monitor"], [176, 2, 1, "", "delete_model_monitor_version"], [176, 2, 1, "", "delete_model_version"], [176, 2, 1, "", "delete_module"], [176, 2, 1, "", "delete_monitor_alert"], [176, 2, 1, "", "delete_nested_feature"], [176, 2, 1, "", "delete_organization_group"], [176, 2, 1, "", "delete_organization_secret"], [176, 2, 1, "", "delete_pipeline"], [176, 2, 1, "", "delete_pipeline_step"], [176, 2, 1, "", "delete_point_in_time_group"], [176, 2, 1, "", "delete_prediction_operator"], [176, 2, 1, "", "delete_prediction_operator_version"], [176, 2, 1, "", "delete_project"], [176, 2, 1, "", "delete_python_function"], [176, 2, 1, "", "delete_realtime_monitor"], [176, 2, 1, "", "delete_refresh_policy"], [176, 2, 1, "", "delete_scoped_cache_key"], [176, 2, 1, "", "delete_streaming_connector"], [176, 2, 1, "", "delete_streaming_token"], [176, 2, 1, "", "delete_webhook"], [176, 2, 1, "", "deploy_prediction_operator"], [176, 2, 1, "", "describe_annotation"], [176, 2, 1, "", "describe_async_feature_group_operation"], [176, 2, 1, "", "describe_feature_group_row_process_by_key"], [176, 2, 1, "", "describe_image"], [176, 2, 1, "", "describe_pipeline"], [176, 2, 1, "", "describe_pipeline_by_name"], [176, 2, 1, "", "detach_feature_group_from_template"], [176, 2, 1, "", "evaluate_prompt"], [176, 2, 1, "", "execute_agent"], [176, 2, 1, "", "execute_agent_with_binary_data"], [176, 2, 1, "", "execute_async_feature_group_operation"], [176, 2, 1, "", "execute_chatllm_computer_streaming"], [176, 2, 1, "", "execute_conversation_agent"], [176, 2, 1, "", "execute_conversation_agent_streaming"], [176, 2, 1, "", "execute_data_query_using_llm"], [176, 2, 1, "", "execute_feature_group_sql"], [176, 2, 1, "", "execute_python"], [176, 2, 1, "", "execute_workflow_node"], [176, 2, 1, "", "export_chat_session"], [176, 2, 1, "", "export_custom_model_version"], [176, 2, 1, "", "export_feature_group_version_to_console"], [176, 2, 1, "", "export_feature_group_version_to_database_connector"], [176, 2, 1, "", "export_feature_group_version_to_file_connector"], [176, 2, 1, "", "export_model_artifact_as_feature_group"], [176, 2, 1, "", "extract_agent_workflow_information"], [176, 2, 1, "", "extract_data_using_llm"], [176, 2, 1, "", "extract_document_data"], [176, 2, 1, "", "fetch_web_page"], [176, 2, 1, "", "generate_agent_code"], [176, 2, 1, "", "generate_code_for_data_query_using_llm"], [176, 2, 1, "", "generate_point_in_time_features"], [176, 2, 1, "", "get_agent_context_blob_inputs"], [176, 2, 1, "", "get_agent_context_chat_history"], [176, 2, 1, "", "get_agent_context_chat_history_for_llm"], [176, 2, 1, "", "get_agent_context_conversation_id"], [176, 2, 1, "", "get_agent_context_doc_ids"], [176, 2, 1, "", "get_agent_context_doc_infos"], [176, 2, 1, "", "get_agent_context_external_session_id"], [176, 2, 1, "", "get_agent_context_user_info"], [176, 2, 1, "", "get_alternative_assignments"], [176, 2, 1, "", "get_anomalies"], [176, 2, 1, "", "get_assignments"], [176, 2, 1, "", "get_assignments_online_with_new_inputs"], [176, 2, 1, "", "get_assignments_online_with_new_serialized_inputs"], [176, 2, 1, "", "get_chat_response"], [176, 2, 1, "", "get_chat_response_with_binary_data"], [176, 2, 1, "", "get_classification"], [176, 2, 1, "", "get_cluster"], [176, 2, 1, "", "get_completion"], [176, 2, 1, "", "get_conversation_response"], [176, 2, 1, "", "get_conversation_response_with_binary_data"], [176, 2, 1, "", "get_custom_train_function_info"], [176, 2, 1, "", "get_deep_agent_response"], [176, 2, 1, "", "get_docstore_document_data"], [176, 2, 1, "", "get_docstore_page_data"], [176, 2, 1, "", "get_document_snippet"], [176, 2, 1, "", "get_document_to_annotate"], [176, 2, 1, "", "get_entailment"], [176, 2, 1, "", "get_entities_from_pdf"], [176, 2, 1, "", "get_event_anomaly_score"], [176, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [176, 2, 1, "", "get_feature_group_row_process_summary"], [176, 2, 1, "", "get_forecast"], [176, 2, 1, "", "get_initialized_data"], [176, 2, 1, "", "get_k_nearest"], [176, 2, 1, "", "get_labels"], [176, 2, 1, "", "get_llm_app_response"], [176, 2, 1, "", "get_matching_documents"], [176, 2, 1, "", "get_matrix_agent_schema"], [176, 2, 1, "", "get_multiple_k_nearest"], [176, 2, 1, "", "get_objects_from_image"], [176, 2, 1, "", "get_optimization_input_dataframes_with_new_inputs"], [176, 2, 1, "", "get_optimization_inputs_from_serialized"], [176, 2, 1, "", "get_personalized_ranking"], [176, 2, 1, "", "get_ranked_items"], [176, 2, 1, "", "get_raw_data_from_realtime_dataset"], [176, 2, 1, "", "get_recommendations"], [176, 2, 1, "", "get_related_items"], [176, 2, 1, "", "get_relevant_snippets"], [176, 2, 1, "", "get_request_user_info"], [176, 2, 1, "", "get_runtime_config"], [176, 2, 1, "", "get_scoped_cache_value"], [176, 2, 1, "", "get_search_results"], [176, 2, 1, "", "get_sentiment"], [176, 2, 1, "", "get_streaming_chat_response"], [176, 2, 1, "", "get_streaming_conversation_response"], [176, 2, 1, "", "get_summary"], [176, 2, 1, "", "get_text_from_document"], [176, 2, 1, "", "get_timeseries_anomalies"], [176, 2, 1, "", "get_train_function_input"], [176, 2, 1, "", "get_train_function_input_from_model_version"], [176, 2, 1, "", "get_training_config_options"], [176, 2, 1, "", "import_annotation_labels"], [176, 2, 1, "", "import_module"], [176, 2, 1, "", "invite_users_to_app_user_group"], [176, 2, 1, "", "is_anomaly"], [176, 2, 1, "", "list_builtin_algorithms"], [176, 2, 1, "", "list_feature_group_row_processes"], [176, 2, 1, "", "list_pipeline_versions"], [176, 2, 1, "", "list_projects_dashboard"], [176, 2, 1, "", "lookup_features"], [176, 2, 1, "", "lookup_matches"], [176, 2, 1, "", "mark_upload_complete"], [176, 2, 1, "", "pause_autonomous_agent"], [176, 2, 1, "", "pause_pipeline_refresh_schedule"], [176, 2, 1, "", "pause_refresh_policy"], [176, 2, 1, "", "predict"], [176, 2, 1, "", "predict_churn"], [176, 2, 1, "", "predict_class"], [176, 2, 1, "", "predict_fraud"], [176, 2, 1, "", "predict_from_datasets"], [176, 2, 1, "", "predict_language"], [176, 2, 1, "", "predict_lead"], [176, 2, 1, "", "predict_multiple"], [176, 2, 1, "", "predict_takeover"], [176, 2, 1, "", "predict_target"], [176, 2, 1, "", "predict_with_binary_data"], [176, 2, 1, "", "preview_feature_group_template_resolution"], [176, 2, 1, "", "query_mcp_server"], [176, 2, 1, "", "remove_app_user_group_from_external_application"], [176, 2, 1, "", "remove_app_user_group_report_permission"], [176, 2, 1, "", "remove_concatenation_config"], [176, 2, 1, "", "remove_deployment_feature_group_export_output"], [176, 2, 1, "", "remove_developers_from_external_application"], [176, 2, 1, "", "remove_feature_group_annotation_label"], [176, 2, 1, "", "remove_feature_group_from_project"], [176, 2, 1, "", "remove_feature_group_tag"], [176, 2, 1, "", "remove_feature_tag"], [176, 2, 1, "", "remove_organization_group_from_feature_group_modifiers"], [176, 2, 1, "", "remove_organization_group_permission"], [176, 2, 1, "", "remove_project_tags"], [176, 2, 1, "", "remove_user_from_feature_group_modifiers"], [176, 2, 1, "", "remove_user_from_organization"], [176, 2, 1, "", "remove_user_from_organization_group"], [176, 2, 1, "", "remove_user_group_object_permission"], [176, 2, 1, "", "remove_users_from_app_user_group"], [176, 2, 1, "", "rename_application_connector"], [176, 2, 1, "", "rename_chat_session"], [176, 2, 1, "", "rename_database_connector"], [176, 2, 1, "", "rename_deployment"], [176, 2, 1, "", "rename_deployment_conversation"], [176, 2, 1, "", "rename_document_retriever"], [176, 2, 1, "", "rename_eda"], [176, 2, 1, "", "rename_model"], [176, 2, 1, "", "rename_model_monitor"], [176, 2, 1, "", "rename_pipeline"], [176, 2, 1, "", "rename_pipeline_step"], [176, 2, 1, "", "rename_project"], [176, 2, 1, "", "rename_streaming_connector"], [176, 2, 1, "", "render_feature_groups_for_llm"], [176, 2, 1, "", "rerun_eda"], [176, 2, 1, "", "rerun_holdout_analysis"], [176, 2, 1, "", "rerun_model_monitor"], [176, 2, 1, "", "reset_feature_group_row_process_by_key"], [176, 2, 1, "", "reset_pipeline_version"], [176, 2, 1, "", "restart_document_retriever"], [176, 2, 1, "", "resume_pipeline_refresh_schedule"], [176, 2, 1, "", "resume_refresh_policy"], [176, 2, 1, "", "retrain_model"], [176, 2, 1, "", "run_monitor_alert"], [176, 2, 1, "", "run_pipeline"], [176, 2, 1, "", "run_refresh_policy"], [176, 2, 1, "", "run_workflow_graph"], [176, 2, 1, "", "score_image"], [176, 2, 1, "", "search_web_for_llm"], [176, 2, 1, "", "send_email"], [176, 2, 1, "", "set_agent_context_chat_history"], [176, 2, 1, "", "set_agent_context_conversation_id"], [176, 2, 1, "", "set_agent_context_doc_ids"], [176, 2, 1, "", "set_agent_context_doc_infos"], [176, 2, 1, "", "set_agent_context_external_session_id"], [176, 2, 1, "", "set_agent_response_document_sources"], [176, 2, 1, "", "set_annotation_status_feature"], [176, 2, 1, "", "set_auto_deployment"], [176, 2, 1, "", "set_azure_blob_connection_string"], [176, 2, 1, "", "set_batch_prediction_database_connector_output"], [176, 2, 1, "", "set_batch_prediction_dataset_remap"], [176, 2, 1, "", "set_batch_prediction_feature_group"], [176, 2, 1, "", "set_batch_prediction_feature_group_output"], [176, 2, 1, "", "set_batch_prediction_file_connector_output"], [176, 2, 1, "", "set_batch_prediction_output_to_console"], [176, 2, 1, "", "set_cache_scope"], [176, 2, 1, "", "set_dataset_column_data_type"], [176, 2, 1, "", "set_default_model_algorithm"], [176, 2, 1, "", "set_default_organization_group"], [176, 2, 1, "", "set_default_prediction_arguments"], [176, 2, 1, "", "set_deployment_conversation_feedback"], [176, 2, 1, "", "set_deployment_feature_group_export_database_connector_output"], [176, 2, 1, "", "set_deployment_feature_group_export_file_connector_output"], [176, 2, 1, "", "set_deployment_feature_group_version"], [176, 2, 1, "", "set_deployment_model_version"], [176, 2, 1, "", "set_deployment_prediction_operator_version"], [176, 2, 1, "", "set_export_on_materialization"], [176, 2, 1, "", "set_feature_as_annotatable_feature"], [176, 2, 1, "", "set_feature_group_export_connector_config"], [176, 2, 1, "", "set_feature_group_indexing_config"], [176, 2, 1, "", "set_feature_group_merge_config"], [176, 2, 1, "", "set_feature_group_modifier_lock"], [176, 2, 1, "", "set_feature_group_operator_config"], [176, 2, 1, "", "set_feature_group_sampling_config"], [176, 2, 1, "", "set_feature_group_schema"], [176, 2, 1, "", "set_feature_group_type"], [176, 2, 1, "", "set_feature_mapping"], [176, 2, 1, "", "set_feature_type"], [176, 2, 1, "", "set_model_objective"], [176, 2, 1, "", "set_model_prediction_params"], [176, 2, 1, "", "set_model_training_config"], [176, 2, 1, "", "set_natural_language_explanation"], [176, 2, 1, "", "set_project_feature_group_config"], [176, 2, 1, "", "set_scoped_cache_value"], [176, 2, 1, "", "set_streaming_retention_policy"], [176, 2, 1, "", "set_user_role_to_platform"], [176, 2, 1, "", "skip_pending_pipeline_version_steps"], [176, 2, 1, "", "snapshot_streaming_data"], [176, 2, 1, "", "start_autonomous_agent"], [176, 2, 1, "", "start_batch_prediction"], [176, 2, 1, "", "start_deployment"], [176, 2, 1, "", "stop_deployment"], [176, 2, 1, "", "stream_message"], [176, 2, 1, "", "stream_response_section"], [176, 2, 1, "", "stream_section_output"], [176, 2, 1, "", "streaming_evaluate_prompt"], [176, 2, 1, "", "suggest_abacus_apis"], [176, 2, 1, "", "train_model"], [176, 2, 1, "", "transcribe_audio"], [176, 2, 1, "", "transfer_style"], [176, 2, 1, "", "unset_feature_as_annotatable_feature"], [176, 2, 1, "", "unset_pipeline_refresh_schedule"], [176, 2, 1, "", "update_agent"], [176, 2, 1, "", "update_agent_with_function"], [176, 2, 1, "", "update_algorithm"], [176, 2, 1, "", "update_algorithm_from_function"], [176, 2, 1, "", "update_annotation_status"], [176, 2, 1, "", "update_batch_prediction"], [176, 2, 1, "", "update_custom_loss_function"], [176, 2, 1, "", "update_custom_loss_function_with_source_code"], [176, 2, 1, "", "update_custom_metric"], [176, 2, 1, "", "update_custom_metric_from_function"], [176, 2, 1, "", "update_dataset_feature_group_feature_expression"], [176, 2, 1, "", "update_deployment"], [176, 2, 1, "", "update_external_application"], [176, 2, 1, "", "update_feature"], [176, 2, 1, "", "update_feature_group"], [176, 2, 1, "", "update_feature_group_from_pandas_df"], [176, 2, 1, "", "update_feature_group_from_spark_df"], [176, 2, 1, "", "update_feature_group_python_function"], [176, 2, 1, "", "update_feature_group_python_function_bindings"], [176, 2, 1, "", "update_feature_group_sql_definition"], [176, 2, 1, "", "update_feature_group_template"], [176, 2, 1, "", "update_feature_group_template_bindings"], [176, 2, 1, "", "update_graph_dashboard"], [176, 2, 1, "", "update_graph_to_dashboard"], [176, 2, 1, "", "update_model_from_functions"], [176, 2, 1, "", "update_module"], [176, 2, 1, "", "update_module_from_notebook"], [176, 2, 1, "", "update_monitor_alert"], [176, 2, 1, "", "update_nested_feature"], [176, 2, 1, "", "update_organization_secret"], [176, 2, 1, "", "update_pipeline"], [176, 2, 1, "", "update_pipeline_step"], [176, 2, 1, "", "update_pipeline_step_from_function"], [176, 2, 1, "", "update_point_in_time_feature"], [176, 2, 1, "", "update_point_in_time_group"], [176, 2, 1, "", "update_point_in_time_group_feature"], [176, 2, 1, "", "update_prediction_operator"], [176, 2, 1, "", "update_prediction_operator_from_functions"], [176, 2, 1, "", "update_python_function"], [176, 2, 1, "", "update_python_function_code"], [176, 2, 1, "", "update_python_model"], [176, 2, 1, "", "update_python_model_git"], [176, 2, 1, "", "update_python_model_zip"], [176, 2, 1, "", "update_realtime_monitor"], [176, 2, 1, "", "update_refresh_policy"], [176, 2, 1, "", "update_user_group_object_permission"], [176, 2, 1, "", "update_webhook"], [176, 2, 1, "", "upload_part"], [176, 2, 1, "", "upsert_data"], [176, 2, 1, "", "upsert_item_embeddings"], [176, 2, 1, "", "upsert_multiple_item_embeddings"], [176, 2, 1, "", "validate_workflow_graph"], [176, 2, 1, "", "verify_application_connector"], [176, 2, 1, "", "verify_database_connector"], [176, 2, 1, "", "verify_file_connector"], [176, 2, 1, "", "verify_streaming_connector"]], "abacusai.ApiEndpoint": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "api_endpoint"], [176, 3, 1, "", "dashboard_endpoint"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_chat_endpoint"], [176, 3, 1, "", "hosting_domain"], [176, 3, 1, "", "llm_endpoint"], [176, 3, 1, "", "predict_endpoint"], [176, 3, 1, "", "proxy_endpoint"], [176, 3, 1, "", "public_hosting_domain"], [176, 2, 1, "", "to_dict"]], "abacusai.ApiEnum": [[176, 3, 1, "", "__deprecated_values__"], [176, 2, 1, "", "__eq__"], [176, 2, 1, "", "__hash__"], [176, 2, 1, "", "is_deprecated"]], "abacusai.ApiException": [[176, 2, 1, "", "__str__"], [176, 3, 1, "", "exception"], [176, 3, 1, "", "http_status"], [176, 3, 1, "", "message"], [176, 3, 1, "", "request_id"]], "abacusai.ApiKey": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "api_key"], [176, 3, 1, "", "api_key_id"], [176, 3, 1, "", "api_key_suffix"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "expires_at"], [176, 3, 1, "", "is_expired"], [176, 3, 1, "", "tag"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "type"]], "abacusai.AppUserGroup": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "creation_source"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_application_ids"], [176, 3, 1, "", "external_service_group_id"], [176, 3, 1, "", "has_external_application_reporting"], [176, 3, 1, "", "invited_user_emails"], [176, 3, 1, "", "is_external_service_group"], [176, 3, 1, "", "name"], [176, 3, 1, "", "public_user_group"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_group_id"], [176, 3, 1, "", "users"]], "abacusai.AppUserGroupSignInToken": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "token"]], "abacusai.ApplicationConnector": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "application_connector_id"], [176, 3, 1, "", "auth"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "list_objects"], [176, 3, 1, "", "name"], [176, 2, 1, "", "rename"], [176, 3, 1, "", "service"], [176, 3, 1, "", "service_name"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "verify"]], "abacusai.ApplicationConnectorDatasetConfig": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "application_connector_id"], [176, 3, 1, "", "application_connector_type"], [176, 3, 1, "", "document_processing_config"]], "abacusai.ApplicationConnectorType": [[176, 3, 1, "", "ABACUSUSAGEMETRICS"], [176, 3, 1, "", "AZURESTORAGE"], [176, 3, 1, "", "BIGQUERY"], [176, 3, 1, "", "BOX"], [176, 3, 1, "", "CONFLUENCE"], [176, 3, 1, "", "DBC"], [176, 3, 1, "", "FRESHSERVICE"], [176, 3, 1, "", "GENERIC_OAUTH"], [176, 3, 1, "", "GIT"], [176, 3, 1, "", "GITHUBUSER"], [176, 3, 1, "", "GMAILUSER"], [176, 3, 1, "", "GOOGLEANALYTICS"], [176, 3, 1, "", "GOOGLECALENDAR"], [176, 3, 1, "", "GOOGLEDOCS"], [176, 3, 1, "", "GOOGLEDRIVE"], [176, 3, 1, "", "GOOGLEDRIVEUSER"], [176, 3, 1, "", "GOOGLESHEETS"], [176, 3, 1, "", "GOOGLEWORKSPACEUSER"], [176, 3, 1, "", "JIRA"], [176, 3, 1, "", "MCP"], [176, 3, 1, "", "MICROSOFTAUTH"], [176, 3, 1, "", "OAUTH"], [176, 3, 1, "", "ODBC"], [176, 3, 1, "", "OKTASAML"], [176, 3, 1, "", "ONEDRIVE"], [176, 3, 1, "", "OUTLOOK"], [176, 3, 1, "", "SALESFORCE"], [176, 3, 1, "", "SFTPAPPLICATION"], [176, 3, 1, "", "SHAREPOINT"], [176, 3, 1, "", "SLACK"], [176, 3, 1, "", "TEAMS"], [176, 3, 1, "", "TEAMSSCRAPER"], [176, 3, 1, "", "TWITTER"], [176, 3, 1, "", "ZENDESK"], [176, 3, 1, "", "ZENDESKSUNSHINEMESSAGING"], [176, 2, 1, "", "database_connectors"], [176, 2, 1, "", "user_connectors"]], "abacusai.AttachmentParsingConfig": [[176, 3, 1, "", "column_name"], [176, 3, 1, "", "feature_group_name"], [176, 3, 1, "", "urls"]], "abacusai.AudioGenSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 3, 1, "", "settings"], [176, 2, 1, "", "to_dict"]], "abacusai.AudioUrlResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "audio_url"], [176, 3, 1, "", "credits_used"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.AuditLog": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "action"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "object_id"], [176, 3, 1, "", "pipeline_id"], [176, 3, 1, "", "refresh_policy_id"], [176, 3, 1, "", "source"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_id"]], "abacusai.AzureStorageDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "location"], [176, 3, 1, "", "merge_file_schemas"]], "abacusai.Base64ImageResponseSection": [[176, 3, 1, "", "b64_image"]], "abacusai.BatchPrediction": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algorithm"], [176, 3, 1, "", "batch_inputs"], [176, 3, 1, "", "batch_prediction_args"], [176, 3, 1, "", "batch_prediction_args_type"], [176, 3, 1, "", "batch_prediction_id"], [176, 3, 1, "", "bp_across_versions_monitor_id"], [176, 3, 1, "", "connector_type"], [176, 2, 1, "", "create_refresh_policy"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "csv_explanations_prefix"], [176, 3, 1, "", "csv_input_prefix"], [176, 3, 1, "", "csv_prediction_prefix"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "database_output_configuration"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_output_feature_group"], [176, 3, 1, "", "feature_group_table_name"], [176, 3, 1, "", "file_connector_output_location"], [176, 3, 1, "", "file_output_format"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "global_prediction_args"], [176, 3, 1, "", "input_feature_groups"], [176, 3, 1, "", "latest_batch_prediction_version"], [176, 3, 1, "", "legacy_input_location"], [176, 2, 1, "", "list_refresh_policies"], [176, 2, 1, "", "list_versions"], [176, 2, 1, "", "load_results_as_pandas"], [176, 3, 1, "", "model_monitor_id"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "name"], [176, 3, 1, "", "output_feature_group_id"], [176, 3, 1, "", "output_feature_group_table_name"], [176, 3, 1, "", "output_includes_metadata"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 3, 1, "", "result_input_columns"], [176, 2, 1, "", "set_database_connector_output"], [176, 2, 1, "", "set_dataset_remap"], [176, 2, 1, "", "set_feature_group"], [176, 2, 1, "", "set_feature_group_output"], [176, 2, 1, "", "set_file_connector_output"], [176, 2, 1, "", "set_output_to_console"], [176, 2, 1, "", "start"], [176, 3, 1, "", "summary_feature_group_table_name"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"], [176, 2, 1, "", "wait_for_drift_monitor"], [176, 2, 1, "", "wait_for_predictions"]], "abacusai.BatchPredictionArgs": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "_support_kwargs"], [176, 3, 1, "", "kwargs"], [176, 3, 1, "", "problem_type"]], "abacusai.BatchPredictionVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algo_name"], [176, 3, 1, "", "algorithm"], [176, 3, 1, "", "batch_inputs"], [176, 3, 1, "", "batch_prediction_args"], [176, 3, 1, "", "batch_prediction_args_type"], [176, 3, 1, "", "batch_prediction_id"], [176, 3, 1, "", "batch_prediction_version"], [176, 3, 1, "", "batch_prediction_warnings"], [176, 3, 1, "", "bp_across_versions_monitor_version"], [176, 3, 1, "", "connector_type"], [176, 3, 1, "", "csv_explanations_prefix"], [176, 3, 1, "", "csv_input_prefix"], [176, 3, 1, "", "csv_prediction_prefix"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "database_output_configuration"], [176, 3, 1, "", "database_output_error"], [176, 3, 1, "", "database_output_failed_writes"], [176, 3, 1, "", "database_output_total_writes"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "download_batch_prediction_result_chunk"], [176, 2, 1, "", "download_result_to_file"], [176, 3, 1, "", "drift_monitor_error"], [176, 3, 1, "", "drift_monitor_status"], [176, 3, 1, "", "error"], [176, 3, 1, "", "failed_predictions"], [176, 3, 1, "", "file_connector_output_location"], [176, 3, 1, "", "file_output_format"], [176, 2, 1, "", "get_batch_prediction_connector_errors"], [176, 2, 1, "", "get_logs"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "global_prediction_args"], [176, 3, 1, "", "input_feature_groups"], [176, 3, 1, "", "legacy_input_location"], [176, 2, 1, "", "load_results_as_pandas"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_monitor_version"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "monitor_warnings"], [176, 3, 1, "", "output_feature_group_id"], [176, 3, 1, "", "output_feature_group_table_name"], [176, 3, 1, "", "output_feature_group_version"], [176, 3, 1, "", "output_includes_metadata"], [176, 3, 1, "", "predictions_completed_at"], [176, 3, 1, "", "predictions_started_at"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "result_input_columns"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_predictions"], [176, 2, 1, "", "wait_for_drift_monitor"], [176, 2, 1, "", "wait_for_predictions"]], "abacusai.BatchPredictionVersionLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "logs"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "warnings"]], "abacusai.BatchSize": [[176, 3, 1, "", "BATCH_1024"], [176, 3, 1, "", "BATCH_128"], [176, 3, 1, "", "BATCH_16"], [176, 3, 1, "", "BATCH_256"], [176, 3, 1, "", "BATCH_32"], [176, 3, 1, "", "BATCH_384"], [176, 3, 1, "", "BATCH_512"], [176, 3, 1, "", "BATCH_64"], [176, 3, 1, "", "BATCH_740"], [176, 3, 1, "", "BATCH_8"]], "abacusai.BiasType": [[176, 3, 1, "", "DEMOGRAPHIC_PARITY"], [176, 3, 1, "", "EQUAL_OPPORTUNITY"], [176, 3, 1, "", "GROUP_BENEFIT_EQUALITY"], [176, 3, 1, "", "TOTAL"]], "abacusai.BiasViolationConditionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "bias_type"], [176, 3, 1, "", "minimum_violations"], [176, 3, 1, "", "threshold"]], "abacusai.Blob": [[176, 3, 1, "", "contents"], [176, 3, 1, "", "filename"], [176, 2, 1, "", "from_contents"], [176, 2, 1, "", "from_local_file"], [176, 3, 1, "", "mime_type"], [176, 3, 1, "", "size"]], "abacusai.BotInfo": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_application_id"], [176, 2, 1, "", "to_dict"]], "abacusai.BoxDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "csv_delimiter"], [176, 3, 1, "", "location"], [176, 3, 1, "", "merge_file_schemas"]], "abacusai.CPUSize": [[176, 3, 1, "", "LARGE"], [176, 3, 1, "", "MEDIUM"], [176, 3, 1, "", "SMALL"]], "abacusai.CategoricalRangeViolation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "freq_outside_training_range"], [176, 3, 1, "", "most_common_values"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.ChartResponseSection": [[176, 3, 1, "", "chart"]], "abacusai.ChatLLMBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "for_eval"]], "abacusai.ChatLLMPredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "ignore_documents"], [176, 3, 1, "", "llm_name"], [176, 3, 1, "", "num_completion_tokens"], [176, 3, 1, "", "search_score_cutoff"], [176, 3, 1, "", "system_message"], [176, 3, 1, "", "temperature"]], "abacusai.ChatLLMTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "agentic_loop_mode"], [176, 3, 1, "", "behavior_instructions"], [176, 3, 1, "", "builtin_tools"], [176, 3, 1, "", "column_filtering_instructions"], [176, 3, 1, "", "config_connectors"], [176, 3, 1, "", "data_columns_to_ignore"], [176, 3, 1, "", "data_feature_group_ids"], [176, 3, 1, "", "data_prompt_column_context"], [176, 3, 1, "", "data_prompt_context"], [176, 3, 1, "", "data_prompt_table_context"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "database_connector_ids"], [176, 3, 1, "", "database_connector_tables"], [176, 3, 1, "", "disable_data_fetch_for_training"], [176, 3, 1, "", "disable_data_summarization"], [176, 3, 1, "", "document_retrievers"], [176, 3, 1, "", "enable_code_execution"], [176, 3, 1, "", "enable_inline_source_citations"], [176, 3, 1, "", "enable_llm_rewrite"], [176, 3, 1, "", "enable_response_caching"], [176, 3, 1, "", "enable_tool_bar"], [176, 3, 1, "", "enable_web_search"], [176, 3, 1, "", "filter_columns"], [176, 3, 1, "", "hide_sql_and_code"], [176, 3, 1, "", "include_bm25_retrieval"], [176, 3, 1, "", "include_general_knowledge"], [176, 3, 1, "", "json_response_instructions"], [176, 3, 1, "", "json_response_schema"], [176, 3, 1, "", "keyword_requirement_instructions"], [176, 3, 1, "", "lookup_rewrite_instructions"], [176, 3, 1, "", "mask_pii"], [176, 3, 1, "", "max_search_results"], [176, 3, 1, "", "mcp_servers"], [176, 3, 1, "", "metadata_columns"], [176, 3, 1, "", "num_completion_tokens"], [176, 3, 1, "", "query_rewrite_instructions"], [176, 3, 1, "", "response_format"], [176, 3, 1, "", "response_instructions"], [176, 3, 1, "", "retrieval_columns"], [176, 3, 1, "", "search_score_cutoff"], [176, 3, 1, "", "temperature"], [176, 3, 1, "", "unknown_answer_phrase"]], "abacusai.ChatMessage": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "compute_points_used"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_ids"], [176, 3, 1, "", "feedback"], [176, 3, 1, "", "hotkey_title"], [176, 3, 1, "", "is_useful"], [176, 3, 1, "", "keyword_arguments"], [176, 3, 1, "", "role"], [176, 3, 1, "", "tasks"], [176, 3, 1, "", "text"], [176, 3, 1, "", "timestamp"], [176, 2, 1, "", "to_dict"]], "abacusai.ChatSession": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "ai_building_in_progress"], [176, 3, 1, "", "answer"], [176, 3, 1, "", "chat_history"], [176, 3, 1, "", "chat_session_id"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete_chat_message"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "export"], [176, 2, 1, "", "get"], [176, 3, 1, "", "name"], [176, 3, 1, "", "next_ai_building_task"], [176, 3, 1, "", "notification"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "rename"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "whiteboard"]], "abacusai.ChatllmComputer": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "computer_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "token"], [176, 3, 1, "", "vnc_endpoint"]], "abacusai.ChatllmComputerStatus": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "computer_id"], [176, 3, 1, "", "computer_started"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "restart_required"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "vnc_endpoint"]], "abacusai.ChatllmMemory": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chatllm_memory_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "source_deployment_conversation_id"], [176, 2, 1, "", "to_dict"]], "abacusai.ChatllmProject": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chatllm_project_id"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "custom_instructions"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.ChatllmProjectPermissions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "access_level"], [176, 3, 1, "", "chatllm_project_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_group_permissions"], [176, 3, 1, "", "user_permissions"]], "abacusai.ChatllmReferralInvite": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "successful_invites"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_already_exists"]], "abacusai.ChatllmTask": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chatllm_task_id"], [176, 3, 1, "", "compute_points_used"], [176, 3, 1, "", "daemon_task_id"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "display_markdown"], [176, 3, 1, "", "email"], [176, 3, 1, "", "enable_email_alerts"], [176, 3, 1, "", "execution_mode"], [176, 3, 1, "", "external_application_id"], [176, 3, 1, "", "instructions"], [176, 3, 1, "", "lifecycle"], [176, 3, 1, "", "name"], [176, 3, 1, "", "num_unread_task_instances"], [176, 3, 1, "", "requires_new_conversation"], [176, 3, 1, "", "schedule_info"], [176, 3, 1, "", "source_deployment_conversation_id"], [176, 3, 1, "", "task_definition"], [176, 3, 1, "", "task_type"], [176, 2, 1, "", "to_dict"]], "abacusai.ClientOptions": [[176, 3, 1, "", "exception_on_404"], [176, 3, 1, "", "server"]], "abacusai.ClusteringImputationMethod": [[176, 3, 1, "", "AUTOMATIC"], [176, 3, 1, "", "INTERPOLATE"], [176, 3, 1, "", "ZEROS"]], "abacusai.ClusteringTimeseriesTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "imputation"], [176, 3, 1, "", "num_clusters_selection"]], "abacusai.ClusteringTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "num_clusters_selection"]], "abacusai.CodeAgentResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "messages"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "tool_use_request"]], "abacusai.CodeAutocompleteEditPredictionResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "autocomplete_response"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "show_autocomplete"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeAutocompleteResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "autocomplete_response"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "line_number"], [176, 3, 1, "", "show_autocomplete"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeBot": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "api_key_url"], [176, 3, 1, "", "code_agent_supported"], [176, 3, 1, "", "code_edit_supported"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "image_upload_supported"], [176, 3, 1, "", "is_premium"], [176, 3, 1, "", "is_rate_limited"], [176, 3, 1, "", "is_user_api_key_allowed"], [176, 3, 1, "", "llm_bot_icon"], [176, 3, 1, "", "llm_name"], [176, 3, 1, "", "name"], [176, 3, 1, "", "provider"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeEdit": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "end_line"], [176, 3, 1, "", "file_path"], [176, 3, 1, "", "start_line"], [176, 3, 1, "", "text"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeEditResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_changes"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeEdits": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_changes"], [176, 3, 1, "", "code_edits"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeEmbeddings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chunking_scheme"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "embeddings"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeLanguage": [[176, 3, 1, "", "PYTHON"], [176, 3, 1, "", "SQL"]], "abacusai.CodeLlmChangedFiles": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "added_files"], [176, 3, 1, "", "deleted_files"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_files"]], "abacusai.CodeResponseSection": [[176, 3, 1, "", "code"], [176, 3, 1, "", "language"]], "abacusai.CodeSource": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "application_connector_id"], [176, 3, 1, "", "application_connector_info"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 2, 1, "", "import_as_cell"], [176, 3, 1, "", "module_dependencies"], [176, 3, 1, "", "package_requirements"], [176, 3, 1, "", "publishing_msg"], [176, 3, 1, "", "source_code"], [176, 3, 1, "", "source_type"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeSuggestionValidationResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "is_valid"], [176, 2, 1, "", "to_dict"]], "abacusai.CodeSummaryResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "summary"], [176, 2, 1, "", "to_dict"]], "abacusai.CodellmEmbeddingConstants": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "file_extension_to_chunking_scheme"], [176, 3, 1, "", "idle_timeout_seconds"], [176, 3, 1, "", "max_concurrent_requests"], [176, 3, 1, "", "max_supported_workspace_chunks"], [176, 3, 1, "", "max_supported_workspace_files"], [176, 2, 1, "", "to_dict"]], "abacusai.CollapseResponseSection": [[176, 3, 1, "", "content"], [176, 3, 1, "", "title"], [176, 2, 1, "", "to_dict"]], "abacusai.ComputePointInfo": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "always_display"], [176, 3, 1, "", "curr_month_avail_points"], [176, 3, 1, "", "curr_month_usage"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "last_24_hours_usage"], [176, 3, 1, "", "last_7_days_usage"], [176, 3, 1, "", "last_throttle_pop_up"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.ConcatenationConfig": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "concatenated_table"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "merge_type"], [176, 3, 1, "", "replace_until_timestamp"], [176, 3, 1, "", "skip_materialize"], [176, 2, 1, "", "to_dict"]], "abacusai.ConfluenceDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "extract_bounding_boxes"], [176, 3, 1, "", "location"], [176, 3, 1, "", "location_type"], [176, 3, 1, "", "pull_attachments"], [176, 3, 1, "", "space_key"]], "abacusai.ConnectorType": [[176, 3, 1, "", "APPLICATION"], [176, 3, 1, "", "DATABASE"], [176, 3, 1, "", "FILE"], [176, 3, 1, "", "STREAMING"]], "abacusai.ConstantsAutocompleteResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "acceptance_delay"], [176, 3, 1, "", "debounce_delay"], [176, 3, 1, "", "default_surrounding_lines"], [176, 3, 1, "", "delay_summary_batches"], [176, 3, 1, "", "delay_summary_batches_rate_limit"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "derivative_threshold"], [176, 3, 1, "", "diagnostic_each_threshold"], [176, 3, 1, "", "diagnostics_threshold"], [176, 3, 1, "", "diff_threshold"], [176, 3, 1, "", "edit_cooldown_ms"], [176, 3, 1, "", "edit_prediction_enabled"], [176, 3, 1, "", "edit_prediction_similarity_threshold"], [176, 3, 1, "", "embedding_constants"], [176, 3, 1, "", "fuzzy_symbol_match_threshold"], [176, 3, 1, "", "job_reorder_interval"], [176, 3, 1, "", "lines_for_snapshot"], [176, 3, 1, "", "lsp_deadline"], [176, 3, 1, "", "max_lines"], [176, 3, 1, "", "max_occurrences_per_word"], [176, 3, 1, "", "max_pending_requests"], [176, 3, 1, "", "max_symbols_fuzzy_match"], [176, 3, 1, "", "max_tracked_recent_changes"], [176, 3, 1, "", "max_tracked_visit_changes"], [176, 3, 1, "", "max_words_content_matches"], [176, 3, 1, "", "min_refresh_summary_interval"], [176, 3, 1, "", "min_reindexing_interval"], [176, 3, 1, "", "min_search_word_length"], [176, 3, 1, "", "num_vs_code_suggestions"], [176, 3, 1, "", "record_user_action"], [176, 3, 1, "", "scroll_debounce_ms"], [176, 3, 1, "", "selection_cooldown_ms"], [176, 3, 1, "", "snapshot_interval_ms"], [176, 3, 1, "", "stop_rapid_changes"], [176, 3, 1, "", "summary_batch_size"], [176, 3, 1, "", "symbols_cache_update_interval"], [176, 3, 1, "", "symbols_storage_update_interval"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "validate_suggestion"], [176, 3, 1, "", "validation_lines_threshold"], [176, 3, 1, "", "viewing_cooldown_ms"]], "abacusai.ConstraintConfig": [[176, 3, 1, "", "code"], [176, 3, 1, "", "constant"], [176, 3, 1, "", "enforcement"], [176, 3, 1, "", "operator"], [176, 3, 1, "", "penalty"]], "abacusai.ConstraintProjectFeatureGroupConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "constraints"]], "abacusai.CpuGpuMemorySpecs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.CrawlerTransformConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "crawl_depth"], [176, 3, 1, "", "depth_column"], [176, 3, 1, "", "disable_host_restriction"], [176, 3, 1, "", "honour_website_rules"], [176, 3, 1, "", "input_column"], [176, 3, 1, "", "input_column_type"], [176, 3, 1, "", "output_column"], [176, 3, 1, "", "user_agent"]], "abacusai.CumulativeForecastingPredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "explain_predictions"], [176, 3, 1, "", "explainer_type"], [176, 3, 1, "", "get_item_data"], [176, 3, 1, "", "num_predictions"], [176, 3, 1, "", "prediction_start"]], "abacusai.CumulativeForecastingTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "cumulative_prediction_lengths"], [176, 3, 1, "", "historical_frequency"], [176, 3, 1, "", "predict_residuals"], [176, 3, 1, "", "skip_input_transform"], [176, 3, 1, "", "skip_target_transform"], [176, 3, 1, "", "test_split"]], "abacusai.CustomAlgorithmTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "timeout_minutes"]], "abacusai.CustomChatInstructions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "enable_code_execution"], [176, 3, 1, "", "enable_image_generation"], [176, 3, 1, "", "enable_memories"], [176, 3, 1, "", "enable_playground"], [176, 3, 1, "", "enable_web_search"], [176, 3, 1, "", "experimental_features"], [176, 3, 1, "", "response_instructions"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_information_instructions"]], "abacusai.CustomDomain": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "current_nameservers"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "expected_nameservers"], [176, 3, 1, "", "message"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"]], "abacusai.CustomLossFunction": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "loss_function_name"], [176, 3, 1, "", "loss_function_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 2, 1, "", "to_dict"]], "abacusai.CustomMetric": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "custom_metric_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "latest_custom_metric_version"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 3, 1, "", "problem_type"], [176, 2, 1, "", "to_dict"]], "abacusai.CustomMetricVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "custom_metric_function_name"], [176, 3, 1, "", "custom_metric_version"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "name"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "to_dict"]], "abacusai.CustomTrainFunctionInfo": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "schema_mappings"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "train_data_parameter_to_feature_group_ids"], [176, 3, 1, "", "training_config"], [176, 3, 1, "", "training_data_parameter_name_mapping"]], "abacusai.CustomTrainedModelTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "docker_image_uri"], [176, 3, 1, "", "index_output_path"], [176, 3, 1, "", "max_catalog_size"], [176, 3, 1, "", "max_dimension"], [176, 3, 1, "", "service_port"], [176, 3, 1, "", "streaming_embeddings"]], "abacusai.DaemonTaskConversation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deployment_conversation_name"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_application_id"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.DataConsistencyDuplication": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "num_duplicates"], [176, 3, 1, "", "sample"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_count"]], "abacusai.DataGenerationConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "completion_col"], [176, 3, 1, "", "concurrency"], [176, 3, 1, "", "description_col"], [176, 3, 1, "", "documentation_char_limit"], [176, 3, 1, "", "examples_per_target"], [176, 3, 1, "", "fewshot_examples"], [176, 3, 1, "", "frequency_penalty"], [176, 3, 1, "", "generation_instructions"], [176, 3, 1, "", "id_col"], [176, 3, 1, "", "model"], [176, 3, 1, "", "oversample"], [176, 3, 1, "", "prompt_col"], [176, 3, 1, "", "seed"], [176, 3, 1, "", "subset_size"], [176, 3, 1, "", "temperature"], [176, 3, 1, "", "token_budget"], [176, 3, 1, "", "verify_response"]], "abacusai.DataIntegrityViolationConditionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "data_integrity_type"], [176, 3, 1, "", "minimum_violations"]], "abacusai.DataIntegrityViolationType": [[176, 3, 1, "", "CATEGORICAL_RANGE_VIOLATION"], [176, 3, 1, "", "NULL_VIOLATIONS"], [176, 3, 1, "", "RANGE_VIOLATIONS"], [176, 3, 1, "", "TOTAL_VIOLATIONS"]], "abacusai.DataMetrics": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "metrics"], [176, 3, 1, "", "num_cols"], [176, 3, 1, "", "num_duplicate_rows"], [176, 3, 1, "", "num_rows"], [176, 3, 1, "", "schema"], [176, 2, 1, "", "to_dict"]], "abacusai.DataPrepLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "logs"], [176, 2, 1, "", "to_dict"]], "abacusai.DataQualityResults": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "results"], [176, 2, 1, "", "to_dict"]], "abacusai.DataType": [[176, 3, 1, "", "BINARY"], [176, 3, 1, "", "BOOLEAN"], [176, 3, 1, "", "DATE"], [176, 3, 1, "", "DATETIME"], [176, 3, 1, "", "FLOAT"], [176, 3, 1, "", "INTEGER"], [176, 3, 1, "", "LIST"], [176, 3, 1, "", "NULL"], [176, 3, 1, "", "STRING"], [176, 3, 1, "", "STRUCT"]], "abacusai.DataUploadResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_infos"], [176, 3, 1, "", "max_count"], [176, 2, 1, "", "to_dict"]], "abacusai.DatabaseColumnFeatureMapping": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "database_column"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature"], [176, 2, 1, "", "to_dict"]], "abacusai.DatabaseConnector": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "auth"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "database_connector_id"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "get_auth"], [176, 2, 1, "", "get_object_schema"], [176, 2, 1, "", "list_objects"], [176, 3, 1, "", "name"], [176, 2, 1, "", "query"], [176, 2, 1, "", "query_datallm"], [176, 2, 1, "", "rename"], [176, 3, 1, "", "service"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "verify"]], "abacusai.DatabaseConnectorColumn": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_data_type"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.DatabaseConnectorExportConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "additional_id_columns"], [176, 3, 1, "", "data_columns"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "id_column"], [176, 3, 1, "", "mode"], [176, 3, 1, "", "object_name"], [176, 2, 1, "", "to_dict"]], "abacusai.DatabaseConnectorSchema": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "columns"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "table_name"], [176, 2, 1, "", "to_dict"]], "abacusai.DataframeResponseSection": [[176, 3, 1, "", "df"], [176, 3, 1, "", "header"]], "abacusai.Dataset": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "application_connector_config"], [176, 3, 1, "", "application_connector_id"], [176, 3, 1, "", "attachment_parsing_config"], [176, 3, 1, "", "connector_type"], [176, 2, 1, "", "create_refresh_policy"], [176, 2, 1, "", "create_version_from_application_connector"], [176, 2, 1, "", "create_version_from_database_connector"], [176, 2, 1, "", "create_version_from_document_reprocessing"], [176, 2, 1, "", "create_version_from_file_connector"], [176, 2, 1, "", "create_version_from_upload"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "data_source"], [176, 3, 1, "", "database_connector_config"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "dataset_id"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_feature_group"], [176, 3, 1, "", "document_processing_config"], [176, 3, 1, "", "ephemeral"], [176, 3, 1, "", "extract_bounding_boxes"], [176, 3, 1, "", "feature_group_table_name"], [176, 2, 1, "", "get_raw_data_from_realtime"], [176, 2, 1, "", "get_schema"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "ignore_before"], [176, 3, 1, "", "incremental"], [176, 3, 1, "", "is_documentset"], [176, 3, 1, "", "latest_dataset_version"], [176, 2, 1, "", "list_refresh_policies"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "lookback_days"], [176, 3, 1, "", "merge_file_schemas"], [176, 3, 1, "", "parsing_config"], [176, 3, 1, "", "reference_only_documentset"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 3, 1, "", "schema"], [176, 2, 1, "", "set_column_data_type"], [176, 2, 1, "", "set_database_connector_config"], [176, 2, 1, "", "set_streaming_retention_policy"], [176, 2, 1, "", "snapshot_streaming_data"], [176, 3, 1, "", "source_type"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update_version_limit"], [176, 3, 1, "", "version_limit"], [176, 2, 1, "", "wait_for_import"], [176, 2, 1, "", "wait_for_inspection"]], "abacusai.DatasetColumn": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data_type"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "detected_data_type"], [176, 3, 1, "", "detected_feature_type"], [176, 3, 1, "", "feature_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "original_name"], [176, 3, 1, "", "time_format"], [176, 3, 1, "", "timestamp_frequency"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "valid_data_types"]], "abacusai.DatasetConfig": [[176, 3, 1, "", "is_documentset"]], "abacusai.DatasetDocumentProcessingConfig": [[176, 3, 1, "", "page_text_column"]], "abacusai.DatasetVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "application_connector_config"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "database_connector_config"], [176, 3, 1, "", "dataset_id"], [176, 3, 1, "", "dataset_version"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 3, 1, "", "file_inspect_metadata"], [176, 2, 1, "", "get_logs"], [176, 2, 1, "", "get_metrics"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "incremental_queried_at"], [176, 3, 1, "", "invalid_records"], [176, 3, 1, "", "merge_file_schemas"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "row_count"], [176, 3, 1, "", "size"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "upload_id"], [176, 2, 1, "", "wait_for_import"], [176, 2, 1, "", "wait_for_inspection"]], "abacusai.DatasetVersionLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "logs"], [176, 2, 1, "", "to_dict"]], "abacusai.DecisionNode": [[176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "function_name"], [176, 3, 1, "", "input_schema"], [176, 3, 1, "", "name"], [176, 3, 1, "", "node_type"], [176, 3, 1, "", "output_mappings"], [176, 3, 1, "", "output_schema"], [176, 3, 1, "", "source_code"], [176, 3, 1, "", "template_metadata"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "trigger_config"]], "abacusai.DefaultLlm": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "enum"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.DeployableAlgorithm": [[176, 3, 1, "", "algorithm"], [176, 3, 1, "", "name"], [176, 3, 1, "", "only_offline_deployable"], [176, 3, 1, "", "trained_model_types"]], "abacusai.Deployment": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algo_name"], [176, 3, 1, "", "algorithm"], [176, 3, 1, "", "auto_deploy"], [176, 3, 1, "", "batch_streaming_updates"], [176, 3, 1, "", "calls_per_second"], [176, 2, 1, "", "create_alert"], [176, 2, 1, "", "create_batch_prediction"], [176, 2, 1, "", "create_conversation"], [176, 2, 1, "", "create_external_application"], [176, 2, 1, "", "create_realtime_monitor"], [176, 2, 1, "", "create_refresh_policy"], [176, 2, 1, "", "create_webhook"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "default_prediction_arguments"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployed_at"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_feature_group_row_process_by_key"], [176, 3, 1, "", "description"], [176, 2, 1, "", "download_agent_attachment"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feature_group_export_config"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_version"], [176, 2, 1, "", "get_conversation_response"], [176, 2, 1, "", "get_conversation_response_with_binary_data"], [176, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [176, 2, 1, "", "get_feature_group_row_process_summary"], [176, 2, 1, "", "get_prediction_logs_records"], [176, 2, 1, "", "get_statistics_over_time"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "is_system_created"], [176, 2, 1, "", "list_alerts"], [176, 2, 1, "", "list_conversations"], [176, 2, 1, "", "list_feature_group_row_processes"], [176, 2, 1, "", "list_refresh_policies"], [176, 2, 1, "", "list_webhooks"], [176, 3, 1, "", "model_deployment_config"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "name"], [176, 3, 1, "", "online_feature_group_id"], [176, 3, 1, "", "output_online_feature_group_id"], [176, 3, 1, "", "pending_model_version"], [176, 3, 1, "", "pending_prediction_operator_version"], [176, 3, 1, "", "prediction_operator_id"], [176, 3, 1, "", "prediction_operator_version"], [176, 3, 1, "", "project_id"], [176, 3, 1, "", "realtime_monitor_id"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 3, 1, "", "regions"], [176, 2, 1, "", "remove_feature_group_export_output"], [176, 2, 1, "", "rename"], [176, 2, 1, "", "reset_feature_group_row_process_by_key"], [176, 3, 1, "", "runtime_configs"], [176, 2, 1, "", "set_auto"], [176, 2, 1, "", "set_default_prediction_arguments"], [176, 2, 1, "", "set_feature_group_export_database_connector_output"], [176, 2, 1, "", "set_feature_group_export_file_connector_output"], [176, 2, 1, "", "set_feature_group_version"], [176, 2, 1, "", "set_model_version"], [176, 2, 1, "", "set_prediction_operator_version"], [176, 3, 1, "", "skip_metrics_check"], [176, 2, 1, "", "start"], [176, 3, 1, "", "status"], [176, 2, 1, "", "stop"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"], [176, 2, 1, "", "wait_for_deployment"], [176, 2, 1, "", "wait_for_pending_deployment_update"]], "abacusai.DeploymentAuthToken": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployment_token"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.DeploymentConversation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chatllm_task_id"], [176, 2, 1, "", "clear"], [176, 3, 1, "", "computer_status"], [176, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [176, 3, 1, "", "contest_names"], [176, 3, 1, "", "conversation_status"], [176, 3, 1, "", "conversation_type"], [176, 3, 1, "", "conversation_warning"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "daemon_task_id"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "export"], [176, 3, 1, "", "external_application_id"], [176, 3, 1, "", "external_session_id"], [176, 3, 1, "", "filesystem_status"], [176, 2, 1, "", "get"], [176, 2, 1, "", "get_file"], [176, 3, 1, "", "has_history"], [176, 3, 1, "", "history"], [176, 3, 1, "", "hosted_artifacts"], [176, 3, 1, "", "humanize_instructions"], [176, 3, 1, "", "intro_message"], [176, 3, 1, "", "last_event_created_at"], [176, 3, 1, "", "latest_context"], [176, 3, 1, "", "llm_bot_icon"], [176, 3, 1, "", "llm_display_name"], [176, 3, 1, "", "metadata"], [176, 3, 1, "", "name"], [176, 3, 1, "", "owner_org_id"], [176, 3, 1, "", "owner_user_id"], [176, 3, 1, "", "parent_deployment_conversation_id"], [176, 3, 1, "", "preview_info"], [176, 3, 1, "", "regenerate_attempt"], [176, 2, 1, "", "rename"], [176, 3, 1, "", "search_suggestions"], [176, 2, 1, "", "set_feedback"], [176, 3, 1, "", "share_type"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_events"], [176, 3, 1, "", "unused_document_upload_ids"]], "abacusai.DeploymentConversationEvent": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "agent_response"], [176, 3, 1, "", "agent_workflow_node_id"], [176, 3, 1, "", "all_versions"], [176, 3, 1, "", "allow_task_automation"], [176, 3, 1, "", "attached_user_file_names"], [176, 3, 1, "", "attachments"], [176, 3, 1, "", "chat_type"], [176, 3, 1, "", "compute_points_used"], [176, 3, 1, "", "computer_files"], [176, 3, 1, "", "deepagent_mode"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_infos"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feedback"], [176, 3, 1, "", "feedback_type"], [176, 3, 1, "", "form_response"], [176, 3, 1, "", "highlights"], [176, 3, 1, "", "input_params"], [176, 3, 1, "", "is_last_message"], [176, 3, 1, "", "is_useful"], [176, 3, 1, "", "keyword_arguments"], [176, 3, 1, "", "llm_bot_icon"], [176, 3, 1, "", "llm_display_name"], [176, 3, 1, "", "message_index"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "next_agent_workflow_node_id"], [176, 3, 1, "", "old_file_content"], [176, 3, 1, "", "regenerate_attempt"], [176, 3, 1, "", "response_version"], [176, 3, 1, "", "role"], [176, 3, 1, "", "routed_llm"], [176, 3, 1, "", "search_results"], [176, 3, 1, "", "segments"], [176, 3, 1, "", "selected_version_index"], [176, 3, 1, "", "streamed_data"], [176, 3, 1, "", "streamed_section_data"], [176, 3, 1, "", "text"], [176, 3, 1, "", "timestamp"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "tool_use_request"], [176, 3, 1, "", "tool_use_result"], [176, 3, 1, "", "total_versions"], [176, 3, 1, "", "verification_summary"]], "abacusai.DeploymentConversationExport": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "conversation_export_html"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.DeploymentConversationType": [[176, 3, 1, "", "AGENT_CONTROLLER"], [176, 3, 1, "", "APP_LLM"], [176, 3, 1, "", "BROWSER_EXTENSION"], [176, 3, 1, "", "CHAT_LLM"], [176, 3, 1, "", "CHAT_LLM_TASK"], [176, 3, 1, "", "CODE_LLM"], [176, 3, 1, "", "CODE_LLM_AGENT"], [176, 3, 1, "", "CODE_LLM_NON_INTERACTIVE"], [176, 3, 1, "", "COMPLEX_AGENT"], [176, 3, 1, "", "COMPUTER_AGENT"], [176, 3, 1, "", "COPILOT"], [176, 3, 1, "", "SEARCH_LLM"], [176, 3, 1, "", "SIMPLE_AGENT"], [176, 3, 1, "", "SUPER_AGENT"], [176, 3, 1, "", "TEST_AGENT"], [176, 3, 1, "", "WORKFLOW_AGENT"]], "abacusai.DeploymentStatistics": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "date_labels"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "http_status_series"], [176, 3, 1, "", "latency_series"], [176, 3, 1, "", "request_series"], [176, 2, 1, "", "to_dict"]], "abacusai.DocumentClassificationTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "test_split"], [176, 3, 1, "", "zero_shot_hypotheses"]], "abacusai.DocumentData": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "augmented_page_text"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_id"], [176, 3, 1, "", "embedded_text"], [176, 3, 1, "", "extracted_page_text"], [176, 3, 1, "", "extracted_text"], [176, 3, 1, "", "metadata"], [176, 3, 1, "", "mime_type"], [176, 3, 1, "", "page_count"], [176, 3, 1, "", "page_markdown"], [176, 3, 1, "", "pages"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "tokens"], [176, 3, 1, "", "total_page_count"]], "abacusai.DocumentProcessingConfig": [[176, 2, 1, "", "__post_init__"], [176, 2, 1, "", "_detect_ocr_mode"], [176, 2, 1, "", "_get_filtered_dict"], [176, 3, 1, "", "convert_to_markdown"], [176, 3, 1, "", "document_type"], [176, 3, 1, "", "extract_bounding_boxes"], [176, 3, 1, "", "extract_images"], [176, 3, 1, "", "highlight_relevant_text"], [176, 3, 1, "", "mask_pii"], [176, 3, 1, "", "ocr_mode"], [176, 3, 1, "", "remove_header_footer"], [176, 3, 1, "", "remove_watermarks"], [176, 3, 1, "", "use_full_ocr"]], "abacusai.DocumentRetriever": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "create_version"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "document_retriever_config"], [176, 3, 1, "", "document_retriever_id"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_name"], [176, 2, 1, "", "get_deployment_status"], [176, 2, 1, "", "get_document_snippet"], [176, 2, 1, "", "get_matching_documents"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "indexing_required"], [176, 3, 1, "", "latest_document_retriever_version"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "name"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "rename"], [176, 2, 1, "", "restart"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_until_deployment_ready"], [176, 2, 1, "", "wait_until_ready"]], "abacusai.DocumentRetrieverLookupResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "bounding_boxes"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "document"], [176, 3, 1, "", "document_source"], [176, 3, 1, "", "image_ids"], [176, 3, 1, "", "metadata"], [176, 3, 1, "", "pages"], [176, 3, 1, "", "properties"], [176, 3, 1, "", "score"], [176, 2, 1, "", "to_dict"]], "abacusai.DocumentRetrieverVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_status"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "document_retriever_config"], [176, 3, 1, "", "document_retriever_id"], [176, 3, 1, "", "document_retriever_version"], [176, 3, 1, "", "embedding_file_size"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_version"], [176, 2, 1, "", "get_deployment_status"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "number_of_chunks"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "resolved_config"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_results"], [176, 2, 1, "", "wait_until_deployment_ready"], [176, 2, 1, "", "wait_until_ready"], [176, 3, 1, "", "warnings"]], "abacusai.DocumentRetrieverVersionLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "logs"], [176, 2, 1, "", "to_dict"]], "abacusai.DocumentSummarizationTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "batch_size"], [176, 3, 1, "", "dropout_rate"], [176, 3, 1, "", "test_split"]], "abacusai.DocumentType": [[176, 3, 1, "", "COMPREHENSIVE_MARKDOWN"], [176, 3, 1, "", "EMBEDDED_IMAGES"], [176, 3, 1, "", "SCANNED_TEXT"], [176, 3, 1, "", "SIMPLE_TEXT"], [176, 3, 1, "", "TABLES_AND_FORMS"], [176, 3, 1, "", "TEXT"], [176, 2, 1, "", "is_ocr_forced"]], "abacusai.DocumentVisualizationTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "batch_size"], [176, 3, 1, "", "dropout_rate"], [176, 3, 1, "", "test_split"]], "abacusai.DomainPurchaseResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "billed_credits"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "domain"], [176, 2, 1, "", "to_dict"]], "abacusai.DomainSearchResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "domain"], [176, 3, 1, "", "register_credits"], [176, 3, 1, "", "register_years"], [176, 3, 1, "", "renewal_credits"], [176, 3, 1, "", "renewal_years"], [176, 2, 1, "", "to_dict"]], "abacusai.DriftDistribution": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "distribution"], [176, 3, 1, "", "metrics"], [176, 3, 1, "", "predicted_column"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "train_column"]], "abacusai.DriftDistributions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "bp_prediction_drift"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "label_drift"], [176, 3, 1, "", "prediction_drift"], [176, 2, 1, "", "to_dict"]], "abacusai.Eda": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "eda_configs"], [176, 3, 1, "", "eda_id"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "latest_eda_version"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "name"], [176, 3, 1, "", "project_id"], [176, 3, 1, "", "reference_feature_group_version"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 2, 1, "", "rename"], [176, 2, 1, "", "rerun"], [176, 3, 1, "", "test_feature_group_version"], [176, 2, 1, "", "to_dict"]], "abacusai.EdaChartDescription": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chart_type"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 2, 1, "", "to_dict"]], "abacusai.EdaCollinearity": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "collinearity_groups"], [176, 3, 1, "", "collinearity_matrix"], [176, 3, 1, "", "column_names"], [176, 3, 1, "", "column_names_x"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "group_feature_dict"], [176, 2, 1, "", "to_dict"]], "abacusai.EdaDataConsistency": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "base_duplicates"], [176, 3, 1, "", "column_names"], [176, 3, 1, "", "compare_duplicates"], [176, 3, 1, "", "deletions"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "primary_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "transformation_column_names"], [176, 3, 1, "", "transformations"]], "abacusai.EdaFeatureAssociation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data"], [176, 3, 1, "", "data_columns"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "is_box_whisker"], [176, 3, 1, "", "is_scatter"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "x_axis"], [176, 3, 1, "", "x_axis_column_values"], [176, 3, 1, "", "y_axis"], [176, 3, 1, "", "y_axis_column_values"]], "abacusai.EdaFeatureCollinearity": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_collinearity"], [176, 3, 1, "", "selected_feature"], [176, 3, 1, "", "sorted_column_names"], [176, 2, 1, "", "to_dict"]], "abacusai.EdaForecastingAnalysis": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "autocorrelation"], [176, 3, 1, "", "cummulative_contribution"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "forecast_frequency"], [176, 3, 1, "", "forecasting_target_feature"], [176, 3, 1, "", "history_length"], [176, 3, 1, "", "missing_value_distribution"], [176, 3, 1, "", "num_rows_histogram"], [176, 3, 1, "", "partial_autocorrelation"], [176, 3, 1, "", "primary_keys"], [176, 3, 1, "", "product_maturity"], [176, 3, 1, "", "sales_across_time"], [176, 3, 1, "", "seasonality_day_of_month"], [176, 3, 1, "", "seasonality_day_of_week"], [176, 3, 1, "", "seasonality_day_of_year"], [176, 3, 1, "", "seasonality_hour"], [176, 3, 1, "", "seasonality_minute"], [176, 3, 1, "", "seasonality_month"], [176, 3, 1, "", "seasonality_quarter"], [176, 3, 1, "", "seasonality_second"], [176, 3, 1, "", "seasonality_week_of_year"], [176, 3, 1, "", "seasonality_year"], [176, 3, 1, "", "timestamp_feature"], [176, 2, 1, "", "to_dict"]], "abacusai.EdaVersion": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "eda_completed_at"], [176, 3, 1, "", "eda_id"], [176, 3, 1, "", "eda_started_at"], [176, 3, 1, "", "eda_version"], [176, 3, 1, "", "error"], [176, 2, 1, "", "get_collinearity_for_feature"], [176, 2, 1, "", "get_eda_collinearity"], [176, 2, 1, "", "get_eda_data_consistency"], [176, 2, 1, "", "get_eda_forecasting_analysis"], [176, 2, 1, "", "get_feature_association"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "reference_feature_group_version"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 3, 1, "", "test_feature_group_version"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_eda"]], "abacusai.EditImageModels": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "models"], [176, 2, 1, "", "to_dict"]], "abacusai.EmailActionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "email_body"], [176, 3, 1, "", "email_recipients"]], "abacusai.EmbeddingFeatureDriftDistribution": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "average_drift"], [176, 3, 1, "", "chi_square"], [176, 3, 1, "", "csi"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "distance"], [176, 3, 1, "", "js_distance"], [176, 3, 1, "", "ks_statistic"], [176, 3, 1, "", "psi"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "ws_distance"]], "abacusai.EntriAuthToken": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "application_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "token"], [176, 3, 1, "", "ttl"]], "abacusai.EvalArtifactType": [[176, 3, 1, "", "FORECASTING_ACCURACY"], [176, 3, 1, "", "FORECASTING_HISTORY_LENGTH_ACCURACY"], [176, 3, 1, "", "FORECASTING_VOLUME"]], "abacusai.EventAnomalyTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "anomaly_fraction"]], "abacusai.ExecuteFeatureGroupOperation": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "_download_avro_file"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feature_group_operation_run_id"], [176, 2, 1, "", "get_status"], [176, 2, 1, "", "load_as_pandas"], [176, 3, 1, "", "query"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_execution"], [176, 2, 1, "", "wait_for_results"]], "abacusai.ExperimentationMode": [[176, 3, 1, "", "RAPID"], [176, 3, 1, "", "THOROUGH"]], "abacusai.ExplainerType": [[176, 3, 1, "", "EBM_EXPLAINER"], [176, 3, 1, "", "KERNEL_EXPLAINER"], [176, 3, 1, "", "LIME_EXPLAINER"], [176, 3, 1, "", "TREE_EXPLAINER"]], "abacusai.ExternalApplication": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "add_developers_to"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_conversation_retention_hours"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "description"], [176, 3, 1, "", "external_application_id"], [176, 3, 1, "", "has_fast_mode"], [176, 3, 1, "", "has_thinking_option"], [176, 3, 1, "", "is_agent"], [176, 3, 1, "", "is_codellm_chatmode_supported"], [176, 3, 1, "", "is_customizable"], [176, 3, 1, "", "is_deprecated"], [176, 3, 1, "", "is_system_created"], [176, 3, 1, "", "is_visible"], [176, 3, 1, "", "logo"], [176, 3, 1, "", "managed_user_service"], [176, 3, 1, "", "name"], [176, 3, 1, "", "only_image_gen_enabled"], [176, 3, 1, "", "prediction_overrides"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "remove_developers_from"], [176, 3, 1, "", "status"], [176, 3, 1, "", "theme"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"], [176, 3, 1, "", "use_case"], [176, 3, 1, "", "user_group_ids"]], "abacusai.ExternalInvite": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "successful_invites"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_already_in_app_group"], [176, 3, 1, "", "user_already_in_org"], [176, 3, 1, "", "user_exists_as_internal"]], "abacusai.ExtractDocumentDataConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "doc_id_column"], [176, 3, 1, "", "document_column"], [176, 3, 1, "", "document_processing_config"]], "abacusai.ExtractedFields": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "raw_llm_response"], [176, 2, 1, "", "to_dict"]], "abacusai.Feature": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "columns"], [176, 3, 1, "", "data_type"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "detected_data_type"], [176, 3, 1, "", "detected_feature_type"], [176, 3, 1, "", "feature_mapping"], [176, 3, 1, "", "feature_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "order_clause"], [176, 3, 1, "", "original_name"], [176, 3, 1, "", "point_in_time_info"], [176, 3, 1, "", "select_clause"], [176, 3, 1, "", "source_table"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "using_clause"], [176, 3, 1, "", "where_clause"]], "abacusai.FeatureDistribution": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "numerical_prediction_distribution"], [176, 3, 1, "", "numerical_training_distribution"], [176, 3, 1, "", "prediction_distribution"], [176, 3, 1, "", "prediction_statistics"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "training_distribution"], [176, 3, 1, "", "training_statistics"], [176, 3, 1, "", "type"]], "abacusai.FeatureDriftConditionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "feature_drift_type"], [176, 3, 1, "", "feature_names"], [176, 3, 1, "", "minimum_violations"], [176, 3, 1, "", "threshold"]], "abacusai.FeatureDriftRecord": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chi_square"], [176, 3, 1, "", "csi"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "distance"], [176, 3, 1, "", "js_distance"], [176, 3, 1, "", "ks_statistic"], [176, 3, 1, "", "name"], [176, 3, 1, "", "psi"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "ws_distance"]], "abacusai.FeatureDriftSummary": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "cat_violations"], [176, 3, 1, "", "chi_square"], [176, 3, 1, "", "csi"], [176, 3, 1, "", "data_integrity_timeseries"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "distance"], [176, 3, 1, "", "feature_index"], [176, 3, 1, "", "js_distance"], [176, 3, 1, "", "ks_statistic"], [176, 3, 1, "", "name"], [176, 3, 1, "", "nested_summary"], [176, 3, 1, "", "null_violations"], [176, 3, 1, "", "prediction_drift"], [176, 3, 1, "", "psi"], [176, 3, 1, "", "range_violations"], [176, 3, 1, "", "target_column"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "ws_distance"]], "abacusai.FeatureDriftType": [[176, 3, 1, "", "CHI_SQUARE"], [176, 3, 1, "", "CSI"], [176, 3, 1, "", "JS"], [176, 3, 1, "", "KL"], [176, 3, 1, "", "KS"], [176, 3, 1, "", "PSI"], [176, 3, 1, "", "WS"]], "abacusai.FeatureGroup": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "add_annotatable_feature"], [176, 2, 1, "", "add_annotation_label"], [176, 2, 1, "", "add_feature_tag"], [176, 2, 1, "", "add_organization_group_to_modifiers"], [176, 2, 1, "", "add_tag"], [176, 2, 1, "", "add_to_project"], [176, 2, 1, "", "add_user_to_modifiers"], [176, 3, 1, "", "annotation_config"], [176, 2, 1, "", "append_data"], [176, 2, 1, "", "append_multiple_data"], [176, 3, 1, "", "code_source"], [176, 2, 1, "", "concatenate_data"], [176, 3, 1, "", "concatenation_config"], [176, 3, 1, "", "cpu_size"], [176, 2, 1, "", "create_feature"], [176, 2, 1, "", "create_nested_feature"], [176, 2, 1, "", "create_point_in_time_feature"], [176, 2, 1, "", "create_point_in_time_group"], [176, 2, 1, "", "create_point_in_time_group_feature"], [176, 2, 1, "", "create_sampling"], [176, 2, 1, "", "create_template"], [176, 2, 1, "", "create_version"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "dataset_id"], [176, 2, 1, "", "delete"], [176, 2, 1, "", "delete_data"], [176, 2, 1, "", "delete_feature"], [176, 2, 1, "", "delete_nested_feature"], [176, 2, 1, "", "delete_point_in_time_group"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_annotation"], [176, 2, 1, "", "describe_dataset"], [176, 3, 1, "", "description"], [176, 2, 1, "", "detach_from_template"], [176, 3, 1, "", "duplicate_features"], [176, 3, 1, "", "explanation"], [176, 3, 1, "", "export_connector_config"], [176, 3, 1, "", "export_on_materialization"], [176, 3, 1, "", "feature_expression"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_source_type"], [176, 3, 1, "", "feature_group_template"], [176, 3, 1, "", "feature_tags"], [176, 3, 1, "", "features"], [176, 3, 1, "", "function_name"], [176, 3, 1, "", "function_source_code"], [176, 2, 1, "", "generate_natural_language_explanation"], [176, 2, 1, "", "generate_point_in_time_features"], [176, 2, 1, "", "get_annotations_status"], [176, 2, 1, "", "get_data"], [176, 2, 1, "", "get_document_to_annotate"], [176, 2, 1, "", "get_natural_language_explanation"], [176, 2, 1, "", "get_project_config"], [176, 2, 1, "", "get_recent_streamed_data"], [176, 2, 1, "", "get_schema"], [176, 2, 1, "", "get_status"], [176, 2, 1, "", "import_annotation_labels"], [176, 3, 1, "", "incremental"], [176, 3, 1, "", "indexing_config"], [176, 3, 1, "", "latest_feature_group_version"], [176, 3, 1, "", "latest_version_outdated"], [176, 2, 1, "", "list_exports"], [176, 2, 1, "", "list_modifiers"], [176, 2, 1, "", "list_versions"], [176, 2, 1, "", "load_as_pandas"], [176, 2, 1, "", "load_as_pandas_documents"], [176, 3, 1, "", "lookup_keys"], [176, 2, 1, "", "materialize"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "merge_config"], [176, 3, 1, "", "modification_lock"], [176, 3, 1, "", "module_name"], [176, 3, 1, "", "name"], [176, 3, 1, "", "operator_config"], [176, 3, 1, "", "point_in_time_groups"], [176, 3, 1, "", "primary_key"], [176, 3, 1, "", "python_function_bindings"], [176, 3, 1, "", "python_function_name"], [176, 3, 1, "", "referenced_feature_groups"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 2, 1, "", "remove_annotation_label"], [176, 2, 1, "", "remove_concatenation_config"], [176, 2, 1, "", "remove_feature_tag"], [176, 2, 1, "", "remove_from_project"], [176, 2, 1, "", "remove_organization_group_from_modifiers"], [176, 2, 1, "", "remove_tag"], [176, 2, 1, "", "remove_user_from_modifiers"], [176, 3, 1, "", "sampling_config"], [176, 2, 1, "", "set_annotation_status_feature"], [176, 2, 1, "", "set_export_connector_config"], [176, 2, 1, "", "set_export_on_materialization"], [176, 2, 1, "", "set_feature_as_annotatable_feature"], [176, 2, 1, "", "set_feature_type"], [176, 2, 1, "", "set_indexing_config"], [176, 2, 1, "", "set_merge_config"], [176, 2, 1, "", "set_modifier_lock"], [176, 2, 1, "", "set_operator_config"], [176, 2, 1, "", "set_project_config"], [176, 2, 1, "", "set_sampling_config"], [176, 2, 1, "", "set_schema"], [176, 2, 1, "", "set_type"], [176, 3, 1, "", "source_tables"], [176, 3, 1, "", "sql"], [176, 3, 1, "", "sql_error"], [176, 3, 1, "", "streaming_enabled"], [176, 3, 1, "", "streaming_ready"], [176, 2, 1, "", "suggest_template_for"], [176, 3, 1, "", "table_name"], [176, 3, 1, "", "tags"], [176, 3, 1, "", "template_bindings"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "unset_feature_as_annotatable_feature"], [176, 2, 1, "", "update"], [176, 2, 1, "", "update_annotation_status"], [176, 2, 1, "", "update_dataset_feature_expression"], [176, 2, 1, "", "update_feature"], [176, 2, 1, "", "update_nested_feature"], [176, 2, 1, "", "update_point_in_time_feature"], [176, 2, 1, "", "update_point_in_time_group"], [176, 2, 1, "", "update_point_in_time_group_feature"], [176, 2, 1, "", "update_python_function"], [176, 2, 1, "", "update_python_function_bindings"], [176, 2, 1, "", "update_sql_definition"], [176, 2, 1, "", "update_template_bindings"], [176, 3, 1, "", "update_timestamp_key"], [176, 2, 1, "", "update_version_limit"], [176, 2, 1, "", "upsert_data"], [176, 3, 1, "", "use_gpu"], [176, 3, 1, "", "use_original_csv_names"], [176, 2, 1, "", "verify_and_describe_annotation"], [176, 3, 1, "", "version_limit"], [176, 2, 1, "", "wait_for_dataset"], [176, 2, 1, "", "wait_for_materialization"], [176, 2, 1, "", "wait_for_streaming_ready"], [176, 2, 1, "", "wait_for_upload"]], "abacusai.FeatureGroupDocument": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_id"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupExport": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "additional_id_columns"], [176, 3, 1, "", "connector_type"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "database_feature_mapping"], [176, 3, 1, "", "database_output_error"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 3, 1, "", "export_completed_at"], [176, 3, 1, "", "failed_writes"], [176, 3, 1, "", "feature_group_export_id"], [176, 3, 1, "", "feature_group_version"], [176, 3, 1, "", "file_format"], [176, 2, 1, "", "get_connector_errors"], [176, 2, 1, "", "get_feature_group_version_export_download_url"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "id_column"], [176, 3, 1, "", "object_name"], [176, 3, 1, "", "output_location"], [176, 3, 1, "", "project_config"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_writes"], [176, 2, 1, "", "wait_for_export"], [176, 2, 1, "", "wait_for_results"], [176, 3, 1, "", "write_mode"]], "abacusai.FeatureGroupExportConfig": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "additional_id_columns"], [176, 3, 1, "", "connector_type"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "database_feature_mapping"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "file_format"], [176, 3, 1, "", "id_column"], [176, 3, 1, "", "object_name"], [176, 3, 1, "", "output_location"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "write_mode"]], "abacusai.FeatureGroupExportDownloadUrl": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "download_url"], [176, 3, 1, "", "expires_at"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupLineage": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "connections"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "nodes"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupRefreshExportConfig": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "additional_id_columns"], [176, 3, 1, "", "connector_type"], [176, 3, 1, "", "database_feature_mapping"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "export_file_format"], [176, 3, 1, "", "external_connection_id"], [176, 3, 1, "", "id_column"], [176, 3, 1, "", "location"], [176, 3, 1, "", "object_name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "write_mode"]], "abacusai.FeatureGroupRow": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "contents"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "primary_key"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.FeatureGroupRowProcess": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "completed_at"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_row_process_id"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "primary_key_value"], [176, 3, 1, "", "retries_remaining"], [176, 3, 1, "", "started_at"], [176, 3, 1, "", "status"], [176, 3, 1, "", "timeout_at"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_attempts_allowed"], [176, 3, 1, "", "updated_at"], [176, 2, 1, "", "wait_for_process"]], "abacusai.FeatureGroupRowProcessLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_row_process_id"], [176, 3, 1, "", "logs"], [176, 3, 1, "", "primary_key_value"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureGroupRowProcessSummary": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "complete_processes"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "failed_processes"], [176, 3, 1, "", "pending_processes"], [176, 3, 1, "", "processing_processes"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_processes"]], "abacusai.FeatureGroupTemplate": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "description"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_template_id"], [176, 3, 1, "", "is_system_template"], [176, 3, 1, "", "name"], [176, 2, 1, "", "preview_resolution"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "template_sql"], [176, 3, 1, "", "template_variables"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"], [176, 3, 1, "", "updated_at"]], "abacusai.FeatureGroupTemplateVariableOptions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "template_variable_options"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_feedback"]], "abacusai.FeatureGroupVersion": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "_download_avro_file"], [176, 3, 1, "", "annotation_config"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "columns"], [176, 3, 1, "", "cpu_size"], [176, 2, 1, "", "create_snapshot_feature_group"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployable"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 2, 1, "", "export_to_console"], [176, 2, 1, "", "export_to_database_connector"], [176, 2, 1, "", "export_to_file_connector"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_version"], [176, 3, 1, "", "features"], [176, 2, 1, "", "get_logs"], [176, 2, 1, "", "get_materialization_logs"], [176, 2, 1, "", "get_metrics"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "indexing_config"], [176, 3, 1, "", "indexing_config_warning_msg"], [176, 2, 1, "", "load_as_pandas"], [176, 2, 1, "", "load_as_pandas_documents"], [176, 3, 1, "", "materialization_completed_at"], [176, 3, 1, "", "materialization_started_at"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "point_in_time_groups"], [176, 3, 1, "", "python_function_bindings"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "source_dataset_versions"], [176, 3, 1, "", "source_tables"], [176, 3, 1, "", "sql"], [176, 3, 1, "", "status"], [176, 3, 1, "", "template_bindings"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "use_original_csv_names"], [176, 2, 1, "", "wait_for_materialization"], [176, 2, 1, "", "wait_for_results"]], "abacusai.FeatureGroupVersionLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "logs"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureImportance": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "ebm_feature_importance"], [176, 3, 1, "", "lime_feature_importance"], [176, 3, 1, "", "lofo_feature_importance"], [176, 3, 1, "", "null_feature_importance"], [176, 3, 1, "", "permutation_feature_importance"], [176, 3, 1, "", "shap_feature_importance"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureMapping": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_mapping"], [176, 3, 1, "", "feature_name"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureMappingConfig": [[176, 3, 1, "", "feature_mapping"], [176, 3, 1, "", "feature_name"], [176, 3, 1, "", "nested_feature_name"]], "abacusai.FeaturePerformanceAnalysis": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_metrics"], [176, 3, 1, "", "features"], [176, 3, 1, "", "metrics_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.FeatureStorePredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "limit_results"]], "abacusai.FieldDescriptor": [[176, 3, 1, "", "description"], [176, 3, 1, "", "example_extraction"], [176, 3, 1, "", "field"], [176, 3, 1, "", "type"]], "abacusai.FieldDescriptorType": [[176, 3, 1, "", "BOOLEAN"], [176, 3, 1, "", "DATE"], [176, 3, 1, "", "DATETIME"], [176, 3, 1, "", "FLOAT"], [176, 3, 1, "", "INTEGER"], [176, 3, 1, "", "STRING"]], "abacusai.FileConnector": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "auth_expires_at"], [176, 3, 1, "", "bucket"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "verified"], [176, 3, 1, "", "write_permission"]], "abacusai.FileConnectorExportConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "export_file_format"], [176, 3, 1, "", "location"], [176, 2, 1, "", "to_dict"]], "abacusai.FileConnectorInstructions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "auth_options"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "verified"], [176, 3, 1, "", "write_permission"]], "abacusai.FileConnectorVerification": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "verified"], [176, 3, 1, "", "write_permission"]], "abacusai.FileFormat": [[176, 3, 1, "", "AVRO"], [176, 3, 1, "", "CSV"], [176, 3, 1, "", "DOCX"], [176, 3, 1, "", "EML"], [176, 3, 1, "", "FLV"], [176, 3, 1, "", "GIF"], [176, 3, 1, "", "GZ"], [176, 3, 1, "", "HTML"], [176, 3, 1, "", "JPEG"], [176, 3, 1, "", "JSON"], [176, 3, 1, "", "MD"], [176, 3, 1, "", "MOV"], [176, 3, 1, "", "MP3"], [176, 3, 1, "", "MP4"], [176, 3, 1, "", "MPEG"], [176, 3, 1, "", "MPG"], [176, 3, 1, "", "MSG"], [176, 3, 1, "", "NUMBERS"], [176, 3, 1, "", "ODS"], [176, 3, 1, "", "ORC"], [176, 3, 1, "", "PARQUET"], [176, 3, 1, "", "PDF"], [176, 3, 1, "", "PNG"], [176, 3, 1, "", "PPT"], [176, 3, 1, "", "PPTX"], [176, 3, 1, "", "RAR"], [176, 3, 1, "", "TAR"], [176, 3, 1, "", "TFRECORD"], [176, 3, 1, "", "TIF"], [176, 3, 1, "", "TS"], [176, 3, 1, "", "TSV"], [176, 3, 1, "", "TSX"], [176, 3, 1, "", "TXT"], [176, 3, 1, "", "WEBM"], [176, 3, 1, "", "WEBP"], [176, 3, 1, "", "WMV"], [176, 3, 1, "", "XLS"], [176, 3, 1, "", "ZIP"]], "abacusai.FillLogic": [[176, 3, 1, "", "AVERAGE"], [176, 3, 1, "", "BACKFILL"], [176, 3, 1, "", "CUSTOM"], [176, 3, 1, "", "FORWARDFILL"], [176, 3, 1, "", "LINEAR"], [176, 3, 1, "", "MAX"], [176, 3, 1, "", "MEDIAN"], [176, 3, 1, "", "MIN"], [176, 3, 1, "", "NEAREST"]], "abacusai.FinetunedPretrainedModel": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "base_model"], [176, 3, 1, "", "config"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "finetuned_pretrained_model_id"], [176, 3, 1, "", "finetuned_pretrained_model_version"], [176, 3, 1, "", "finetuning_dataset_version"], [176, 3, 1, "", "name"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.ForecastingAnalysisGraphData": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "chart_descriptions"], [176, 3, 1, "", "chart_name"], [176, 3, 1, "", "chart_types"], [176, 3, 1, "", "data"], [176, 3, 1, "", "data_columns"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "item_statistics"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "x_axis"], [176, 3, 1, "", "y_axis"]], "abacusai.ForecastingBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "create_monitor"], [176, 3, 1, "", "explain_predictions"], [176, 3, 1, "", "for_eval"], [176, 3, 1, "", "forecasting_horizon"], [176, 3, 1, "", "item_attributes_to_include_in_the_result"], [176, 3, 1, "", "predictions_start_date"], [176, 3, 1, "", "start_date_offset"], [176, 3, 1, "", "use_prediction_offset"]], "abacusai.ForecastingDataSplitType": [[176, 3, 1, "", "AUTO"], [176, 3, 1, "", "ITEM"], [176, 3, 1, "", "L_SHAPED_AUTO"], [176, 3, 1, "", "L_SHAPED_TIMESTAMP"], [176, 3, 1, "", "PREDICTION_LENGTH"], [176, 3, 1, "", "TIMESTAMP"]], "abacusai.ForecastingFillMethod": [[176, 3, 1, "", "BACK"], [176, 3, 1, "", "FUTURE"], [176, 3, 1, "", "MIDDLE"]], "abacusai.ForecastingFrequency": [[176, 3, 1, "", "DAILY"], [176, 3, 1, "", "HOURLY"], [176, 3, 1, "", "MONTH_END"], [176, 3, 1, "", "MONTH_START"], [176, 3, 1, "", "QUARTER_END"], [176, 3, 1, "", "QUARTER_START"], [176, 3, 1, "", "WEEKLY_MONDAY_START"], [176, 3, 1, "", "WEEKLY_SATURDAY_START"], [176, 3, 1, "", "WEEKLY_SUNDAY_START"], [176, 3, 1, "", "YEARLY"]], "abacusai.ForecastingLocalScaling": [[176, 3, 1, "", "ITEM"], [176, 3, 1, "", "LAST_POINT"], [176, 3, 1, "", "MIN_MAX"], [176, 3, 1, "", "MIN_STD"], [176, 3, 1, "", "ROBUST"], [176, 3, 1, "", "SLIDING_ZSCORE"], [176, 3, 1, "", "ZSCORE"]], "abacusai.ForecastingLossFunction": [[176, 3, 1, "", "ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [176, 3, 1, "", "CUSTOM"], [176, 3, 1, "", "GAUSSIAN"], [176, 3, 1, "", "GAUSSIAN_FULL_COVARIANCE"], [176, 3, 1, "", "GUASSIAN_EXPONENTIAL"], [176, 3, 1, "", "LOG_ROOT_MEAN_SQUARE_ERROR"], [176, 3, 1, "", "MEAN_ABSOLUTE_ERROR"], [176, 3, 1, "", "MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [176, 3, 1, "", "MIX_GAUSSIANS"], [176, 3, 1, "", "NEGATIVE_BINOMIAL"], [176, 3, 1, "", "NORMALIZED_MEAN_ABSOLUTE_ERROR"], [176, 3, 1, "", "NORMALIZED_ROOT_MEAN_SQUARE_ERROR"], [176, 3, 1, "", "PEAKS_MEAN_ABSOLUTE_ERROR"], [176, 3, 1, "", "POINTWISE_ACCURACY"], [176, 3, 1, "", "ROOT_MEAN_SQUARE_ERROR"], [176, 3, 1, "", "STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [176, 3, 1, "", "WEIBULL"]], "abacusai.ForecastingMonitorConfig": [[176, 3, 1, "", "end_time"], [176, 3, 1, "", "id_column"], [176, 3, 1, "", "start_time"], [176, 3, 1, "", "target_column"], [176, 3, 1, "", "timestamp_column"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "window_config"]], "abacusai.ForecastingMonitorItemAnalysis": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "prediction_item_analysis"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "training_item_analysis"]], "abacusai.ForecastingMonitorSummary": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "actuals_histogram"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "forecast_frequency"], [176, 3, 1, "", "history_drift"], [176, 3, 1, "", "predict_history_data"], [176, 3, 1, "", "prediction_item_id"], [176, 3, 1, "", "prediction_target_across_time"], [176, 3, 1, "", "prediction_target_col"], [176, 3, 1, "", "prediction_timestamp_col"], [176, 3, 1, "", "predictions_histogram"], [176, 3, 1, "", "target_drift"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "train_history_data"], [176, 3, 1, "", "training_item_id"], [176, 3, 1, "", "training_target_across_time"], [176, 3, 1, "", "training_target_col"], [176, 3, 1, "", "training_timestamp_col"]], "abacusai.ForecastingObjective": [[176, 3, 1, "", "ACCURACY"], [176, 3, 1, "", "BIAS"], [176, 3, 1, "", "CMAPE"], [176, 3, 1, "", "CV"], [176, 3, 1, "", "MAPE"], [176, 3, 1, "", "RMSE"], [176, 3, 1, "", "SRMSE"], [176, 3, 1, "", "WAPE"]], "abacusai.ForecastingPredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "explain_predictions"], [176, 3, 1, "", "explainer_type"], [176, 3, 1, "", "get_item_data"], [176, 3, 1, "", "num_predictions"], [176, 3, 1, "", "prediction_start"]], "abacusai.ForecastingQuanitlesExtensionMethod": [[176, 3, 1, "", "ANCESTRAL_SIMULATION"], [176, 3, 1, "", "DIRECT"], [176, 3, 1, "", "QUADRATIC"]], "abacusai.ForecastingTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "additional_forecast_keys"], [176, 3, 1, "", "allow_training_with_small_history"], [176, 3, 1, "", "backtesting_window_step_size"], [176, 3, 1, "", "batch_renormalization"], [176, 3, 1, "", "batch_size"], [176, 3, 1, "", "convolution_filters"], [176, 3, 1, "", "convolutional_layers"], [176, 3, 1, "", "custom_loss_functions"], [176, 3, 1, "", "custom_metrics"], [176, 3, 1, "", "data_split_feature_group_table_name"], [176, 3, 1, "", "datetime_holiday_calendars"], [176, 3, 1, "", "disable_networks_without_analytic_quantiles"], [176, 3, 1, "", "dropout_rate"], [176, 3, 1, "", "enable_clustering"], [176, 3, 1, "", "enable_cold_start"], [176, 3, 1, "", "enable_feature_selection"], [176, 3, 1, "", "enable_multiple_backtests"], [176, 3, 1, "", "enable_padding"], [176, 3, 1, "", "experimentation_mode"], [176, 3, 1, "", "fill_missing_values"], [176, 3, 1, "", "filter_items"], [176, 3, 1, "", "force_prediction_length"], [176, 3, 1, "", "forecast_frequency"], [176, 3, 1, "", "full_data_retraining"], [176, 3, 1, "", "handle_zeros_as_missing_values"], [176, 3, 1, "", "history_length"], [176, 3, 1, "", "initial_learning_rate"], [176, 3, 1, "", "item_attributes_weight_column"], [176, 3, 1, "", "l2_regularization_factor"], [176, 3, 1, "", "local_scale_target"], [176, 3, 1, "", "local_scaling_mode"], [176, 3, 1, "", "loss_function"], [176, 3, 1, "", "max_scale_context"], [176, 3, 1, "", "num_backtesting_windows"], [176, 3, 1, "", "number_of_samples"], [176, 3, 1, "", "objective"], [176, 3, 1, "", "prediction_length"], [176, 3, 1, "", "prediction_step_size"], [176, 3, 1, "", "probability_quantiles"], [176, 3, 1, "", "quantiles_extension_method"], [176, 3, 1, "", "recurrent_layers"], [176, 3, 1, "", "recurrent_units"], [176, 3, 1, "", "return_fractional_forecasts"], [176, 3, 1, "", "skip_missing"], [176, 3, 1, "", "skip_timeseries_weight_scaling"], [176, 3, 1, "", "smooth_history"], [176, 3, 1, "", "sort_objective"], [176, 3, 1, "", "symmetrize_quantiles"], [176, 3, 1, "", "test_by_item"], [176, 3, 1, "", "test_split"], [176, 3, 1, "", "test_start"], [176, 3, 1, "", "timeseries_loss_weight_column"], [176, 3, 1, "", "timeseries_weight_column"], [176, 3, 1, "", "training_point_overlap"], [176, 3, 1, "", "type_of_split"], [176, 3, 1, "", "underprediction_weight"], [176, 3, 1, "", "use_all_item_totals"], [176, 3, 1, "", "use_clipping"], [176, 3, 1, "", "use_item_id"], [176, 3, 1, "", "use_item_weights_in_objective"], [176, 3, 1, "", "use_log_transforms"], [176, 3, 1, "", "use_timeseries_weights_in_objective"], [176, 3, 1, "", "zero_predictor"]], "abacusai.FreshserviceDatasetConfig": [[176, 2, 1, "", "__post_init__"]], "abacusai.FsEntry": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "children"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "isFolderEmpty"], [176, 3, 1, "", "modified"], [176, 3, 1, "", "name"], [176, 3, 1, "", "path"], [176, 3, 1, "", "size"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "type"]], "abacusai.FunctionLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algorithm"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "exception"], [176, 3, 1, "", "function"], [176, 3, 1, "", "stats"], [176, 3, 1, "", "stderr"], [176, 3, 1, "", "stdout"], [176, 2, 1, "", "to_dict"]], "abacusai.GeneratedPitFeatureConfigOption": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "display_name"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.GoogleAnalyticsDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "end_timestamp"], [176, 3, 1, "", "location"], [176, 3, 1, "", "start_timestamp"]], "abacusai.GoogleDriveDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "csv_delimiter"], [176, 3, 1, "", "extract_bounding_boxes"], [176, 3, 1, "", "location"], [176, 3, 1, "", "location_type"], [176, 3, 1, "", "merge_file_schemas"]], "abacusai.GraphDashboard": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "description"], [176, 3, 1, "", "graph_dashboard_id"], [176, 3, 1, "", "name"], [176, 3, 1, "", "plot_reference_ids"], [176, 3, 1, "", "project_id"], [176, 3, 1, "", "project_name"], [176, 3, 1, "", "python_function_ids"], [176, 3, 1, "", "python_function_names"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"]], "abacusai.HistoryLengthDriftConditionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "feature_drift_type"], [176, 3, 1, "", "threshold"]], "abacusai.HoldoutAnalysis": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "feature_group_ids"], [176, 3, 1, "", "holdout_analysis_id"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_name"], [176, 3, 1, "", "name"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "rerun"], [176, 2, 1, "", "to_dict"]], "abacusai.HoldoutAnalysisVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algo_name"], [176, 3, 1, "", "algorithm"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "holdout_analysis_id"], [176, 3, 1, "", "holdout_analysis_version"], [176, 3, 1, "", "metric_infos"], [176, 3, 1, "", "metrics"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_version"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_results"]], "abacusai.HolidayCalendars": [[176, 3, 1, "", "AU"], [176, 3, 1, "", "UK"], [176, 3, 1, "", "US"]], "abacusai.HostedApp": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "hosted_app_id"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.HostedAppContainer": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "access_level"], [176, 3, 1, "", "app_config"], [176, 3, 1, "", "artifact_type"], [176, 3, 1, "", "container_image"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployed_llm_artifact_id"], [176, 3, 1, "", "deployed_status"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "email"], [176, 3, 1, "", "has_database"], [176, 3, 1, "", "has_storage"], [176, 3, 1, "", "hosted_app_container_id"], [176, 3, 1, "", "hosted_app_id"], [176, 3, 1, "", "hosted_app_version"], [176, 3, 1, "", "hostname"], [176, 3, 1, "", "is_deployable"], [176, 3, 1, "", "is_dev"], [176, 3, 1, "", "is_preview_available"], [176, 3, 1, "", "lifecycle"], [176, 3, 1, "", "llm_artifact_id"], [176, 3, 1, "", "name"], [176, 3, 1, "", "parent_conversation_id"], [176, 3, 1, "", "project_metadata"], [176, 3, 1, "", "route"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"], [176, 3, 1, "", "user_id"], [176, 3, 1, "", "web_app_project_id"]], "abacusai.HostedAppFileRead": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "content"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "end"], [176, 3, 1, "", "retcode"], [176, 3, 1, "", "start"], [176, 2, 1, "", "to_dict"]], "abacusai.HostedArtifact": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "artifact_type"], [176, 3, 1, "", "conversation_sequence_number"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_application_id"], [176, 3, 1, "", "hostname"], [176, 3, 1, "", "lifecycle"], [176, 3, 1, "", "llm_artifact_id"], [176, 2, 1, "", "to_dict"]], "abacusai.HostedDatabase": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "display_name"], [176, 3, 1, "", "hosted_database_id"], [176, 3, 1, "", "lifecycle"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.HostedDatabaseSnapshot": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "hosted_database_snapshot_id"], [176, 3, 1, "", "lifecycle"], [176, 3, 1, "", "src_hosted_database_id"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.HostedModelToken": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "hosted_model_token_id"], [176, 3, 1, "", "tag"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "trailing_auth_token"]], "abacusai.HostnameInfo": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "has_root_nameservers_configured"], [176, 3, 1, "", "is_root_domain"], [176, 2, 1, "", "to_dict"]], "abacusai.HotkeyPrompt": [[176, 3, 1, "", "disable_problem_type_context"], [176, 3, 1, "", "ignore_history"], [176, 3, 1, "", "prompt"], [176, 3, 1, "", "title"]], "abacusai.HumeVoice": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "gender"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.ImageGenModel": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "display_name"], [176, 3, 1, "", "helptext"], [176, 3, 1, "", "optional"], [176, 3, 1, "", "options"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "type"], [176, 3, 1, "", "value_type"]], "abacusai.ImageGenModelOptions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "values"]], "abacusai.ImageGenSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 3, 1, "", "settings"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "warnings"]], "abacusai.ImageUrlResponseSection": [[176, 3, 1, "", "height"], [176, 3, 1, "", "url"], [176, 3, 1, "", "width"]], "abacusai.IncrementalDatabaseConnectorConfig": [[176, 3, 1, "", "timestamp_column"]], "abacusai.IndexingConfig": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "lookup_keys"], [176, 3, 1, "", "primary_key"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "update_timestamp_key"]], "abacusai.InferredDatabaseColumnToFeatureMappings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "database_column_to_feature_mappings"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.InferredFeatureMappings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feature_mappings"], [176, 2, 1, "", "to_dict"]], "abacusai.InputNode": [[176, 2, 1, "", "_mark_file_inputs_in_schema"], [176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 2, 1, "", "get_function_name"], [176, 2, 1, "", "get_input_schema"], [176, 2, 1, "", "get_source_code"], [176, 3, 1, "", "input_mappings"], [176, 3, 1, "", "input_schema"], [176, 2, 1, "", "is_special_node_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "node_type"], [176, 3, 1, "", "output_mappings"], [176, 3, 1, "", "output_schema"], [176, 3, 1, "", "source_code"], [176, 3, 1, "", "template_metadata"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "trigger_config"], [176, 3, 1, "", "uid"]], "abacusai.ItemAttributesStdDevThreshold": [[176, 3, 1, "", "lower_bound"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "upper_bound"]], "abacusai.ItemStatistics": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "count"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "lower_bound"], [176, 3, 1, "", "max"], [176, 3, 1, "", "mean"], [176, 3, 1, "", "median"], [176, 3, 1, "", "min"], [176, 3, 1, "", "missing_percent"], [176, 3, 1, "", "p10"], [176, 3, 1, "", "p90"], [176, 3, 1, "", "stddev"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "upper_bound"]], "abacusai.JSONSchema": [[176, 2, 1, "", "from_fields_list"], [176, 2, 1, "", "to_fields_list"]], "abacusai.JiraDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "custom_fields"], [176, 3, 1, "", "include_comments"], [176, 3, 1, "", "include_watchers"], [176, 3, 1, "", "jql"]], "abacusai.KafkaDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "topic"]], "abacusai.LLMAgentNode": [[176, 3, 1, "", "chatbot_deployment_id"], [176, 3, 1, "", "chatbot_parameters"], [176, 2, 1, "", "from_dict"], [176, 2, 1, "", "get_function_name"], [176, 2, 1, "", "get_source_code"], [176, 2, 1, "", "is_special_node_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "node_type"], [176, 3, 1, "", "source_code"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "uid"]], "abacusai.LLMName": [[176, 3, 1, "", "ABACUS_DRACARYS"], [176, 3, 1, "", "ABACUS_SMAUG3"], [176, 3, 1, "", "CLAUDE_V3_5_HAIKU"], [176, 3, 1, "", "CLAUDE_V3_5_SONNET"], [176, 3, 1, "", "CLAUDE_V3_7_SONNET"], [176, 3, 1, "", "CLAUDE_V3_HAIKU"], [176, 3, 1, "", "CLAUDE_V3_OPUS"], [176, 3, 1, "", "CLAUDE_V4_5_SONNET"], [176, 3, 1, "", "CLAUDE_V4_OPUS"], [176, 3, 1, "", "CLAUDE_V4_SONNET"], [176, 3, 1, "", "DEEPSEEK_R1"], [176, 3, 1, "", "DEEPSEEK_V3_1"], [176, 3, 1, "", "GEMINI_1_5_FLASH"], [176, 3, 1, "", "GEMINI_1_5_PRO"], [176, 3, 1, "", "GEMINI_2_5_FLASH"], [176, 3, 1, "", "GEMINI_2_5_PRO"], [176, 3, 1, "", "GEMINI_2_FLASH"], [176, 3, 1, "", "GEMINI_2_PRO"], [176, 3, 1, "", "GEMINI_3_FLASH"], [176, 3, 1, "", "GEMINI_3_PRO"], [176, 3, 1, "", "LLAMA3_1_405B"], [176, 3, 1, "", "LLAMA3_1_70B"], [176, 3, 1, "", "LLAMA3_1_8B"], [176, 3, 1, "", "LLAMA3_3_70B"], [176, 3, 1, "", "LLAMA3_LARGE_CHAT"], [176, 3, 1, "", "LLAMA4_MAVERICK"], [176, 3, 1, "", "OPENAI_GPT3_5"], [176, 3, 1, "", "OPENAI_GPT3_5_TEXT"], [176, 3, 1, "", "OPENAI_GPT4"], [176, 3, 1, "", "OPENAI_GPT4O"], [176, 3, 1, "", "OPENAI_GPT4O_MINI"], [176, 3, 1, "", "OPENAI_GPT4_1"], [176, 3, 1, "", "OPENAI_GPT4_128K"], [176, 3, 1, "", "OPENAI_GPT4_128K_LATEST"], [176, 3, 1, "", "OPENAI_GPT4_1_MINI"], [176, 3, 1, "", "OPENAI_GPT4_1_NANO"], [176, 3, 1, "", "OPENAI_GPT4_32K"], [176, 3, 1, "", "OPENAI_GPT5"], [176, 3, 1, "", "OPENAI_GPT5_1"], [176, 3, 1, "", "OPENAI_GPT5_2"], [176, 3, 1, "", "OPENAI_GPT5_MINI"], [176, 3, 1, "", "OPENAI_GPT5_MINI_HIGH"], [176, 3, 1, "", "OPENAI_GPT5_MINI_LOW"], [176, 3, 1, "", "OPENAI_GPT5_NANO"], [176, 3, 1, "", "OPENAI_GPT5_NANO_HIGH"], [176, 3, 1, "", "OPENAI_O1_MINI"], [176, 3, 1, "", "OPENAI_O3"], [176, 3, 1, "", "OPENAI_O3_HIGH"], [176, 3, 1, "", "OPENAI_O4_MINI"], [176, 3, 1, "", "OPENAI_O4_MINI_HIGH"], [176, 3, 1, "", "QWEN3_235B_A22B"], [176, 3, 1, "", "QWEN3_32B"], [176, 3, 1, "", "QWEN3_CODER"], [176, 3, 1, "", "QWEN_2_5_32B"], [176, 3, 1, "", "QWEN_2_5_32B_BASE"], [176, 3, 1, "", "QWEN_2_5_72B"], [176, 3, 1, "", "QWQ_32B"], [176, 3, 1, "", "XAI_GROK"], [176, 3, 1, "", "XAI_GROK_3"], [176, 3, 1, "", "XAI_GROK_3_MINI"], [176, 3, 1, "", "XAI_GROK_4"]], "abacusai.LastNMergeConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "include_version_timestamp_column"], [176, 3, 1, "", "num_versions"]], "abacusai.LipSyncGenSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 3, 1, "", "settings"], [176, 2, 1, "", "to_dict"]], "abacusai.ListResponseSection": [[176, 3, 1, "", "items"]], "abacusai.LlmApp": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "llm_app_id"], [176, 3, 1, "", "name"], [176, 3, 1, "", "project_id"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.LlmArtifact": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deployment_status"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "has_database"], [176, 3, 1, "", "has_database_snapshot"], [176, 3, 1, "", "has_storage"], [176, 3, 1, "", "info"], [176, 3, 1, "", "is_latest"], [176, 3, 1, "", "llm_artifact_id"], [176, 3, 1, "", "project_metadata"], [176, 3, 1, "", "supports_preview_restore"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "web_app_deployment_id"], [176, 3, 1, "", "web_app_project_id"]], "abacusai.LlmCodeBlock": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "end"], [176, 3, 1, "", "language"], [176, 3, 1, "", "start"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "valid"]], "abacusai.LlmExecutionPreview": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "sql"], [176, 2, 1, "", "to_dict"]], "abacusai.LlmExecutionResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "execution"], [176, 3, 1, "", "preview"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"]], "abacusai.LlmGeneratedCode": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "sql"], [176, 2, 1, "", "to_dict"]], "abacusai.LlmInput": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "content"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.LlmParameters": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "parameters"], [176, 2, 1, "", "to_dict"]], "abacusai.LlmResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_blocks"], [176, 3, 1, "", "content"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "input_tokens"], [176, 3, 1, "", "llm_name"], [176, 3, 1, "", "output_tokens"], [176, 3, 1, "", "stop_reason"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "tokens"], [176, 3, 1, "", "total_tokens"]], "abacusai.MarkdownConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "input_column"], [176, 3, 1, "", "input_column_type"], [176, 3, 1, "", "output_column"]], "abacusai.MarkdownOperatorInputType": [[176, 3, 1, "", "HTML"]], "abacusai.McpConfig": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "mcp_config"], [176, 2, 1, "", "to_dict"]], "abacusai.McpServer": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "config"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "env_var_instructions"], [176, 3, 1, "", "env_vars"], [176, 3, 1, "", "is_active"], [176, 3, 1, "", "metadata"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "url"]], "abacusai.McpServerConnection": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "auth_type"], [176, 3, 1, "", "config"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "error_msg"], [176, 3, 1, "", "external_connection_id"], [176, 3, 1, "", "inactive"], [176, 3, 1, "", "mcp_server_connection_id"], [176, 3, 1, "", "metadata"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "tools"], [176, 3, 1, "", "transport"], [176, 3, 1, "", "updated_at"]], "abacusai.McpServerQueryResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "output"], [176, 2, 1, "", "to_dict"]], "abacusai.MemoryOptions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "cpu"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "gpu"], [176, 2, 1, "", "to_dict"]], "abacusai.MemorySize": [[176, 3, 1, "", "LARGE"], [176, 3, 1, "", "MEDIUM"], [176, 3, 1, "", "SMALL"], [176, 3, 1, "", "XLARGE"], [176, 2, 1, "", "from_value"]], "abacusai.MergeConfig": [[176, 2, 1, "", "__post_init__"], [176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "merge_mode"]], "abacusai.MergeMode": [[176, 3, 1, "", "LAST_N"], [176, 3, 1, "", "TIME_WINDOW"]], "abacusai.MessagingConnectorResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "default_labels"], [176, 3, 1, "", "default_message"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "disclaimer"], [176, 3, 1, "", "enabled_external_links"], [176, 3, 1, "", "init_ack_req"], [176, 3, 1, "", "messaging_bot_name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "use_default_label"], [176, 3, 1, "", "welcome_message"]], "abacusai.Model": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algorithm_model_configs"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "cpu_size"], [176, 2, 1, "", "create_refresh_policy"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "custom_algorithm_configs"], [176, 3, 1, "", "data_llm_feature_groups"], [176, 3, 1, "", "database_connector"], [176, 3, 1, "", "default_algorithm"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_train_test_data_split_feature_group"], [176, 3, 1, "", "document_retriever_ids"], [176, 3, 1, "", "document_retrievers"], [176, 2, 1, "", "get_metrics"], [176, 2, 1, "", "get_status"], [176, 2, 1, "", "get_train_test_feature_group_as_pandas"], [176, 2, 1, "", "get_training_types_for_deployment"], [176, 3, 1, "", "initialize_function_name"], [176, 3, 1, "", "is_python_model"], [176, 3, 1, "", "latest_model_version"], [176, 2, 1, "", "list_artifacts_exports"], [176, 2, 1, "", "list_refresh_policies"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "location"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "model_config"], [176, 3, 1, "", "model_config_type"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_prediction_config"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 3, 1, "", "predict_function_name"], [176, 3, 1, "", "predict_many_function_name"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 2, 1, "", "rename"], [176, 3, 1, "", "restricted_algorithms"], [176, 2, 1, "", "retrain"], [176, 2, 1, "", "set_default_algorithm"], [176, 2, 1, "", "set_prediction_params"], [176, 2, 1, "", "set_training_config"], [176, 3, 1, "", "source_code"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "train_function_name"], [176, 3, 1, "", "training_feature_group_ids"], [176, 3, 1, "", "training_input_tables"], [176, 3, 1, "", "training_required"], [176, 3, 1, "", "training_vector_store_versions"], [176, 2, 1, "", "update_agent"], [176, 2, 1, "", "update_python"], [176, 2, 1, "", "update_python_git"], [176, 2, 1, "", "update_python_zip"], [176, 3, 1, "", "use_gpu"], [176, 2, 1, "", "wait_for_evaluation"], [176, 2, 1, "", "wait_for_full_automl"], [176, 2, 1, "", "wait_for_publish"], [176, 2, 1, "", "wait_for_training"]], "abacusai.ModelArtifactsExport": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 3, 1, "", "export_completed_at"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "model_artifacts_export_id"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "output_location"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_results"]], "abacusai.ModelBlueprintExport": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "current_training_config"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model_blueprint_stages"], [176, 3, 1, "", "model_version"], [176, 2, 1, "", "to_dict"]], "abacusai.ModelBlueprintStage": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "display_name"], [176, 3, 1, "", "params"], [176, 3, 1, "", "predecessors"], [176, 3, 1, "", "stage_name"], [176, 2, 1, "", "to_dict"]], "abacusai.ModelLocation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "artifact_names"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "location"], [176, 2, 1, "", "to_dict"]], "abacusai.ModelMetrics": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "algo_metrics"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "metric_names"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "selected_algorithm"], [176, 3, 1, "", "selected_algorithm_name"], [176, 3, 1, "", "target_column"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "train_val_test_split"], [176, 3, 1, "", "training_completed_at"]], "abacusai.ModelMonitor": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "alert_config"], [176, 3, 1, "", "batch_prediction_id"], [176, 3, 1, "", "bias_metric_id"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "eda_configs"], [176, 3, 1, "", "feature_group_monitor_configs"], [176, 3, 1, "", "forecast_frequency"], [176, 2, 1, "", "get_summary"], [176, 3, 1, "", "latest_monitor_model_version"], [176, 2, 1, "", "list_monitor_alerts_for_monitor"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "metric_configs"], [176, 3, 1, "", "metric_types"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_monitor_id"], [176, 3, 1, "", "monitor_drift_config"], [176, 3, 1, "", "monitor_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "prediction_data_use_mappings"], [176, 3, 1, "", "prediction_feature_group_id"], [176, 3, 1, "", "prediction_feature_group_sampling"], [176, 3, 1, "", "prediction_feature_group_version"], [176, 3, 1, "", "prediction_forecast_config"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 2, 1, "", "rename"], [176, 2, 1, "", "rerun"], [176, 3, 1, "", "starred"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "training_data_use_mappings"], [176, 3, 1, "", "training_feature_group_id"], [176, 3, 1, "", "training_feature_group_sampling"], [176, 3, 1, "", "training_feature_group_version"], [176, 3, 1, "", "training_forecast_config"]], "abacusai.ModelMonitorOrgSummary": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "alerts"], [176, 3, 1, "", "data_integrity"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_drift"], [176, 3, 1, "", "label_drift"], [176, 3, 1, "", "monitor_data"], [176, 3, 1, "", "performance"], [176, 3, 1, "", "summary"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "total_starred_monitors"]], "abacusai.ModelMonitorSummary": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "alerts"], [176, 3, 1, "", "bias_violations"], [176, 3, 1, "", "data_integrity"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model_accuracy"], [176, 3, 1, "", "model_drift"], [176, 2, 1, "", "to_dict"]], "abacusai.ModelMonitorSummaryFromOrg": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "infos"], [176, 2, 1, "", "to_dict"]], "abacusai.ModelMonitorVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "batch_prediction_version"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "eda_configs"], [176, 3, 1, "", "error"], [176, 3, 1, "", "failed_deployment_ids"], [176, 3, 1, "", "feature_group_monitor_configs"], [176, 3, 1, "", "forecast_frequency"], [176, 2, 1, "", "get_drift_for_feature"], [176, 2, 1, "", "get_outliers_for_feature"], [176, 2, 1, "", "get_prediction_drift"], [176, 2, 1, "", "get_status"], [176, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [176, 3, 1, "", "metric_configs"], [176, 2, 1, "", "metric_data"], [176, 3, 1, "", "metric_types"], [176, 3, 1, "", "model_monitor_id"], [176, 3, 1, "", "model_monitor_version"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "monitor_drift_config"], [176, 3, 1, "", "monitoring_completed_at"], [176, 3, 1, "", "monitoring_started_at"], [176, 3, 1, "", "pending_deployment_ids"], [176, 3, 1, "", "prediction_data_use_mappings"], [176, 3, 1, "", "prediction_feature_group_version"], [176, 3, 1, "", "prediction_forecast_config"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "training_data_use_mappings"], [176, 3, 1, "", "training_feature_group_version"], [176, 3, 1, "", "training_forecast_config"], [176, 2, 1, "", "wait_for_monitor"]], "abacusai.ModelMonitorVersionMetricData": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "actual_values_supported_for_drilldown"], [176, 3, 1, "", "algo_name"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_version"], [176, 3, 1, "", "metric_charts"], [176, 3, 1, "", "metric_infos"], [176, 3, 1, "", "metric_names"], [176, 3, 1, "", "metrics"], [176, 3, 1, "", "model_monitor"], [176, 3, 1, "", "model_monitor_version"], [176, 3, 1, "", "name"], [176, 3, 1, "", "other_metrics"], [176, 2, 1, "", "to_dict"]], "abacusai.ModelTrainingTypeForDeployment": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "label"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "value"]], "abacusai.ModelUpload": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "artifacts_upload_id"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "default_items_upload_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "embeddings_upload_id"], [176, 3, 1, "", "input_preprocessor_upload_id"], [176, 3, 1, "", "model_file_upload_id"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_state_upload_id"], [176, 3, 1, "", "model_upload_id"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "multi_catalog_embeddings_upload_id"], [176, 3, 1, "", "requirements_upload_id"], [176, 3, 1, "", "resources_upload_id"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "verifications_upload_id"]], "abacusai.ModelVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "automl_complete"], [176, 3, 1, "", "best_algorithm"], [176, 3, 1, "", "builtin_algorithms"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "cpu_size"], [176, 3, 1, "", "custom_algorithm_configs"], [176, 3, 1, "", "custom_algorithms"], [176, 3, 1, "", "data_cluster_info"], [176, 3, 1, "", "default_algorithm"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployable_algorithms"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [176, 3, 1, "", "document_retriever_mappings"], [176, 3, 1, "", "error"], [176, 2, 1, "", "export_custom"], [176, 2, 1, "", "export_model_artifact_as_feature_group"], [176, 3, 1, "", "failed_deployment_ids"], [176, 3, 1, "", "feature_analysis_status"], [176, 3, 1, "", "feature_group_versions"], [176, 2, 1, "", "get_feature_group_schemas_for"], [176, 2, 1, "", "get_feature_importance_by"], [176, 2, 1, "", "get_status"], [176, 2, 1, "", "get_train_test_feature_group_as_pandas"], [176, 2, 1, "", "get_training_data_logs"], [176, 2, 1, "", "get_training_logs"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "model_config"], [176, 3, 1, "", "model_config_type"], [176, 3, 1, "", "model_feature_group_schema_mappings"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_prediction_config"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "partial_complete"], [176, 3, 1, "", "pending_deployment_ids"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "set_model_objective"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "trained_model_types"], [176, 3, 1, "", "training_completed_at"], [176, 3, 1, "", "training_config_updated"], [176, 3, 1, "", "training_document_retriever_versions"], [176, 3, 1, "", "training_feature_group_ids"], [176, 3, 1, "", "training_started_at"], [176, 3, 1, "", "use_gpu"], [176, 2, 1, "", "wait_for_full_automl"], [176, 2, 1, "", "wait_for_training"]], "abacusai.ModelVersionFeatureGroupSchema": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_name"], [176, 3, 1, "", "schema"], [176, 2, 1, "", "to_dict"]], "abacusai.ModificationLockInfo": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "modification_lock"], [176, 3, 1, "", "organization_groups"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_emails"]], "abacusai.Module": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "hide_module_code"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 2, 1, "", "to_dict"]], "abacusai.MonitorAlert": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "action_config"], [176, 3, 1, "", "action_description"], [176, 3, 1, "", "alert_type"], [176, 3, 1, "", "condition_config"], [176, 3, 1, "", "condition_description"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "latest_monitor_alert_version"], [176, 3, 1, "", "model_monitor_id"], [176, 3, 1, "", "monitor_alert_id"], [176, 3, 1, "", "name"], [176, 3, 1, "", "project_id"], [176, 3, 1, "", "realtime_monitor_id"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "run"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"]], "abacusai.MonitorAlertType": [[176, 3, 1, "", "ACCURACY_BELOW_THRESHOLD"], [176, 3, 1, "", "BIAS_VIOLATIONS"], [176, 3, 1, "", "DATA_INTEGRITY_VIOLATIONS"], [176, 3, 1, "", "FEATURE_DRIFT"], [176, 3, 1, "", "HISTORY_LENGTH_DRIFT"], [176, 3, 1, "", "PREDICTION_COUNT"], [176, 3, 1, "", "TARGET_DRIFT"]], "abacusai.MonitorAlertVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "action_completed_at"], [176, 3, 1, "", "action_config"], [176, 3, 1, "", "action_description"], [176, 3, 1, "", "action_error"], [176, 3, 1, "", "action_started_at"], [176, 3, 1, "", "action_status"], [176, 3, 1, "", "alert_result"], [176, 3, 1, "", "alert_type"], [176, 3, 1, "", "alerting_completed_at"], [176, 3, 1, "", "alerting_started_at"], [176, 3, 1, "", "condition_config"], [176, 3, 1, "", "condition_description"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "model_monitor_version"], [176, 3, 1, "", "monitor_alert_id"], [176, 3, 1, "", "monitor_alert_version"], [176, 3, 1, "", "name"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_monitor_alert"]], "abacusai.MonitorDriftAndDistributions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "embeddings_distribution"], [176, 3, 1, "", "feature_distributions"], [176, 3, 1, "", "feature_drifts"], [176, 3, 1, "", "forecasting_monitor_summary"], [176, 3, 1, "", "nested_drifts"], [176, 2, 1, "", "to_dict"]], "abacusai.MonitorFilteringConfig": [[176, 3, 1, "", "end_time"], [176, 3, 1, "", "prediction_target_feature"], [176, 3, 1, "", "restrict_feature_mappings"], [176, 3, 1, "", "start_time"], [176, 3, 1, "", "target_class"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "train_target_feature"]], "abacusai.MonitorThresholdConfig": [[176, 3, 1, "", "at_risk_threshold"], [176, 3, 1, "", "drift_type"], [176, 3, 1, "", "severely_drifting_threshold"], [176, 2, 1, "", "to_dict"]], "abacusai.NERModelType": [[176, 3, 1, "", "LEARNED"], [176, 3, 1, "", "PRETRAINED_BERT"], [176, 3, 1, "", "PRETRAINED_MULTILINGUAL"], [176, 3, 1, "", "PRETRAINED_ROBERTA_27"], [176, 3, 1, "", "PRETRAINED_ROBERTA_43"]], "abacusai.NERObjective": [[176, 3, 1, "", "ANNOTATIONS_PRECISION"], [176, 3, 1, "", "ANNOTATIONS_RECALL"], [176, 3, 1, "", "AUC"], [176, 3, 1, "", "LOG_LOSS"], [176, 3, 1, "", "PRECISION"], [176, 3, 1, "", "RECALL"]], "abacusai.NLPDocumentFormat": [[176, 3, 1, "", "AUTO"], [176, 3, 1, "", "DOC"], [176, 3, 1, "", "TEXT"], [176, 3, 1, "", "TOKENS"]], "abacusai.NSamplingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "key_columns"], [176, 3, 1, "", "sample_count"]], "abacusai.NamedEntityExtractionBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "for_eval"]], "abacusai.NamedEntityExtractionTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "active_labels_column"], [176, 3, 1, "", "additional_extraction_instructions"], [176, 3, 1, "", "document_format"], [176, 3, 1, "", "enhanced_ocr"], [176, 3, 1, "", "llm_for_ner"], [176, 3, 1, "", "minimum_bounding_box_overlap_ratio"], [176, 3, 1, "", "save_predicted_pdf"], [176, 3, 1, "", "test_row_indicator"], [176, 3, 1, "", "test_split"]], "abacusai.NaturalLanguageExplanation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "html_explanation"], [176, 3, 1, "", "is_outdated"], [176, 3, 1, "", "long_explanation"], [176, 3, 1, "", "short_explanation"], [176, 2, 1, "", "to_dict"]], "abacusai.NaturalLanguageSearchPredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "ignore_documents"], [176, 3, 1, "", "llm_name"], [176, 3, 1, "", "num_completion_tokens"], [176, 3, 1, "", "search_score_cutoff"], [176, 3, 1, "", "system_message"], [176, 3, 1, "", "temperature"]], "abacusai.NaturalLanguageSearchTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "abacus_internal_model"], [176, 3, 1, "", "chunk_overlap_fraction"], [176, 3, 1, "", "index_fraction"], [176, 3, 1, "", "larger_embeddings"], [176, 3, 1, "", "num_completion_tokens"], [176, 3, 1, "", "search_chunk_size"]], "abacusai.NestedFeature": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data_type"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_mapping"], [176, 3, 1, "", "feature_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "original_name"], [176, 3, 1, "", "select_clause"], [176, 3, 1, "", "source_table"], [176, 2, 1, "", "to_dict"]], "abacusai.NestedFeatureSchema": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data_type"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "detected_feature_type"], [176, 3, 1, "", "feature_mapping"], [176, 3, 1, "", "feature_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "point_in_time_info"], [176, 3, 1, "", "source_table"], [176, 2, 1, "", "to_dict"]], "abacusai.NewsSearchResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "date_published"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "favicon_url"], [176, 3, 1, "", "thumbnail_height"], [176, 3, 1, "", "thumbnail_url"], [176, 3, 1, "", "thumbnail_width"], [176, 3, 1, "", "title"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "url"]], "abacusai.NlpChatResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "messages"], [176, 2, 1, "", "to_dict"]], "abacusai.NullViolation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "name"], [176, 3, 1, "", "prediction_null_freq"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "training_null_freq"], [176, 3, 1, "", "violation"]], "abacusai.OcrMode": [[176, 3, 1, "", "AUGMENTED_LLM"], [176, 3, 1, "", "AUTO"], [176, 3, 1, "", "COMPREHENSIVE"], [176, 3, 1, "", "COMPREHENSIVE_FORM_AND_TABLE_MD"], [176, 3, 1, "", "COMPREHENSIVE_FORM_MD"], [176, 3, 1, "", "COMPREHENSIVE_TABLE_MD"], [176, 3, 1, "", "COMPREHENSIVE_V2"], [176, 3, 1, "", "DEFAULT"], [176, 3, 1, "", "LAYOUT"], [176, 3, 1, "", "LLM"], [176, 3, 1, "", "SCANNED"], [176, 3, 1, "", "TESSERACT_FAST"], [176, 2, 1, "", "aws_ocr_modes"]], "abacusai.OneDriveDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "csv_delimiter"], [176, 3, 1, "", "extract_bounding_boxes"], [176, 3, 1, "", "location"], [176, 3, 1, "", "merge_file_schemas"]], "abacusai.OperatorConfig": [[176, 2, 1, "", "__post_init__"], [176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "operator_type"]], "abacusai.OperatorType": [[176, 3, 1, "", "CRAWLER"], [176, 3, 1, "", "DATA_GENERATION"], [176, 3, 1, "", "EXTRACT_DOCUMENT_DATA"], [176, 3, 1, "", "MARKDOWN"], [176, 3, 1, "", "UNION"], [176, 3, 1, "", "UNPIVOT"]], "abacusai.OptimizationPredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "forced_assignments"], [176, 3, 1, "", "include_all_assignments"], [176, 3, 1, "", "solve_time_limit_seconds"]], "abacusai.OptimizationTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "include_all_partitions"], [176, 3, 1, "", "include_specific_partitions"], [176, 3, 1, "", "optimality_gap_limit"], [176, 3, 1, "", "solve_time_limit"]], "abacusai.OrganizationExternalApplicationSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_service_for_roles"], [176, 3, 1, "", "logo"], [176, 3, 1, "", "managed_user_service"], [176, 3, 1, "", "passwords_disabled"], [176, 3, 1, "", "theme"], [176, 2, 1, "", "to_dict"]], "abacusai.OrganizationGroup": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "add_permission"], [176, 2, 1, "", "add_user_to"], [176, 3, 1, "", "admin"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "default_group"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "group_name"], [176, 3, 1, "", "organization_group_id"], [176, 3, 1, "", "permissions"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "remove_permission"], [176, 2, 1, "", "remove_user_from"], [176, 2, 1, "", "set_default"], [176, 2, 1, "", "to_dict"]], "abacusai.OrganizationSearchResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group"], [176, 3, 1, "", "feature_group_context"], [176, 3, 1, "", "feature_group_version"], [176, 3, 1, "", "score"], [176, 2, 1, "", "to_dict"]], "abacusai.OrganizationSecret": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "metadata"], [176, 3, 1, "", "secret_key"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "value"]], "abacusai.OrganizationSecretType": [[176, 3, 1, "", "ORG_API_CREDENTIALS"], [176, 3, 1, "", "ORG_SECRET"], [176, 3, 1, "", "USER_API_CREDENTIALS"]], "abacusai.OutlookDatasetConfig": [[176, 2, 1, "", "__post_init__"]], "abacusai.OutputVariableMapping": [[176, 3, 1, "", "description"], [176, 3, 1, "", "long_description"], [176, 3, 1, "", "name"], [176, 3, 1, "", "variable_type"]], "abacusai.PageData": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "doc_id"], [176, 3, 1, "", "embedded_text"], [176, 3, 1, "", "extracted_text"], [176, 3, 1, "", "height"], [176, 3, 1, "", "page"], [176, 3, 1, "", "page_count"], [176, 3, 1, "", "page_markdown"], [176, 3, 1, "", "page_text"], [176, 3, 1, "", "page_token_start_offset"], [176, 3, 1, "", "rotation_angle"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "token_count"], [176, 3, 1, "", "tokens"], [176, 3, 1, "", "width"]], "abacusai.ParsingConfig": [[176, 3, 1, "", "csv_delimiter"], [176, 3, 1, "", "escape"], [176, 3, 1, "", "file_path_with_schema"]], "abacusai.PartialDependenceAnalysis": [[176, 3, 1, "", "RAPID"], [176, 3, 1, "", "THOROUGH"]], "abacusai.PercentSamplingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "key_columns"], [176, 3, 1, "", "sample_percent"]], "abacusai.PersonalizationBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "for_eval"], [176, 3, 1, "", "item_attributes_to_include_in_the_result"], [176, 3, 1, "", "number_of_items"], [176, 3, 1, "", "score_field"]], "abacusai.PersonalizationObjective": [[176, 3, 1, "", "COVERAGE"], [176, 3, 1, "", "MAP"], [176, 3, 1, "", "MAP_10"], [176, 3, 1, "", "MAP_5"], [176, 3, 1, "", "MRR"], [176, 3, 1, "", "NDCG"], [176, 3, 1, "", "NDCG_10"], [176, 3, 1, "", "NDCG_5"], [176, 3, 1, "", "PERSONALIZATION"]], "abacusai.PersonalizationTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "action_types_exclusion_days"], [176, 3, 1, "", "add_time_features"], [176, 3, 1, "", "batch_size"], [176, 3, 1, "", "compute_rerank_metrics"], [176, 3, 1, "", "compute_session_metrics"], [176, 3, 1, "", "data_split_feature_group_table_name"], [176, 3, 1, "", "disable_gpu"], [176, 3, 1, "", "disable_timestamp_scalar_features"], [176, 3, 1, "", "disable_transformer"], [176, 3, 1, "", "downsample_item_popularity_percentile"], [176, 3, 1, "", "dropout_rate"], [176, 3, 1, "", "explicit_time_split"], [176, 3, 1, "", "filter_history"], [176, 3, 1, "", "full_data_retraining"], [176, 3, 1, "", "include_item_id_feature"], [176, 3, 1, "", "item_query_column"], [176, 3, 1, "", "max_history_length"], [176, 3, 1, "", "max_user_history_len_percentile"], [176, 3, 1, "", "min_item_history"], [176, 3, 1, "", "objective"], [176, 3, 1, "", "optimized_event_type"], [176, 3, 1, "", "query_column"], [176, 3, 1, "", "recent_days_for_training"], [176, 3, 1, "", "sequential_training"], [176, 3, 1, "", "session_dedupe_mins"], [176, 3, 1, "", "session_event_types"], [176, 3, 1, "", "sort_objective"], [176, 3, 1, "", "target_action_types"], [176, 3, 1, "", "target_action_weights"], [176, 3, 1, "", "test_last_items_length"], [176, 3, 1, "", "test_on_user_split"], [176, 3, 1, "", "test_row_indicator"], [176, 3, 1, "", "test_split"], [176, 3, 1, "", "test_split_on_last_k_items"], [176, 3, 1, "", "test_window_length_hours"], [176, 3, 1, "", "training_mode"], [176, 3, 1, "", "training_start_date"], [176, 3, 1, "", "use_user_id_feature"]], "abacusai.PersonalizationTrainingMode": [[176, 3, 1, "", "EXPERIMENTAL"], [176, 3, 1, "", "PRODUCTION"]], "abacusai.Pipeline": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 2, 1, "", "create_step"], [176, 2, 1, "", "create_step_from_function"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "created_by"], [176, 3, 1, "", "cron"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_step_by_name"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "is_prod"], [176, 3, 1, "", "latest_pipeline_version"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "next_run_time"], [176, 3, 1, "", "notebook_id"], [176, 2, 1, "", "pause_refresh_schedule"], [176, 3, 1, "", "pipeline_id"], [176, 3, 1, "", "pipeline_name"], [176, 3, 1, "", "pipeline_references"], [176, 3, 1, "", "pipeline_variable_mappings"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "rename"], [176, 2, 1, "", "resume_refresh_schedule"], [176, 2, 1, "", "run"], [176, 3, 1, "", "steps"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "unset_refresh_schedule"], [176, 2, 1, "", "update"], [176, 2, 1, "", "wait_for_pipeline"], [176, 3, 1, "", "warning"]], "abacusai.PipelineReference": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "batch_prediction_description_id"], [176, 3, 1, "", "dataset_id"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_monitor_id"], [176, 3, 1, "", "notebook_id"], [176, 3, 1, "", "object_type"], [176, 3, 1, "", "pipeline_id"], [176, 3, 1, "", "pipeline_reference_id"], [176, 2, 1, "", "to_dict"]], "abacusai.PipelineStep": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "cpu_size"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "pipeline_id"], [176, 3, 1, "", "pipeline_name"], [176, 3, 1, "", "pipeline_step_id"], [176, 3, 1, "", "python_function"], [176, 3, 1, "", "python_function_id"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "rename"], [176, 3, 1, "", "step_dependencies"], [176, 3, 1, "", "step_name"], [176, 3, 1, "", "timeout"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"], [176, 3, 1, "", "updated_at"]], "abacusai.PipelineStepVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "cpu_size"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 3, 1, "", "function_variable_mappings"], [176, 2, 1, "", "get_step_version_logs"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "output_errors"], [176, 3, 1, "", "output_variable_mappings"], [176, 3, 1, "", "pipeline_id"], [176, 3, 1, "", "pipeline_step_id"], [176, 3, 1, "", "pipeline_step_version"], [176, 3, 1, "", "pipeline_step_version_references"], [176, 3, 1, "", "pipeline_version"], [176, 3, 1, "", "python_function_id"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 3, 1, "", "step_dependencies"], [176, 3, 1, "", "step_name"], [176, 3, 1, "", "timeout"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"]], "abacusai.PipelineStepVersionLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "logs"], [176, 3, 1, "", "pipeline_step_id"], [176, 3, 1, "", "pipeline_step_version"], [176, 3, 1, "", "step_name"], [176, 2, 1, "", "to_dict"]], "abacusai.PipelineStepVersionReference": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "batch_prediction_id"], [176, 3, 1, "", "dataset_version"], [176, 3, 1, "", "deployment_version"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feature_group_version"], [176, 3, 1, "", "model_monitor_version"], [176, 3, 1, "", "model_version"], [176, 3, 1, "", "notebook_version"], [176, 3, 1, "", "object_type"], [176, 3, 1, "", "pipeline_step_version"], [176, 3, 1, "", "pipeline_step_version_reference_id"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"]], "abacusai.PipelineVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "completed_at"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "error"], [176, 2, 1, "", "get_status"], [176, 2, 1, "", "list_logs"], [176, 3, 1, "", "pipeline_id"], [176, 3, 1, "", "pipeline_name"], [176, 3, 1, "", "pipeline_variable_mappings"], [176, 3, 1, "", "pipeline_version"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "reset"], [176, 2, 1, "", "skip_pending_steps"], [176, 3, 1, "", "status"], [176, 3, 1, "", "step_versions"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"], [176, 2, 1, "", "wait_for_pipeline"]], "abacusai.PipelineVersionLogs": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "step_logs"], [176, 2, 1, "", "to_dict"]], "abacusai.PlaygroundText": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "playground_text"], [176, 3, 1, "", "rendering_code"], [176, 2, 1, "", "to_dict"]], "abacusai.PointInTimeFeature": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "aggregation_keys"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "expression"], [176, 3, 1, "", "group_name"], [176, 3, 1, "", "historical_timestamp_key"], [176, 3, 1, "", "history_table_name"], [176, 3, 1, "", "lookback_count"], [176, 3, 1, "", "lookback_until_position"], [176, 3, 1, "", "lookback_window_lag_seconds"], [176, 3, 1, "", "lookback_window_seconds"], [176, 3, 1, "", "timestamp_key"], [176, 2, 1, "", "to_dict"]], "abacusai.PointInTimeFeatureInfo": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "expression"], [176, 3, 1, "", "group_name"], [176, 2, 1, "", "to_dict"]], "abacusai.PointInTimeGroup": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "aggregation_keys"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "features"], [176, 3, 1, "", "group_name"], [176, 3, 1, "", "history_aggregation_keys"], [176, 3, 1, "", "history_table_name"], [176, 3, 1, "", "history_window_key"], [176, 3, 1, "", "lookback_count"], [176, 3, 1, "", "lookback_until_position"], [176, 3, 1, "", "lookback_window"], [176, 3, 1, "", "lookback_window_lag"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "window_key"]], "abacusai.PointInTimeGroupFeature": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "expression"], [176, 3, 1, "", "name"], [176, 3, 1, "", "pit_operation_config"], [176, 3, 1, "", "pit_operation_type"], [176, 2, 1, "", "to_dict"]], "abacusai.PredictionArguments": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "_support_kwargs"], [176, 3, 1, "", "kwargs"], [176, 3, 1, "", "problem_type"]], "abacusai.PredictionClient": [[176, 2, 1, "", "check_constraints"], [176, 2, 1, "", "classify_image"], [176, 2, 1, "", "classify_pdf"], [176, 2, 1, "", "describe_image"], [176, 2, 1, "", "execute_agent_with_binary_data"], [176, 2, 1, "", "get_alternative_assignments"], [176, 2, 1, "", "get_anomalies"], [176, 2, 1, "", "get_assignments"], [176, 2, 1, "", "get_assignments_online_with_new_serialized_inputs"], [176, 2, 1, "", "get_chat_response"], [176, 2, 1, "", "get_chat_response_with_binary_data"], [176, 2, 1, "", "get_classification"], [176, 2, 1, "", "get_cluster"], [176, 2, 1, "", "get_completion"], [176, 2, 1, "", "get_conversation_response"], [176, 2, 1, "", "get_conversation_response_with_binary_data"], [176, 2, 1, "", "get_deep_agent_response"], [176, 2, 1, "", "get_entailment"], [176, 2, 1, "", "get_entities_from_pdf"], [176, 2, 1, "", "get_event_anomaly_score"], [176, 2, 1, "", "get_forecast"], [176, 2, 1, "", "get_k_nearest"], [176, 2, 1, "", "get_labels"], [176, 2, 1, "", "get_matrix_agent_schema"], [176, 2, 1, "", "get_multiple_k_nearest"], [176, 2, 1, "", "get_objects_from_image"], [176, 2, 1, "", "get_optimization_inputs_from_serialized"], [176, 2, 1, "", "get_personalized_ranking"], [176, 2, 1, "", "get_ranked_items"], [176, 2, 1, "", "get_recommendations"], [176, 2, 1, "", "get_related_items"], [176, 2, 1, "", "get_search_results"], [176, 2, 1, "", "get_sentiment"], [176, 2, 1, "", "get_summary"], [176, 2, 1, "", "get_text_from_document"], [176, 2, 1, "", "get_timeseries_anomalies"], [176, 2, 1, "", "is_anomaly"], [176, 2, 1, "", "lookup_features"], [176, 2, 1, "", "lookup_matches"], [176, 2, 1, "", "pause_autonomous_agent"], [176, 2, 1, "", "predict"], [176, 2, 1, "", "predict_churn"], [176, 2, 1, "", "predict_class"], [176, 2, 1, "", "predict_fraud"], [176, 2, 1, "", "predict_from_datasets"], [176, 2, 1, "", "predict_language"], [176, 2, 1, "", "predict_lead"], [176, 2, 1, "", "predict_multiple"], [176, 2, 1, "", "predict_raw"], [176, 2, 1, "", "predict_takeover"], [176, 2, 1, "", "predict_target"], [176, 2, 1, "", "predict_with_binary_data"], [176, 2, 1, "", "score_image"], [176, 2, 1, "", "start_autonomous_agent"], [176, 2, 1, "", "transcribe_audio"], [176, 2, 1, "", "transfer_style"]], "abacusai.PredictionCountConditionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "aggregation_type"], [176, 3, 1, "", "aggregation_window"], [176, 3, 1, "", "threshold"]], "abacusai.PredictionDataset": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "dataset_id"], [176, 3, 1, "", "dataset_type"], [176, 3, 1, "", "dataset_version"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "required"], [176, 2, 1, "", "to_dict"]], "abacusai.PredictionFeatureGroup": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "dataset_type"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_version"], [176, 3, 1, "", "required"], [176, 2, 1, "", "to_dict"]], "abacusai.PredictionInput": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "dataset_id_remap"], [176, 3, 1, "", "datasets"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_dataset_ids"], [176, 3, 1, "", "feature_groups"], [176, 2, 1, "", "to_dict"]], "abacusai.PredictionLogRecord": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "query"], [176, 3, 1, "", "query_time_ms"], [176, 3, 1, "", "request_id"], [176, 3, 1, "", "response"], [176, 3, 1, "", "timestamp_ms"], [176, 2, 1, "", "to_dict"]], "abacusai.PredictionOperator": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 2, 1, "", "create_version"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 2, 1, "", "deploy"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "feature_group_ids"], [176, 3, 1, "", "feature_group_table_names"], [176, 3, 1, "", "initialize_function_name"], [176, 3, 1, "", "latest_prediction_operator_version"], [176, 2, 1, "", "list_versions"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 3, 1, "", "predict_function_name"], [176, 3, 1, "", "prediction_operator_id"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_schedules"], [176, 3, 1, "", "source_code"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"], [176, 3, 1, "", "updated_at"], [176, 3, 1, "", "use_gpu"]], "abacusai.PredictionOperatorVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "feature_group_ids"], [176, 3, 1, "", "feature_group_versions"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "prediction_operator_id"], [176, 3, 1, "", "prediction_operator_version"], [176, 3, 1, "", "source_code"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "updated_at"], [176, 3, 1, "", "use_gpu"]], "abacusai.PredictiveModelingBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "create_monitor"], [176, 3, 1, "", "explain_predictions"], [176, 3, 1, "", "explainer_type"], [176, 3, 1, "", "explanation_filter_label"], [176, 3, 1, "", "explanation_filter_lower_bound"], [176, 3, 1, "", "explanation_filter_upper_bound"], [176, 3, 1, "", "features_considered_constant_for_explanations"], [176, 3, 1, "", "for_eval"], [176, 3, 1, "", "importance_of_records_in_nested_columns"], [176, 3, 1, "", "include_multi_class_explanations"], [176, 3, 1, "", "number_of_samples_to_use_for_explainer"], [176, 3, 1, "", "output_columns"]], "abacusai.PresentationExportResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "file_path"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "web_view_link"]], "abacusai.PretrainedModelsBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "channel_id_to_label_map"], [176, 3, 1, "", "files_input_location"], [176, 3, 1, "", "files_output_location_prefix"], [176, 3, 1, "", "for_eval"]], "abacusai.PrivateWebAppDeployment": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "application_type"], [176, 3, 1, "", "conversation_created_at"], [176, 3, 1, "", "conversation_name"], [176, 3, 1, "", "conversation_type"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "email"], [176, 3, 1, "", "hosted_app_version"], [176, 3, 1, "", "hostname"], [176, 3, 1, "", "lifecycle"], [176, 3, 1, "", "llm_artifact_id"], [176, 3, 1, "", "source"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_id"]], "abacusai.ProblemType": [[176, 3, 1, "", "AI_AGENT"], [176, 3, 1, "", "CHAT_LLM"], [176, 3, 1, "", "CLUSTERING"], [176, 3, 1, "", "CLUSTERING_TIMESERIES"], [176, 3, 1, "", "CUMULATIVE_FORECASTING"], [176, 3, 1, "", "CUSTOM_ALGORITHM"], [176, 3, 1, "", "CUSTOM_TRAINED_MODEL"], [176, 3, 1, "", "DOCUMENT_CLASSIFICATION"], [176, 3, 1, "", "DOCUMENT_SUMMARIZATION"], [176, 3, 1, "", "DOCUMENT_VISUALIZATION"], [176, 3, 1, "", "EVENT_ANOMALY"], [176, 3, 1, "", "FEATURE_STORE"], [176, 3, 1, "", "FINETUNED_LLM"], [176, 3, 1, "", "FORECASTING"], [176, 3, 1, "", "IMAGE_CLASSIFICATION"], [176, 3, 1, "", "IMAGE_VALUE_PREDICTION"], [176, 3, 1, "", "LANGUAGE_DETECTION"], [176, 3, 1, "", "MODEL_MONITORING"], [176, 3, 1, "", "NAMED_ENTITY_EXTRACTION"], [176, 3, 1, "", "NATURAL_LANGUAGE_SEARCH"], [176, 3, 1, "", "OBJECT_DETECTION"], [176, 3, 1, "", "OPTIMIZATION"], [176, 3, 1, "", "PERSONALIZATION"], [176, 3, 1, "", "PREDICTIVE_MODELING"], [176, 3, 1, "", "PRETRAINED_MODELS"], [176, 3, 1, "", "SENTENCE_BOUNDARY_DETECTION"], [176, 3, 1, "", "SENTIMENT_DETECTION"], [176, 3, 1, "", "THEME_ANALYSIS"], [176, 3, 1, "", "TS_ANOMALY"], [176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "optional_feature_group_types"], [176, 3, 1, "", "problem_type"], [176, 3, 1, "", "required_feature_group_type"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "use_cases_support_custom_algorithm"]], "abacusai.Project": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "add_scope_for_user"], [176, 2, 1, "", "add_tags"], [176, 2, 1, "", "create_agent"], [176, 2, 1, "", "create_chat_session"], [176, 2, 1, "", "create_deployment_token"], [176, 2, 1, "", "create_document_retriever"], [176, 2, 1, "", "create_eda"], [176, 2, 1, "", "create_forecasting_monitor"], [176, 2, 1, "", "create_graph_dashboard"], [176, 2, 1, "", "create_model_from_functions"], [176, 2, 1, "", "create_model_from_python"], [176, 2, 1, "", "create_model_monitor"], [176, 2, 1, "", "create_monitor_alert"], [176, 2, 1, "", "create_nlp_drift_monitor"], [176, 2, 1, "", "create_train_test_data_split_feature_group"], [176, 2, 1, "", "create_vision_drift_monitor"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "describe_feature_group"], [176, 2, 1, "", "generate_agent_code"], [176, 2, 1, "", "get_custom_train_function_info"], [176, 2, 1, "", "get_training_config_options"], [176, 2, 1, "", "infer_feature_mappings"], [176, 2, 1, "", "list_agents"], [176, 2, 1, "", "list_batch_predictions"], [176, 2, 1, "", "list_builtin_algorithms"], [176, 2, 1, "", "list_deployment_tokens"], [176, 2, 1, "", "list_deployments"], [176, 2, 1, "", "list_document_retrievers"], [176, 2, 1, "", "list_eda"], [176, 2, 1, "", "list_feature_group_templates"], [176, 2, 1, "", "list_feature_groups"], [176, 2, 1, "", "list_graph_dashboards"], [176, 2, 1, "", "list_holdout_analysis"], [176, 2, 1, "", "list_model_monitors"], [176, 2, 1, "", "list_models"], [176, 2, 1, "", "list_pipelines"], [176, 2, 1, "", "list_prediction_operators"], [176, 2, 1, "", "list_realtime_monitors"], [176, 2, 1, "", "list_refresh_policies"], [176, 3, 1, "", "name"], [176, 3, 1, "", "problem_type"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "remove_tags"], [176, 2, 1, "", "rename"], [176, 2, 1, "", "set_feature_mapping"], [176, 3, 1, "", "tags"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "train_model"], [176, 3, 1, "", "use_case"], [176, 2, 1, "", "validate"]], "abacusai.ProjectConfig": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "config"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "type"]], "abacusai.ProjectConfigType": [[176, 3, 1, "", "CHAT_FEEDBACK"], [176, 3, 1, "", "CONSTRAINTS"], [176, 3, 1, "", "REVIEW_MODE"]], "abacusai.ProjectFeatureGroup": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "annotation_config"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "concatenation_config"], [176, 3, 1, "", "cpu_size"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "dataset_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "duplicate_features"], [176, 3, 1, "", "explanation"], [176, 3, 1, "", "export_connector_config"], [176, 3, 1, "", "export_on_materialization"], [176, 3, 1, "", "feature_expression"], [176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_source_type"], [176, 3, 1, "", "feature_group_template"], [176, 3, 1, "", "feature_group_type"], [176, 3, 1, "", "feature_tags"], [176, 3, 1, "", "features"], [176, 3, 1, "", "function_name"], [176, 3, 1, "", "function_source_code"], [176, 3, 1, "", "incremental"], [176, 3, 1, "", "indexing_config"], [176, 3, 1, "", "latest_feature_group_version"], [176, 3, 1, "", "latest_version_outdated"], [176, 3, 1, "", "lookup_keys"], [176, 3, 1, "", "memory"], [176, 3, 1, "", "merge_config"], [176, 3, 1, "", "modification_lock"], [176, 3, 1, "", "module_name"], [176, 3, 1, "", "name"], [176, 3, 1, "", "operator_config"], [176, 3, 1, "", "point_in_time_groups"], [176, 3, 1, "", "primary_key"], [176, 3, 1, "", "project_config"], [176, 3, 1, "", "project_feature_group_schema"], [176, 3, 1, "", "python_function_bindings"], [176, 3, 1, "", "python_function_name"], [176, 3, 1, "", "referenced_feature_groups"], [176, 3, 1, "", "refresh_schedules"], [176, 3, 1, "", "sampling_config"], [176, 3, 1, "", "source_tables"], [176, 3, 1, "", "sql"], [176, 3, 1, "", "sql_error"], [176, 3, 1, "", "streaming_enabled"], [176, 3, 1, "", "streaming_ready"], [176, 3, 1, "", "table_name"], [176, 3, 1, "", "tags"], [176, 3, 1, "", "template_bindings"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "update_timestamp_key"], [176, 3, 1, "", "use_gpu"], [176, 3, 1, "", "use_original_csv_names"], [176, 3, 1, "", "version_limit"]], "abacusai.ProjectFeatureGroupConfig": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "type"]], "abacusai.ProjectFeatureGroupSchema": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "duplicate_features"], [176, 3, 1, "", "nested_schema"], [176, 3, 1, "", "project_config"], [176, 3, 1, "", "schema"], [176, 2, 1, "", "to_dict"]], "abacusai.ProjectFeatureGroupSchemaVersion": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "schema_version"], [176, 2, 1, "", "to_dict"]], "abacusai.ProjectFeatureGroupTypeMappingsConfig": [[176, 3, 1, "", "feature_group_id"], [176, 3, 1, "", "feature_group_type"], [176, 3, 1, "", "feature_mappings"], [176, 2, 1, "", "from_dict"]], "abacusai.ProjectValidation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "column_hints"], [176, 3, 1, "", "dataset_errors"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "valid"]], "abacusai.PythonFunction": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "add_graph_to_dashboard"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "configurations"], [176, 3, 1, "", "connectors"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "examples"], [176, 3, 1, "", "function_name"], [176, 3, 1, "", "function_type"], [176, 3, 1, "", "function_variable_mappings"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 3, 1, "", "output_variable_mappings"], [176, 3, 1, "", "package_requirements"], [176, 3, 1, "", "python_function_id"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "validate_locally"]], "abacusai.PythonFunctionArgument": [[176, 3, 1, "", "description"], [176, 3, 1, "", "is_required"], [176, 3, 1, "", "item_type"], [176, 3, 1, "", "long_description"], [176, 3, 1, "", "name"], [176, 3, 1, "", "pipeline_variable"], [176, 3, 1, "", "value"], [176, 3, 1, "", "variable_type"]], "abacusai.PythonFunctionArgumentType": [[176, 3, 1, "", "ATTACHMENT"], [176, 3, 1, "", "BATCH_PREDICTION_ID"], [176, 3, 1, "", "BOOLEAN"], [176, 3, 1, "", "DATASET_ID"], [176, 3, 1, "", "DEPLOYMENT_ID"], [176, 3, 1, "", "FEATURE_GROUP"], [176, 3, 1, "", "FEATURE_GROUP_ID"], [176, 3, 1, "", "FLOAT"], [176, 3, 1, "", "INTEGER"], [176, 3, 1, "", "JSON"], [176, 3, 1, "", "LIST"], [176, 3, 1, "", "MODEL_ID"], [176, 3, 1, "", "MONITOR_ID"], [176, 3, 1, "", "STRING"], [176, 2, 1, "", "to_json_type"]], "abacusai.PythonFunctionOutputArgumentType": [[176, 3, 1, "", "ANY"], [176, 3, 1, "", "ATTACHMENT"], [176, 3, 1, "", "BATCH_PREDICTION_ID"], [176, 3, 1, "", "BOOLEAN"], [176, 3, 1, "", "DATASET_ID"], [176, 3, 1, "", "DEPLOYMENT_ID"], [176, 3, 1, "", "FEATURE_GROUP_ID"], [176, 3, 1, "", "FLOAT"], [176, 3, 1, "", "JSON"], [176, 3, 1, "", "LIST"], [176, 3, 1, "", "MODEL_ID"], [176, 3, 1, "", "MONITOR_ID"], [176, 3, 1, "", "NTEGER"], [176, 3, 1, "", "STRING"]], "abacusai.PythonFunctionType": [[176, 3, 1, "", "CONNECTOR_TOOL"], [176, 3, 1, "", "FEATURE_GROUP"], [176, 3, 1, "", "PLOTLY_FIG"], [176, 3, 1, "", "STEP_FUNCTION"], [176, 3, 1, "", "USERCODE_TOOL"]], "abacusai.PythonPlotFunction": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "code_source"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "function_name"], [176, 3, 1, "", "function_type"], [176, 3, 1, "", "function_variable_mappings"], [176, 3, 1, "", "graph_reference_id"], [176, 3, 1, "", "name"], [176, 3, 1, "", "notebook_id"], [176, 3, 1, "", "plot_name"], [176, 3, 1, "", "python_function_id"], [176, 2, 1, "", "to_dict"]], "abacusai.RangeViolation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "freq_above_training_range"], [176, 3, 1, "", "freq_below_training_range"], [176, 3, 1, "", "name"], [176, 3, 1, "", "prediction_max"], [176, 3, 1, "", "prediction_min"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "training_max"], [176, 3, 1, "", "training_min"]], "abacusai.ReadOnlyClient": [[176, 2, 1, "", "copy_agent"], [176, 2, 1, "", "describe_agent"], [176, 2, 1, "", "describe_agent_version"], [176, 2, 1, "", "describe_algorithm"], [176, 2, 1, "", "describe_batch_prediction"], [176, 2, 1, "", "describe_batch_prediction_version"], [176, 2, 1, "", "describe_custom_loss_function"], [176, 2, 1, "", "describe_custom_metric"], [176, 2, 1, "", "describe_custom_metric_version"], [176, 2, 1, "", "describe_dataset"], [176, 2, 1, "", "describe_dataset_version"], [176, 2, 1, "", "describe_deployment"], [176, 2, 1, "", "describe_document_retriever"], [176, 2, 1, "", "describe_document_retriever_by_name"], [176, 2, 1, "", "describe_document_retriever_version"], [176, 2, 1, "", "describe_eda"], [176, 2, 1, "", "describe_eda_version"], [176, 2, 1, "", "describe_external_application"], [176, 2, 1, "", "describe_feature_group"], [176, 2, 1, "", "describe_feature_group_by_table_name"], [176, 2, 1, "", "describe_feature_group_export"], [176, 2, 1, "", "describe_feature_group_template"], [176, 2, 1, "", "describe_feature_group_version"], [176, 2, 1, "", "describe_graph_dashboard"], [176, 2, 1, "", "describe_graph_for_dashboard"], [176, 2, 1, "", "describe_holdout_analysis"], [176, 2, 1, "", "describe_holdout_analysis_version"], [176, 2, 1, "", "describe_model"], [176, 2, 1, "", "describe_model_artifacts_export"], [176, 2, 1, "", "describe_model_monitor"], [176, 2, 1, "", "describe_model_monitor_version"], [176, 2, 1, "", "describe_model_version"], [176, 2, 1, "", "describe_module"], [176, 2, 1, "", "describe_monitor_alert"], [176, 2, 1, "", "describe_monitor_alert_version"], [176, 2, 1, "", "describe_organization_group"], [176, 2, 1, "", "describe_pipeline_step"], [176, 2, 1, "", "describe_pipeline_step_by_name"], [176, 2, 1, "", "describe_pipeline_step_version"], [176, 2, 1, "", "describe_pipeline_version"], [176, 2, 1, "", "describe_prediction_operator"], [176, 2, 1, "", "describe_problem_type"], [176, 2, 1, "", "describe_project"], [176, 2, 1, "", "describe_project_feature_group"], [176, 2, 1, "", "describe_python_function"], [176, 2, 1, "", "describe_realtime_monitor"], [176, 2, 1, "", "describe_refresh_pipeline_run"], [176, 2, 1, "", "describe_refresh_policy"], [176, 2, 1, "", "describe_train_test_data_split_feature_group"], [176, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [176, 2, 1, "", "describe_upload"], [176, 2, 1, "", "describe_use_case_requirements"], [176, 2, 1, "", "describe_user"], [176, 2, 1, "", "describe_webhook"], [176, 2, 1, "", "download_agent_attachment"], [176, 2, 1, "", "download_batch_prediction_result_chunk"], [176, 2, 1, "", "download_execute_feature_group_operation_result_part_chunk"], [176, 2, 1, "", "export_deployment_conversation"], [176, 2, 1, "", "generate_natural_language_explanation"], [176, 2, 1, "", "get_annotations_status"], [176, 2, 1, "", "get_api_endpoint"], [176, 2, 1, "", "get_app_user_group"], [176, 2, 1, "", "get_app_user_group_from_name"], [176, 2, 1, "", "get_app_user_group_sign_in_token"], [176, 2, 1, "", "get_batch_prediction_connector_errors"], [176, 2, 1, "", "get_batch_prediction_version_logs"], [176, 2, 1, "", "get_chat_session"], [176, 2, 1, "", "get_collinearity_for_feature"], [176, 2, 1, "", "get_connector_auth"], [176, 2, 1, "", "get_data"], [176, 2, 1, "", "get_database_connector_auth"], [176, 2, 1, "", "get_database_connector_object_schema"], [176, 2, 1, "", "get_dataset_schema"], [176, 2, 1, "", "get_dataset_version_logs"], [176, 2, 1, "", "get_dataset_version_metrics"], [176, 2, 1, "", "get_deployment_conversation"], [176, 2, 1, "", "get_deployment_conversation_file"], [176, 2, 1, "", "get_deployment_statistics_over_time"], [176, 2, 1, "", "get_docstore_document"], [176, 2, 1, "", "get_docstore_image"], [176, 2, 1, "", "get_drift_for_feature"], [176, 2, 1, "", "get_eda_collinearity"], [176, 2, 1, "", "get_eda_data_consistency"], [176, 2, 1, "", "get_eda_forecasting_analysis"], [176, 2, 1, "", "get_execute_feature_group_operation_result_part_count"], [176, 2, 1, "", "get_feature_association"], [176, 2, 1, "", "get_feature_group_export_connector_errors"], [176, 2, 1, "", "get_feature_group_schema"], [176, 2, 1, "", "get_feature_group_schemas_for_model_version"], [176, 2, 1, "", "get_feature_group_version_export_download_url"], [176, 2, 1, "", "get_feature_group_version_logs"], [176, 2, 1, "", "get_feature_group_version_metrics"], [176, 2, 1, "", "get_feature_importance_by_model_version"], [176, 2, 1, "", "get_file_connector_instructions"], [176, 2, 1, "", "get_materialization_logs"], [176, 2, 1, "", "get_model_metrics"], [176, 2, 1, "", "get_model_monitor_chart_from_organization"], [176, 2, 1, "", "get_model_monitor_summary"], [176, 2, 1, "", "get_model_monitor_summary_from_organization"], [176, 2, 1, "", "get_model_training_types_for_deployment"], [176, 2, 1, "", "get_natural_language_explanation"], [176, 2, 1, "", "get_organization_secret"], [176, 2, 1, "", "get_outliers_for_feature"], [176, 2, 1, "", "get_point_in_time_feature_group_creation_options"], [176, 2, 1, "", "get_prediction_drift"], [176, 2, 1, "", "get_prediction_logs_records"], [176, 2, 1, "", "get_project_feature_group_config"], [176, 2, 1, "", "get_recent_feature_group_streamed_data"], [176, 2, 1, "", "get_step_version_logs"], [176, 2, 1, "", "get_training_data_logs"], [176, 2, 1, "", "get_training_logs"], [176, 2, 1, "", "get_user_connector_auth"], [176, 2, 1, "", "get_user_mcp_connector_auth"], [176, 2, 1, "", "infer_feature_mappings"], [176, 2, 1, "", "list_agent_versions"], [176, 2, 1, "", "list_agents"], [176, 2, 1, "", "list_algorithms"], [176, 2, 1, "", "list_api_keys"], [176, 2, 1, "", "list_application_connector_objects"], [176, 2, 1, "", "list_application_connectors"], [176, 2, 1, "", "list_batch_prediction_versions"], [176, 2, 1, "", "list_batch_predictions"], [176, 2, 1, "", "list_chat_sessions"], [176, 2, 1, "", "list_custom_loss_functions"], [176, 2, 1, "", "list_custom_metrics"], [176, 2, 1, "", "list_database_connector_objects"], [176, 2, 1, "", "list_database_connectors"], [176, 2, 1, "", "list_dataset_versions"], [176, 2, 1, "", "list_datasets"], [176, 2, 1, "", "list_deployment_alerts"], [176, 2, 1, "", "list_deployment_conversations"], [176, 2, 1, "", "list_deployment_tokens"], [176, 2, 1, "", "list_deployment_webhooks"], [176, 2, 1, "", "list_deployments"], [176, 2, 1, "", "list_document_retriever_versions"], [176, 2, 1, "", "list_document_retrievers"], [176, 2, 1, "", "list_eda"], [176, 2, 1, "", "list_eda_versions"], [176, 2, 1, "", "list_external_applications"], [176, 2, 1, "", "list_feature_group_exports"], [176, 2, 1, "", "list_feature_group_modifiers"], [176, 2, 1, "", "list_feature_group_templates"], [176, 2, 1, "", "list_feature_group_versions"], [176, 2, 1, "", "list_feature_groups"], [176, 2, 1, "", "list_file_connectors"], [176, 2, 1, "", "list_graph_dashboards"], [176, 2, 1, "", "list_holdout_analysis"], [176, 2, 1, "", "list_holdout_analysis_versions"], [176, 2, 1, "", "list_llm_apps"], [176, 2, 1, "", "list_model_artifacts_exports"], [176, 2, 1, "", "list_model_monitor_versions"], [176, 2, 1, "", "list_model_monitors"], [176, 2, 1, "", "list_model_versions"], [176, 2, 1, "", "list_models"], [176, 2, 1, "", "list_modules"], [176, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [176, 2, 1, "", "list_monitor_alerts_for_monitor"], [176, 2, 1, "", "list_organization_groups"], [176, 2, 1, "", "list_organization_model_monitors"], [176, 2, 1, "", "list_organization_secrets"], [176, 2, 1, "", "list_organization_users"], [176, 2, 1, "", "list_pipeline_version_logs"], [176, 2, 1, "", "list_pipelines"], [176, 2, 1, "", "list_prediction_operator_versions"], [176, 2, 1, "", "list_prediction_operators"], [176, 2, 1, "", "list_project_feature_group_templates"], [176, 2, 1, "", "list_project_feature_groups"], [176, 2, 1, "", "list_projects"], [176, 2, 1, "", "list_python_function_feature_groups"], [176, 2, 1, "", "list_python_functions"], [176, 2, 1, "", "list_realtime_monitors"], [176, 2, 1, "", "list_refresh_pipeline_runs"], [176, 2, 1, "", "list_refresh_policies"], [176, 2, 1, "", "list_route_llm_models"], [176, 2, 1, "", "list_streaming_connectors"], [176, 2, 1, "", "list_streaming_tokens"], [176, 2, 1, "", "list_uploads"], [176, 2, 1, "", "list_use_cases"], [176, 2, 1, "", "list_user_group_object_permissions"], [176, 2, 1, "", "model_monitor_version_metric_data"], [176, 2, 1, "", "query_database_connector"], [176, 2, 1, "", "query_database_connector_datallm"], [176, 2, 1, "", "query_feature_group_code_generator"], [176, 2, 1, "", "search_feature_groups"], [176, 2, 1, "", "set_dataset_database_connector_config"], [176, 2, 1, "", "suggest_feature_group_template_for_feature_group"], [176, 2, 1, "", "update_dataset_version_limit"], [176, 2, 1, "", "update_feature_group_version_limit"], [176, 2, 1, "", "validate_project"], [176, 2, 1, "", "verify_and_describe_annotation"]], "abacusai.RealtimeMonitor": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "lookback_time"], [176, 3, 1, "", "name"], [176, 3, 1, "", "realtime_monitor_id"], [176, 3, 1, "", "realtime_monitor_schedule"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"]], "abacusai.RefreshPipelineRun": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "batch_predictions"], [176, 3, 1, "", "completed_at"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "dataset_versions"], [176, 3, 1, "", "deployment_versions"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "feature_group_version"], [176, 2, 1, "", "get_status"], [176, 3, 1, "", "model_versions"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_pipeline_run_id"], [176, 3, 1, "", "refresh_policy"], [176, 3, 1, "", "refresh_policy_id"], [176, 3, 1, "", "refresh_type"], [176, 3, 1, "", "started_at"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "wait_for_complete"]], "abacusai.RefreshPolicy": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "batch_prediction_ids"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "cron"], [176, 3, 1, "", "dataset_ids"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_ids"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "feature_group_export_config"], [176, 3, 1, "", "feature_group_id"], [176, 2, 1, "", "list_refresh_pipeline_runs"], [176, 3, 1, "", "model_ids"], [176, 3, 1, "", "model_monitor_ids"], [176, 3, 1, "", "name"], [176, 3, 1, "", "next_run_time"], [176, 3, 1, "", "notebook_id"], [176, 2, 1, "", "pause"], [176, 3, 1, "", "paused"], [176, 3, 1, "", "pipeline_id"], [176, 3, 1, "", "prediction_operator_id"], [176, 3, 1, "", "project_id"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "refresh_policy_id"], [176, 3, 1, "", "refresh_type"], [176, 2, 1, "", "resume"], [176, 2, 1, "", "run"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"]], "abacusai.RefreshSchedule": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "cron"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error"], [176, 3, 1, "", "next_run_time"], [176, 3, 1, "", "refresh_policy_id"], [176, 3, 1, "", "refresh_type"], [176, 2, 1, "", "to_dict"]], "abacusai.RegenerateLlmExternalApplication": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "llm_bot_icon"], [176, 3, 1, "", "llm_name"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.RegenerateLlmOption": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "llm_bot_icon"], [176, 3, 1, "", "llm_name"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.RegressionAugmentationStrategy": [[176, 3, 1, "", "RESAMPLE"], [176, 3, 1, "", "SMOTE"]], "abacusai.RegressionLossFunction": [[176, 3, 1, "", "AUTOMATIC"], [176, 3, 1, "", "CROSS_ENTROPY"], [176, 3, 1, "", "CUSTOM"], [176, 3, 1, "", "FOCAL_CROSS_ENTROPY"], [176, 3, 1, "", "HUBER"], [176, 3, 1, "", "MAE"], [176, 3, 1, "", "MAPE"], [176, 3, 1, "", "MSE"], [176, 3, 1, "", "MSLE"], [176, 3, 1, "", "TWEEDIE"]], "abacusai.RegressionObjective": [[176, 3, 1, "", "ACCURACY"], [176, 3, 1, "", "AUC"], [176, 3, 1, "", "F1_SCORE"], [176, 3, 1, "", "LOG_LOSS"], [176, 3, 1, "", "MAE"], [176, 3, 1, "", "MAPE"], [176, 3, 1, "", "PRECISION"], [176, 3, 1, "", "RECALL"], [176, 3, 1, "", "RMSE"], [176, 3, 1, "", "R_SQUARED_COEFFICIENT_OF_DETERMINATION"], [176, 3, 1, "", "WAPE"]], "abacusai.RegressionPredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "explain_predictions"], [176, 3, 1, "", "explainer_type"]], "abacusai.RegressionTargetTransform": [[176, 3, 1, "", "BOX_COX"], [176, 3, 1, "", "LOG"], [176, 3, 1, "", "QUANTILE"], [176, 3, 1, "", "YEO_JOHNSON"]], "abacusai.RegressionTimeSplitMethod": [[176, 3, 1, "", "TEST_SPLIT_PERCENTAGE_BASED"], [176, 3, 1, "", "TEST_START_TIMESTAMP_BASED"]], "abacusai.RegressionTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "active_labels_column"], [176, 3, 1, "", "augmentation_strategy"], [176, 3, 1, "", "batch_size"], [176, 3, 1, "", "custom_loss_functions"], [176, 3, 1, "", "custom_metrics"], [176, 3, 1, "", "data_split_feature_group_table_name"], [176, 3, 1, "", "disable_test_val_fold"], [176, 3, 1, "", "do_masked_language_model_pretraining"], [176, 3, 1, "", "drop_original_categoricals"], [176, 3, 1, "", "dropout_rate"], [176, 3, 1, "", "feature_selection_intensity"], [176, 3, 1, "", "full_data_retraining"], [176, 3, 1, "", "ignore_datetime_features"], [176, 3, 1, "", "is_multilingual"], [176, 3, 1, "", "k_fold_cross_validation"], [176, 3, 1, "", "loss_function"], [176, 3, 1, "", "loss_parameters"], [176, 3, 1, "", "max_text_words"], [176, 3, 1, "", "max_tokens_in_sentence"], [176, 3, 1, "", "min_categorical_count"], [176, 3, 1, "", "monotonically_decreasing_features"], [176, 3, 1, "", "monotonically_increasing_features"], [176, 3, 1, "", "num_cv_folds"], [176, 3, 1, "", "numeric_clipping_percentile"], [176, 3, 1, "", "objective"], [176, 3, 1, "", "partial_dependence_analysis"], [176, 3, 1, "", "perform_feature_selection"], [176, 3, 1, "", "pretrained_llm_name"], [176, 3, 1, "", "pretrained_model_name"], [176, 3, 1, "", "rare_class_augmentation_threshold"], [176, 3, 1, "", "rebalance_classes"], [176, 3, 1, "", "sample_weight"], [176, 3, 1, "", "sampling_unit_keys"], [176, 3, 1, "", "sort_objective"], [176, 3, 1, "", "target_encode_categoricals"], [176, 3, 1, "", "target_transform"], [176, 3, 1, "", "test_row_indicator"], [176, 3, 1, "", "test_split"], [176, 3, 1, "", "test_splitting_timestamp"], [176, 3, 1, "", "timestamp_based_splitting_column"], [176, 3, 1, "", "timestamp_based_splitting_method"], [176, 3, 1, "", "training_rows_downsample_ratio"], [176, 3, 1, "", "tree_hpo_mode"], [176, 3, 1, "", "truncation_strategy"], [176, 3, 1, "", "type_of_split"]], "abacusai.RegressionTreeHPOMode": [[176, 3, 1, "", "RAPID"], [176, 3, 1, "", "THOROUGH"]], "abacusai.RegressionTypeOfSplit": [[176, 3, 1, "", "RANDOM"], [176, 3, 1, "", "ROW_INDICATOR_BASED"], [176, 3, 1, "", "STRATIFIED_RANDOM_SAMPLING"], [176, 3, 1, "", "TIMESTAMP_BASED"]], "abacusai.ResolvedFeatureGroupTemplate": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "feature_group_template_id"], [176, 3, 1, "", "resolved_sql"], [176, 3, 1, "", "resolved_variables"], [176, 3, 1, "", "sql_error"], [176, 3, 1, "", "template_sql"], [176, 2, 1, "", "to_dict"]], "abacusai.ResponseSection": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "id"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "type"]], "abacusai.ResponseSectionType": [[176, 3, 1, "", "AGENT_FLOW_BUTTON"], [176, 3, 1, "", "ATTACHMENTS"], [176, 3, 1, "", "BASE64_IMAGE"], [176, 3, 1, "", "CHART"], [176, 3, 1, "", "CODE"], [176, 3, 1, "", "COLLAPSIBLE_COMPONENT"], [176, 3, 1, "", "IMAGE_URL"], [176, 3, 1, "", "LIST"], [176, 3, 1, "", "RUNTIME_SCHEMA"], [176, 3, 1, "", "TABLE"], [176, 3, 1, "", "TEXT"]], "abacusai.RestrictFeatureMappings": [[176, 3, 1, "", "end_time"], [176, 3, 1, "", "feature_name"], [176, 3, 1, "", "max_value"], [176, 3, 1, "", "min_value"], [176, 3, 1, "", "restricted_feature_values"], [176, 3, 1, "", "start_time"], [176, 2, 1, "", "to_dict"]], "abacusai.ReviewModeProjectFeatureGroupConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "is_review_mode"]], "abacusai.RoutingAction": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "additional_info"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "display_name"], [176, 3, 1, "", "id"], [176, 3, 1, "", "is_large"], [176, 3, 1, "", "is_medium"], [176, 3, 1, "", "placeholder"], [176, 3, 1, "", "prompt"], [176, 3, 1, "", "title"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "value"]], "abacusai.RuntimeSchemaResponseSection": [[176, 3, 1, "", "json_schema"], [176, 3, 1, "", "ui_schema"]], "abacusai.SamplingConfig": [[176, 2, 1, "", "__post_init__"], [176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "sampling_method"]], "abacusai.SamplingMethodType": [[176, 3, 1, "", "N_SAMPLING"], [176, 3, 1, "", "PERCENT_SAMPLING"]], "abacusai.Schema": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data_type"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "detected_data_type"], [176, 3, 1, "", "detected_feature_mapping"], [176, 3, 1, "", "detected_feature_type"], [176, 3, 1, "", "feature_mapping"], [176, 3, 1, "", "feature_type"], [176, 3, 1, "", "name"], [176, 3, 1, "", "nested_features"], [176, 3, 1, "", "point_in_time_info"], [176, 2, 1, "", "to_dict"]], "abacusai.SentenceBoundaryDetectionBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "explode_output"], [176, 3, 1, "", "for_eval"]], "abacusai.SentenceBoundaryDetectionTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "batch_size"], [176, 3, 1, "", "dropout_rate"], [176, 3, 1, "", "test_split"]], "abacusai.SentimentDetectionTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "sentiment_type"], [176, 3, 1, "", "test_split"]], "abacusai.SentimentType": [[176, 3, 1, "", "EMOTION"], [176, 3, 1, "", "VALENCE"]], "abacusai.SessionSummary": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "summary"], [176, 2, 1, "", "to_dict"]], "abacusai.SessionTranscript": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "content"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "role"], [176, 2, 1, "", "to_dict"]], "abacusai.SessionTranscripts": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "transcripts"]], "abacusai.SftpDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "csv_delimiter"], [176, 3, 1, "", "extract_bounding_boxes"], [176, 3, 1, "", "location"], [176, 3, 1, "", "merge_file_schemas"]], "abacusai.SftpKey": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "key_name"], [176, 3, 1, "", "public_key"], [176, 2, 1, "", "to_dict"]], "abacusai.SharepointDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "add_file_metadata"], [176, 3, 1, "", "csv_delimiter"], [176, 3, 1, "", "extract_bounding_boxes"], [176, 3, 1, "", "location"], [176, 3, 1, "", "merge_file_schemas"]], "abacusai.StdDevThreshold": [[176, 3, 1, "", "threshold_type"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "value"]], "abacusai.StdDevThresholdType": [[176, 3, 1, "", "ABSOLUTE"], [176, 3, 1, "", "PERCENTILE"], [176, 3, 1, "", "STDDEV"]], "abacusai.StreamingAuthToken": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "streaming_token"], [176, 2, 1, "", "to_dict"]], "abacusai.StreamingClient": [[176, 2, 1, "", "append_data"], [176, 2, 1, "", "append_multiple_data"], [176, 2, 1, "", "delete_item_embeddings"], [176, 2, 1, "", "upsert_item_embeddings"], [176, 2, 1, "", "upsert_multiple_item_embeddings"]], "abacusai.StreamingConnector": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "auth"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "name"], [176, 2, 1, "", "rename"], [176, 3, 1, "", "service"], [176, 3, 1, "", "status"], [176, 3, 1, "", "streaming_connector_id"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "verify"]], "abacusai.StreamingConnectorDatasetConfig": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "streaming_connector_type"]], "abacusai.StreamingConnectorType": [[176, 3, 1, "", "KAFKA"]], "abacusai.StreamingRowCount": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "count"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "start_ts_ms"], [176, 2, 1, "", "to_dict"]], "abacusai.StreamingSampleCode": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "console"], [176, 3, 1, "", "curl"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "python"], [176, 2, 1, "", "to_dict"]], "abacusai.StsGenSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 3, 1, "", "settings"], [176, 2, 1, "", "to_dict"]], "abacusai.SttGenModel": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "display_name"], [176, 3, 1, "", "helptext"], [176, 3, 1, "", "optional"], [176, 3, 1, "", "options"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "type"], [176, 3, 1, "", "value_type"]], "abacusai.SttGenModelOptions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "values"]], "abacusai.SttGenSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 3, 1, "", "settings"], [176, 2, 1, "", "to_dict"]], "abacusai.SystemConnectorTool": [[176, 3, 1, "", "configs"], [176, 3, 1, "", "value"]], "abacusai.TargetDriftConditionConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "feature_drift_type"], [176, 3, 1, "", "threshold"]], "abacusai.TeamsScraperDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "max_days_to_lookback"], [176, 3, 1, "", "pull_channel_posts"], [176, 3, 1, "", "pull_chat_messages"], [176, 3, 1, "", "pull_transcripts"]], "abacusai.TemplateNodeDetails": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "notebook_code"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "workflow_graph_node"]], "abacusai.TestPointPredictions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "columns"], [176, 3, 1, "", "count"], [176, 3, 1, "", "data"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "error_description"], [176, 3, 1, "", "metrics_columns"], [176, 3, 1, "", "summarized_metrics"], [176, 2, 1, "", "to_dict"]], "abacusai.TextResponseSection": [[176, 3, 1, "", "segment"]], "abacusai.ThemeAnalysisBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "analysis_days"], [176, 3, 1, "", "analysis_frequency"], [176, 3, 1, "", "for_eval"], [176, 3, 1, "", "start_date"]], "abacusai.ThemeAnalysisTrainingConfig": [[176, 2, 1, "", "__post_init__"]], "abacusai.TimeWindowConfig": [[176, 2, 1, "", "to_dict"], [176, 3, 1, "", "window_duration"], [176, 3, 1, "", "window_from_start"]], "abacusai.TimeWindowMergeConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "feature_name"], [176, 3, 1, "", "include_version_timestamp_column"], [176, 3, 1, "", "time_window_size_ms"]], "abacusai.TimeseriesAnomalyDataSplitType": [[176, 3, 1, "", "AUTO"], [176, 3, 1, "", "TIMESTAMP"]], "abacusai.TimeseriesAnomalyPredictionArguments": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "end_timestamp"], [176, 3, 1, "", "get_all_item_data"], [176, 3, 1, "", "start_timestamp"]], "abacusai.TimeseriesAnomalyTrainingConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "additional_anomaly_ids"], [176, 3, 1, "", "anomaly_type"], [176, 3, 1, "", "fill_missing_values"], [176, 3, 1, "", "handle_zeros_as_missing_values"], [176, 3, 1, "", "hyperparameter_calculation_with_heuristics"], [176, 3, 1, "", "min_samples_in_normal_region"], [176, 3, 1, "", "test_split"], [176, 3, 1, "", "test_start"], [176, 3, 1, "", "threshold_score"], [176, 3, 1, "", "timeseries_frequency"], [176, 3, 1, "", "type_of_split"]], "abacusai.TimeseriesAnomalyTypeOfAnomaly": [[176, 3, 1, "", "HIGH_PEAK"], [176, 3, 1, "", "LOW_PEAK"]], "abacusai.TimeseriesAnomalyUseHeuristic": [[176, 3, 1, "", "AUTOMATIC"], [176, 3, 1, "", "DISABLE"], [176, 3, 1, "", "ENABLE"]], "abacusai.ToneDetails": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "accent"], [176, 3, 1, "", "age"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "gender"], [176, 3, 1, "", "language"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "use_case"], [176, 3, 1, "", "voice_id"]], "abacusai.TrainablePlugAndPlayBatchPredictionArgs": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "create_monitor"], [176, 3, 1, "", "for_eval"]], "abacusai.TrainingConfig": [[176, 2, 1, "", "_get_builder"], [176, 3, 1, "", "_support_kwargs"], [176, 3, 1, "", "_upper_snake_case_keys"], [176, 3, 1, "", "algorithm"], [176, 3, 1, "", "kwargs"], [176, 3, 1, "", "problem_type"]], "abacusai.TrainingConfigOptions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "data_type"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "last_model_value"], [176, 3, 1, "", "name"], [176, 3, 1, "", "needs_refresh"], [176, 3, 1, "", "options"], [176, 3, 1, "", "required"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "value"], [176, 3, 1, "", "value_options"], [176, 3, 1, "", "value_type"]], "abacusai.TriggerConfig": [[176, 2, 1, "", "from_dict"], [176, 3, 1, "", "sleep_time"], [176, 2, 1, "", "to_dict"]], "abacusai.TtsGenSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 3, 1, "", "settings"], [176, 2, 1, "", "to_dict"]], "abacusai.TwitterSearchResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "thumbnail_height"], [176, 3, 1, "", "thumbnail_url"], [176, 3, 1, "", "thumbnail_width"], [176, 3, 1, "", "title"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "twitter_handle"], [176, 3, 1, "", "twitter_name"], [176, 3, 1, "", "url"]], "abacusai.UnifiedConnector": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "application_connector_id"], [176, 3, 1, "", "auth"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "database_connector_id"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "is_user_level"], [176, 3, 1, "", "name"], [176, 3, 1, "", "service"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"]], "abacusai.UnionTransformConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "drop_non_intersecting_columns"], [176, 3, 1, "", "feature_group_ids"]], "abacusai.UnpivotConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "columns"], [176, 3, 1, "", "exclude"], [176, 3, 1, "", "index_column"], [176, 3, 1, "", "value_column"]], "abacusai.Upload": [[176, 2, 1, "", "__repr__"], [176, 2, 1, "", "_calculate_chunk_size"], [176, 2, 1, "", "_yield_upload_part"], [176, 3, 1, "", "batch_prediction_id"], [176, 2, 1, "", "cancel"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "dataset_id"], [176, 3, 1, "", "dataset_upload_id"], [176, 3, 1, "", "dataset_version"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 2, 1, "", "get_status"], [176, 2, 1, "", "mark_complete"], [176, 3, 1, "", "model_id"], [176, 3, 1, "", "model_version"], [176, 2, 1, "", "part"], [176, 3, 1, "", "parts"], [176, 2, 1, "", "refresh"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "upload_file"], [176, 3, 1, "", "upload_id"], [176, 2, 1, "", "upload_part"], [176, 2, 1, "", "wait_for_join"]], "abacusai.UploadPart": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "etag"], [176, 3, 1, "", "md5"], [176, 2, 1, "", "to_dict"]], "abacusai.UseCase": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "pretty_name"], [176, 3, 1, "", "problem_type"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "use_case"]], "abacusai.UseCaseRequirements": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "allowed_feature_mappings"], [176, 3, 1, "", "allowed_nested_feature_mappings"], [176, 3, 1, "", "dataset_type"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "multi"], [176, 3, 1, "", "name"], [176, 3, 1, "", "required"], [176, 2, 1, "", "to_dict"]], "abacusai.User": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "email"], [176, 3, 1, "", "name"], [176, 3, 1, "", "organization_groups"], [176, 3, 1, "", "status"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_id"]], "abacusai.UserException": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "traceback"], [176, 3, 1, "", "type"], [176, 3, 1, "", "value"]], "abacusai.UserGroupObjectPermission": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "object_id"], [176, 3, 1, "", "permission"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "user_group_id"], [176, 3, 1, "", "user_group_name"]], "abacusai.VectorStoreConfig": [[176, 3, 1, "", "chunk_overlap_fraction"], [176, 3, 1, "", "chunk_size"], [176, 3, 1, "", "chunk_size_factors"], [176, 3, 1, "", "index_metadata_columns"], [176, 3, 1, "", "prune_vectors"], [176, 3, 1, "", "score_multiplier_column"], [176, 3, 1, "", "standalone_deployment"], [176, 3, 1, "", "summary_instructions"], [176, 3, 1, "", "text_encoder"], [176, 3, 1, "", "use_document_summary"]], "abacusai.VectorStoreTextEncoder": [[176, 3, 1, "", "CODE_BERT"], [176, 3, 1, "", "E5"], [176, 3, 1, "", "E5_SMALL"], [176, 3, 1, "", "OPENAI"], [176, 3, 1, "", "OPENAI_COMPACT"], [176, 3, 1, "", "OPENAI_LARGE"], [176, 3, 1, "", "SENTENCE_BERT"]], "abacusai.VideoGenCosts": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "expensive_models"], [176, 3, 1, "", "model_costs"], [176, 2, 1, "", "to_dict"]], "abacusai.VideoGenModel": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "default"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "display_name"], [176, 3, 1, "", "helptext"], [176, 3, 1, "", "optional"], [176, 3, 1, "", "options"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "type"], [176, 3, 1, "", "value_type"]], "abacusai.VideoGenModelOptions": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "keys"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "values"]], "abacusai.VideoGenSettings": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 3, 1, "", "settings"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "warnings"]], "abacusai.VideoSearchResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "embed_url"], [176, 3, 1, "", "motion_thumbnail_url"], [176, 3, 1, "", "thumbnail_url"], [176, 3, 1, "", "title"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "url"]], "abacusai.VoiceGenDetails": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "model"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "voice"]], "abacusai.WebAppConversation": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deployment_conversation_id"], [176, 3, 1, "", "deployment_conversation_name"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "external_application_id"], [176, 3, 1, "", "llm_artifact_id"], [176, 2, 1, "", "to_dict"]], "abacusai.WebAppDeploymentPermissionDict": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deployment_permissions"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.WebAppDomain": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "dns_records"], [176, 3, 1, "", "domain_type"], [176, 3, 1, "", "hostname"], [176, 3, 1, "", "is_deployed"], [176, 3, 1, "", "is_root_domain"], [176, 3, 1, "", "lifecycle"], [176, 3, 1, "", "metadata"], [176, 3, 1, "", "nameservers"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "web_app_domain_id"]], "abacusai.WebPageResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "content"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "to_dict"]], "abacusai.WebSearchResponse": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "search_results"], [176, 2, 1, "", "to_dict"]], "abacusai.WebSearchResult": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "content"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "entity"], [176, 3, 1, "", "news"], [176, 3, 1, "", "place"], [176, 3, 1, "", "snippet"], [176, 3, 1, "", "title"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "url"]], "abacusai.WebServiceTriggerRun": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "endpoint"], [176, 3, 1, "", "error"], [176, 3, 1, "", "headers"], [176, 3, 1, "", "lifecycle"], [176, 3, 1, "", "method"], [176, 3, 1, "", "payload"], [176, 3, 1, "", "response_body"], [176, 3, 1, "", "response_status"], [176, 2, 1, "", "to_dict"]], "abacusai.Webhook": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "created_at"], [176, 2, 1, "", "delete"], [176, 3, 1, "", "deployment_id"], [176, 3, 1, "", "deprecated_keys"], [176, 2, 1, "", "describe"], [176, 3, 1, "", "endpoint"], [176, 3, 1, "", "payload_template"], [176, 2, 1, "", "refresh"], [176, 2, 1, "", "to_dict"], [176, 2, 1, "", "update"], [176, 3, 1, "", "webhook_event_type"], [176, 3, 1, "", "webhook_id"]], "abacusai.WorkflowGraph": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "common_source_code"], [176, 3, 1, "", "edges"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "nodes"], [176, 3, 1, "", "primary_start_node"], [176, 3, 1, "", "specification_type"], [176, 2, 1, "", "to_dict"]], "abacusai.WorkflowGraphEdge": [[176, 3, 1, "", "details"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "source"], [176, 3, 1, "", "target"], [176, 2, 1, "", "to_nx_edge"]], "abacusai.WorkflowGraphNode": [[176, 1, 1, "", "Outputs"], [176, 2, 1, "", "__getattribute__"], [176, 2, 1, "", "__setattr__"], [176, 2, 1, "", "_raw_init"], [176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 2, 1, "", "from_system_tool"], [176, 2, 1, "", "from_template"], [176, 2, 1, "", "from_tool"], [176, 2, 1, "", "is_special_node_type"], [176, 2, 1, "", "is_template_node"], [176, 2, 1, "", "is_trigger_node"], [176, 3, 1, "", "node_type"], [176, 4, 1, "", "outputs"], [176, 3, 1, "", "template_metadata"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "trigger_config"]], "abacusai.WorkflowGraphNode.Outputs": [[176, 2, 1, "", "__getattr__"], [176, 3, 1, "", "node"]], "abacusai.WorkflowGraphNodeDetails": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "connectors"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "package_requirements"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "workflow_graph_node"]], "abacusai.WorkflowNodeInputMapping": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "constant_value"], [176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "is_required"], [176, 3, 1, "", "long_description"], [176, 3, 1, "", "name"], [176, 3, 1, "", "source_prop"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "variable_source"], [176, 3, 1, "", "variable_type"]], "abacusai.WorkflowNodeInputSchema": [[176, 2, 1, "", "from_dict"], [176, 2, 1, "", "from_input_mappings"], [176, 2, 1, "", "from_tool_variable_mappings"], [176, 2, 1, "", "from_workflow_node"], [176, 3, 1, "", "json_schema"], [176, 3, 1, "", "runtime_schema"], [176, 3, 1, "", "schema_prop"], [176, 3, 1, "", "schema_source"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "ui_schema"]], "abacusai.WorkflowNodeInputType": [[176, 3, 1, "", "CONSTANT"], [176, 3, 1, "", "IGNORE"], [176, 3, 1, "", "USER_INPUT"], [176, 3, 1, "", "WORKFLOW_VARIABLE"]], "abacusai.WorkflowNodeOutputMapping": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "long_description"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "variable_type"]], "abacusai.WorkflowNodeOutputSchema": [[176, 2, 1, "", "from_dict"], [176, 3, 1, "", "json_schema"], [176, 2, 1, "", "to_dict"]], "abacusai.WorkflowNodeOutputType": [[176, 3, 1, "", "ANY"], [176, 3, 1, "", "ATTACHMENT"], [176, 3, 1, "", "BOOLEAN"], [176, 3, 1, "", "DICT"], [176, 3, 1, "", "FLOAT"], [176, 3, 1, "", "INTEGER"], [176, 3, 1, "", "LIST"], [176, 3, 1, "", "RUNTIME_SCHEMA"], [176, 3, 1, "", "STRING"], [176, 2, 1, "", "normalize_type"]], "abacusai.WorkflowNodeTemplate": [[176, 2, 1, "", "__repr__"], [176, 3, 1, "", "additional_configs"], [176, 3, 1, "", "deprecated_keys"], [176, 3, 1, "", "description"], [176, 3, 1, "", "function_name"], [176, 3, 1, "", "inputs"], [176, 3, 1, "", "name"], [176, 3, 1, "", "outputs"], [176, 3, 1, "", "package_requirements"], [176, 3, 1, "", "source_code"], [176, 3, 1, "", "tags"], [176, 3, 1, "", "template_configs"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "workflow_node_template_id"]], "abacusai.WorkflowNodeTemplateConfig": [[176, 3, 1, "", "default_value"], [176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "is_required"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.WorkflowNodeTemplateInput": [[176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "is_required"], [176, 3, 1, "", "long_description"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"]], "abacusai.WorkflowNodeTemplateOutput": [[176, 3, 1, "", "description"], [176, 2, 1, "", "from_dict"], [176, 3, 1, "", "long_description"], [176, 3, 1, "", "name"], [176, 2, 1, "", "to_dict"], [176, 3, 1, "", "variable_type"]], "abacusai.WorkflowNodeTemplateType": [[176, 3, 1, "", "DEFAULT"], [176, 3, 1, "", "TRIGGER"]], "abacusai.ZendeskDatasetConfig": [[176, 2, 1, "", "__post_init__"], [176, 3, 1, "", "location"]], "abacusai._AlertActionConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._AlertConditionConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_key_value_camel_case"], [176, 3, 1, "", "config_class_map"]], "abacusai._ApiClassFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"], [176, 2, 1, "", "from_dict"]], "abacusai._ApplicationConnectorDatasetConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._BatchPredictionArgsFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._FeatureGroupExportConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._MergeConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._OperatorConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._PredictionArgumentsFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._ProjectFeatureGroupConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._SamplingConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._StreamingConnectorDatasetConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai._TrainingConfigFactory": [[176, 3, 1, "", "config_abstract_class"], [176, 3, 1, "", "config_class_key"], [176, 3, 1, "", "config_class_map"]], "abacusai.abacus_api": [[0, 1, 1, "", "AbacusApi"]], "abacusai.abacus_api.AbacusApi": [[0, 2, 1, "", "__repr__"], [0, 3, 1, "", "deprecated_keys"], [0, 3, 1, "", "docstring"], [0, 3, 1, "", "method"], [0, 3, 1, "", "score"], [0, 2, 1, "", "to_dict"]], "abacusai.address": [[1, 1, 1, "", "Address"]], "abacusai.address.Address": [[1, 2, 1, "", "__repr__"], [1, 3, 1, "", "additional_info"], [1, 3, 1, "", "address_line_1"], [1, 3, 1, "", "address_line_2"], [1, 3, 1, "", "city"], [1, 3, 1, "", "country"], [1, 3, 1, "", "deprecated_keys"], [1, 3, 1, "", "include_reverse_charge"], [1, 3, 1, "", "postal_code"], [1, 3, 1, "", "state_or_province"], [1, 2, 1, "", "to_dict"]], "abacusai.agent": [[2, 1, 1, "", "Agent"]], "abacusai.agent.Agent": [[2, 2, 1, "", "__repr__"], [2, 3, 1, "", "agent_config"], [2, 4, 1, "", "agent_connectors"], [2, 3, 1, "", "agent_execution_config"], [2, 3, 1, "", "agent_id"], [2, 4, 1, "", "agent_interface"], [2, 3, 1, "", "code_source"], [2, 2, 1, "", "copy"], [2, 3, 1, "", "created_at"], [2, 3, 1, "", "deprecated_keys"], [2, 2, 1, "", "describe"], [2, 4, 1, "", "description"], [2, 3, 1, "", "draft_workflow_graph"], [2, 2, 1, "", "get_status"], [2, 3, 1, "", "latest_agent_version"], [2, 2, 1, "", "list_versions"], [2, 3, 1, "", "memory"], [2, 3, 1, "", "name"], [2, 3, 1, "", "notebook_id"], [2, 3, 1, "", "predict_function_name"], [2, 3, 1, "", "project_id"], [2, 2, 1, "", "refresh"], [2, 2, 1, "", "republish"], [2, 3, 1, "", "source_code"], [2, 2, 1, "", "to_dict"], [2, 3, 1, "", "training_required"], [2, 2, 1, "", "wait_for_publish"], [2, 3, 1, "", "workflow_graph"]], "abacusai.agent_chat_message": [[3, 1, 1, "", "AgentChatMessage"]], "abacusai.agent_chat_message.AgentChatMessage": [[3, 2, 1, "", "__repr__"], [3, 3, 1, "", "agent_workflow_node_id"], [3, 3, 1, "", "deprecated_keys"], [3, 3, 1, "", "doc_ids"], [3, 3, 1, "", "keyword_arguments"], [3, 3, 1, "", "role"], [3, 3, 1, "", "segments"], [3, 3, 1, "", "streamed_data"], [3, 3, 1, "", "streamed_section_data"], [3, 3, 1, "", "text"], [3, 2, 1, "", "to_dict"]], "abacusai.agent_conversation": [[4, 1, 1, "", "AgentConversation"]], "abacusai.agent_conversation.AgentConversation": [[4, 2, 1, "", "__repr__"], [4, 3, 1, "", "deprecated_keys"], [4, 3, 1, "", "messages"], [4, 2, 1, "", "to_dict"]], "abacusai.agent_data_document_info": [[5, 1, 1, "", "AgentDataDocumentInfo"]], "abacusai.agent_data_document_info.AgentDataDocumentInfo": [[5, 2, 1, "", "__repr__"], [5, 3, 1, "", "deprecated_keys"], [5, 3, 1, "", "doc_id"], [5, 3, 1, "", "filename"], [5, 3, 1, "", "mime_type"], [5, 3, 1, "", "page_count"], [5, 3, 1, "", "size"], [5, 2, 1, "", "to_dict"]], "abacusai.agent_data_execution_result": [[6, 1, 1, "", "AgentDataExecutionResult"]], "abacusai.agent_data_execution_result.AgentDataExecutionResult": [[6, 2, 1, "", "__repr__"], [6, 3, 1, "", "deployment_conversation_id"], [6, 3, 1, "", "deprecated_keys"], [6, 3, 1, "", "doc_infos"], [6, 3, 1, "", "response"], [6, 2, 1, "", "to_dict"]], "abacusai.agent_version": [[7, 1, 1, "", "AgentVersion"]], "abacusai.agent_version.AgentVersion": [[7, 2, 1, "", "__repr__"], [7, 3, 1, "", "agent_config"], [7, 3, 1, "", "agent_execution_config"], [7, 3, 1, "", "agent_id"], [7, 3, 1, "", "agent_version"], [7, 3, 1, "", "code_source"], [7, 3, 1, "", "deprecated_keys"], [7, 2, 1, "", "describe"], [7, 3, 1, "", "error"], [7, 3, 1, "", "failed_deployment_ids"], [7, 2, 1, "", "get_status"], [7, 3, 1, "", "pending_deployment_ids"], [7, 3, 1, "", "publishing_completed_at"], [7, 3, 1, "", "publishing_started_at"], [7, 2, 1, "", "refresh"], [7, 3, 1, "", "status"], [7, 2, 1, "", "to_dict"], [7, 2, 1, "", "wait_for_publish"], [7, 3, 1, "", "workflow_graph"]], "abacusai.ai_building_task": [[8, 1, 1, "", "AiBuildingTask"]], "abacusai.ai_building_task.AiBuildingTask": [[8, 2, 1, "", "__repr__"], [8, 3, 1, "", "deprecated_keys"], [8, 3, 1, "", "task"], [8, 3, 1, "", "task_type"], [8, 2, 1, "", "to_dict"]], "abacusai.algorithm": [[9, 1, 1, "", "Algorithm"]], "abacusai.algorithm.Algorithm": [[9, 2, 1, "", "__repr__"], [9, 3, 1, "", "algorithm_id"], [9, 3, 1, "", "algorithm_training_config"], [9, 3, 1, "", "code_source"], [9, 3, 1, "", "config_options"], [9, 3, 1, "", "created_at"], [9, 3, 1, "", "deprecated_keys"], [9, 3, 1, "", "initialize_function_name"], [9, 3, 1, "", "is_default_enabled"], [9, 3, 1, "", "name"], [9, 3, 1, "", "only_offline_deployable"], [9, 3, 1, "", "predict_function_name"], [9, 3, 1, "", "predict_many_function_name"], [9, 3, 1, "", "problem_type"], [9, 2, 1, "", "to_dict"], [9, 3, 1, "", "train_function_name"], [9, 3, 1, "", "training_input_mappings"], [9, 3, 1, "", "updated_at"], [9, 3, 1, "", "use_gpu"]], "abacusai.annotation": [[10, 1, 1, "", "Annotation"]], "abacusai.annotation.Annotation": [[10, 2, 1, "", "__repr__"], [10, 3, 1, "", "annotation_type"], [10, 3, 1, "", "annotation_value"], [10, 3, 1, "", "comments"], [10, 3, 1, "", "deprecated_keys"], [10, 3, 1, "", "metadata"], [10, 2, 1, "", "to_dict"]], "abacusai.annotation_config": [[11, 1, 1, "", "AnnotationConfig"]], "abacusai.annotation_config.AnnotationConfig": [[11, 2, 1, "", "__repr__"], [11, 3, 1, "", "comments_features"], [11, 3, 1, "", "deprecated_keys"], [11, 3, 1, "", "feature_annotation_configs"], [11, 3, 1, "", "labels"], [11, 3, 1, "", "metadata_feature"], [11, 3, 1, "", "status_feature"], [11, 2, 1, "", "to_dict"]], "abacusai.annotation_document": [[12, 1, 1, "", "AnnotationDocument"]], "abacusai.annotation_document.AnnotationDocument": [[12, 2, 1, "", "__repr__"], [12, 3, 1, "", "deprecated_keys"], [12, 3, 1, "", "doc_id"], [12, 3, 1, "", "feature_group_row_identifier"], [12, 3, 1, "", "feature_group_row_index"], [12, 3, 1, "", "is_annotation_present"], [12, 2, 1, "", "to_dict"], [12, 3, 1, "", "total_rows"]], "abacusai.annotation_entry": [[13, 1, 1, "", "AnnotationEntry"]], "abacusai.annotation_entry.AnnotationEntry": [[13, 2, 1, "", "__repr__"], [13, 3, 1, "", "annotation"], [13, 3, 1, "", "annotation_entry_marker"], [13, 3, 1, "", "deprecated_keys"], [13, 3, 1, "", "doc_id"], [13, 3, 1, "", "feature_group_id"], [13, 3, 1, "", "feature_group_row_identifier"], [13, 3, 1, "", "feature_name"], [13, 3, 1, "", "locked_until"], [13, 3, 1, "", "status"], [13, 2, 1, "", "to_dict"], [13, 3, 1, "", "updated_at"], [13, 3, 1, "", "verification_info"]], "abacusai.annotations_status": [[14, 1, 1, "", "AnnotationsStatus"]], "abacusai.annotations_status.AnnotationsStatus": [[14, 2, 1, "", "__repr__"], [14, 3, 1, "", "deprecated_keys"], [14, 3, 1, "", "done"], [14, 3, 1, "", "in_progress"], [14, 3, 1, "", "is_materialization_needed"], [14, 3, 1, "", "latest_materialized_annotation_config"], [14, 3, 1, "", "latest_updated_at"], [14, 2, 1, "", "to_dict"], [14, 3, 1, "", "todo"], [14, 3, 1, "", "total"]], "abacusai.api_class": [[27, 1, 1, "", "AIAgentBatchPredictionArgs"], [27, 1, 1, "", "AIAgentTrainingConfig"], [27, 1, 1, "", "AbacusUsageMetricsDatasetConfig"], [27, 1, 1, "", "AccuracyBelowThresholdConditionConfig"], [27, 1, 1, "", "AgentClientType"], [27, 1, 1, "", "AgentConversationMessage"], [27, 1, 1, "", "AgentFlowButtonResponseSection"], [27, 1, 1, "", "AgentInterface"], [27, 1, 1, "", "AlertActionConfig"], [27, 1, 1, "", "AlertActionType"], [27, 1, 1, "", "AlertConditionConfig"], [27, 1, 1, "id278", "ApiClass"], [27, 1, 1, "", "ApiEnum"], [27, 1, 1, "", "ApplicationConnectorDatasetConfig"], [27, 1, 1, "", "ApplicationConnectorType"], [27, 1, 1, "", "AttachmentParsingConfig"], [27, 1, 1, "", "AzureStorageDatasetConfig"], [27, 1, 1, "", "Base64ImageResponseSection"], [27, 1, 1, "", "BatchPredictionArgs"], [27, 1, 1, "", "BatchSize"], [27, 1, 1, "", "BiasType"], [27, 1, 1, "", "BiasViolationConditionConfig"], [27, 1, 1, "", "Blob"], [27, 1, 1, "", "BlobInput"], [27, 1, 1, "", "BoxDatasetConfig"], [27, 1, 1, "", "CPUSize"], [27, 1, 1, "", "ChartResponseSection"], [27, 1, 1, "", "ChatLLMBatchPredictionArgs"], [27, 1, 1, "", "ChatLLMPredictionArguments"], [27, 1, 1, "", "ChatLLMTrainingConfig"], [27, 1, 1, "", "ClusteringImputationMethod"], [27, 1, 1, "", "ClusteringTimeseriesTrainingConfig"], [27, 1, 1, "", "ClusteringTrainingConfig"], [27, 1, 1, "", "CodeLanguage"], [27, 1, 1, "", "CodeResponseSection"], [27, 1, 1, "", "CollapseResponseSection"], [27, 1, 1, "", "ConfluenceDatasetConfig"], [27, 1, 1, "", "ConnectorType"], [27, 1, 1, "", "ConstraintConfig"], [27, 1, 1, "", "ConstraintProjectFeatureGroupConfig"], [27, 1, 1, "", "CrawlerTransformConfig"], [27, 1, 1, "", "CumulativeForecastingPredictionArguments"], [27, 1, 1, "", "CumulativeForecastingTrainingConfig"], [27, 1, 1, "", "CustomAlgorithmTrainingConfig"], [27, 1, 1, "", "CustomTrainedModelTrainingConfig"], [27, 1, 1, "", "DataGenerationConfig"], [27, 1, 1, "", "DataIntegrityViolationConditionConfig"], [27, 1, 1, "", "DataIntegrityViolationType"], [27, 1, 1, "", "DataType"], [27, 1, 1, "", "DatabaseConnectorExportConfig"], [27, 1, 1, "", "DataframeResponseSection"], [27, 1, 1, "id68", "DatasetConfig"], [27, 1, 1, "id70", "DatasetDocumentProcessingConfig"], [27, 1, 1, "", "DecisionNode"], [27, 1, 1, "", "DeployableAlgorithm"], [27, 1, 1, "", "DeploymentConversationType"], [27, 1, 1, "", "DocumentClassificationTrainingConfig"], [27, 1, 1, "id156", "DocumentProcessingConfig"], [27, 6, 1, "", "DocumentRetrieverConfig"], [27, 1, 1, "", "DocumentSummarizationTrainingConfig"], [27, 1, 1, "id129", "DocumentType"], [27, 1, 1, "", "DocumentVisualizationTrainingConfig"], [27, 1, 1, "", "EmailActionConfig"], [27, 1, 1, "", "EvalArtifactType"], [27, 1, 1, "", "EventAnomalyTrainingConfig"], [27, 1, 1, "", "ExperimentationMode"], [27, 1, 1, "", "ExplainerType"], [27, 1, 1, "", "ExtractDocumentDataConfig"], [27, 1, 1, "", "FeatureDriftConditionConfig"], [27, 1, 1, "", "FeatureDriftType"], [27, 1, 1, "", "FeatureGroupExportConfig"], [27, 1, 1, "", "FeatureMappingConfig"], [27, 1, 1, "", "FeatureStorePredictionArguments"], [27, 1, 1, "", "FieldDescriptor"], [27, 1, 1, "", "FieldDescriptorType"], [27, 1, 1, "", "FileConnectorExportConfig"], [27, 1, 1, "", "FileFormat"], [27, 1, 1, "", "FillLogic"], [27, 1, 1, "", "ForecastingBatchPredictionArgs"], [27, 1, 1, "", "ForecastingDataSplitType"], [27, 1, 1, "", "ForecastingFillMethod"], [27, 1, 1, "", "ForecastingFrequency"], [27, 1, 1, "", "ForecastingLocalScaling"], [27, 1, 1, "", "ForecastingLossFunction"], [27, 1, 1, "", "ForecastingMonitorConfig"], [27, 1, 1, "", "ForecastingObjective"], [27, 1, 1, "", "ForecastingPredictionArguments"], [27, 1, 1, "", "ForecastingQuanitlesExtensionMethod"], [27, 1, 1, "", "ForecastingTrainingConfig"], [27, 1, 1, "", "FreshserviceDatasetConfig"], [27, 1, 1, "", "GoogleAnalyticsDatasetConfig"], [27, 1, 1, "", "GoogleDriveDatasetConfig"], [27, 1, 1, "", "HistoryLengthDriftConditionConfig"], [27, 1, 1, "", "HolidayCalendars"], [27, 1, 1, "", "HotkeyPrompt"], [27, 1, 1, "", "ImageUrlResponseSection"], [27, 1, 1, "", "IncrementalDatabaseConnectorConfig"], [27, 1, 1, "", "InputNode"], [27, 1, 1, "", "ItemAttributesStdDevThreshold"], [27, 1, 1, "", "JSONSchema"], [27, 1, 1, "", "JiraDatasetConfig"], [27, 1, 1, "", "KafkaDatasetConfig"], [27, 1, 1, "", "LLMAgentNode"], [27, 1, 1, "", "LLMName"], [27, 1, 1, "", "LastNMergeConfig"], [27, 1, 1, "", "ListResponseSection"], [27, 6, 1, "", "MIN_AGENT_SLEEP_TIME"], [27, 1, 1, "", "MarkdownConfig"], [27, 1, 1, "", "MarkdownOperatorInputType"], [27, 1, 1, "", "MemorySize"], [27, 1, 1, "", "MergeConfig"], [27, 1, 1, "", "MergeMode"], [27, 1, 1, "", "MonitorAlertType"], [27, 1, 1, "", "MonitorFilteringConfig"], [27, 1, 1, "", "MonitorThresholdConfig"], [27, 1, 1, "", "NERModelType"], [27, 1, 1, "", "NERObjective"], [27, 1, 1, "", "NLPDocumentFormat"], [27, 1, 1, "", "NSamplingConfig"], [27, 1, 1, "", "NamedEntityExtractionBatchPredictionArgs"], [27, 1, 1, "", "NamedEntityExtractionTrainingConfig"], [27, 1, 1, "", "NaturalLanguageSearchPredictionArguments"], [27, 1, 1, "", "NaturalLanguageSearchTrainingConfig"], [27, 1, 1, "id115", "OcrMode"], [27, 1, 1, "", "OneDriveDatasetConfig"], [27, 1, 1, "", "OperatorConfig"], [27, 1, 1, "", "OperatorType"], [27, 1, 1, "", "OptimizationPredictionArguments"], [27, 1, 1, "", "OptimizationTrainingConfig"], [27, 1, 1, "", "OrganizationSecretType"], [27, 1, 1, "", "OutlookDatasetConfig"], [27, 1, 1, "", "OutputVariableMapping"], [27, 1, 1, "", "ParsingConfig"], [27, 1, 1, "", "PartialDependenceAnalysis"], [27, 1, 1, "", "PercentSamplingConfig"], [27, 1, 1, "", "PersonalizationBatchPredictionArgs"], [27, 1, 1, "", "PersonalizationObjective"], [27, 1, 1, "", "PersonalizationTrainingConfig"], [27, 1, 1, "", "PersonalizationTrainingMode"], [27, 1, 1, "", "PredictionArguments"], [27, 1, 1, "", "PredictionCountConditionConfig"], [27, 1, 1, "", "PredictiveModelingBatchPredictionArgs"], [27, 1, 1, "", "PretrainedModelsBatchPredictionArgs"], [27, 1, 1, "", "ProblemType"], [27, 1, 1, "", "ProjectConfigType"], [27, 1, 1, "", "ProjectFeatureGroupConfig"], [27, 1, 1, "", "ProjectFeatureGroupTypeMappingsConfig"], [27, 1, 1, "", "PythonFunctionArgument"], [27, 1, 1, "", "PythonFunctionArgumentType"], [27, 1, 1, "", "PythonFunctionOutputArgumentType"], [27, 1, 1, "", "PythonFunctionType"], [27, 1, 1, "", "RegressionAugmentationStrategy"], [27, 1, 1, "", "RegressionLossFunction"], [27, 1, 1, "", "RegressionObjective"], [27, 1, 1, "", "RegressionPredictionArguments"], [27, 1, 1, "", "RegressionTargetTransform"], [27, 1, 1, "", "RegressionTimeSplitMethod"], [27, 1, 1, "", "RegressionTrainingConfig"], [27, 1, 1, "", "RegressionTreeHPOMode"], [27, 1, 1, "", "RegressionTypeOfSplit"], [27, 1, 1, "", "ResponseSection"], [27, 1, 1, "", "ResponseSectionType"], [27, 1, 1, "", "RestrictFeatureMappings"], [27, 1, 1, "", "ReviewModeProjectFeatureGroupConfig"], [27, 1, 1, "", "RuntimeSchemaResponseSection"], [27, 1, 1, "", "SamplingConfig"], [27, 1, 1, "", "SamplingMethodType"], [27, 6, 1, "", "Segment"], [27, 1, 1, "", "SentenceBoundaryDetectionBatchPredictionArgs"], [27, 1, 1, "", "SentenceBoundaryDetectionTrainingConfig"], [27, 1, 1, "", "SentimentDetectionTrainingConfig"], [27, 1, 1, "", "SentimentType"], [27, 1, 1, "", "SftpDatasetConfig"], [27, 1, 1, "", "SharepointDatasetConfig"], [27, 1, 1, "", "StdDevThreshold"], [27, 1, 1, "id203", "StdDevThresholdType"], [27, 1, 1, "", "StreamingConnectorDatasetConfig"], [27, 1, 1, "", "StreamingConnectorType"], [27, 1, 1, "", "SystemConnectorTool"], [27, 1, 1, "", "TargetDriftConditionConfig"], [27, 1, 1, "", "TeamsScraperDatasetConfig"], [27, 1, 1, "", "TextResponseSection"], [27, 1, 1, "", "ThemeAnalysisBatchPredictionArgs"], [27, 1, 1, "", "ThemeAnalysisTrainingConfig"], [27, 1, 1, "", "TimeWindowConfig"], [27, 1, 1, "", "TimeWindowMergeConfig"], [27, 1, 1, "", "TimeseriesAnomalyDataSplitType"], [27, 1, 1, "", "TimeseriesAnomalyPredictionArguments"], [27, 1, 1, "", "TimeseriesAnomalyTrainingConfig"], [27, 1, 1, "", "TimeseriesAnomalyTypeOfAnomaly"], [27, 1, 1, "", "TimeseriesAnomalyUseHeuristic"], [27, 1, 1, "", "TrainablePlugAndPlayBatchPredictionArgs"], [27, 1, 1, "", "TrainingConfig"], [27, 1, 1, "", "TriggerConfig"], [27, 1, 1, "", "UnionTransformConfig"], [27, 1, 1, "", "UnpivotConfig"], [27, 1, 1, "", "VectorStoreConfig"], [27, 1, 1, "id107", "VectorStoreTextEncoder"], [27, 1, 1, "", "WorkflowGraph"], [27, 1, 1, "", "WorkflowGraphEdge"], [27, 1, 1, "", "WorkflowGraphNode"], [27, 1, 1, "", "WorkflowNodeInputMapping"], [27, 1, 1, "", "WorkflowNodeInputSchema"], [27, 1, 1, "", "WorkflowNodeInputType"], [27, 1, 1, "", "WorkflowNodeOutputMapping"], [27, 1, 1, "", "WorkflowNodeOutputSchema"], [27, 1, 1, "", "WorkflowNodeOutputType"], [27, 1, 1, "", "WorkflowNodeTemplateConfig"], [27, 1, 1, "", "WorkflowNodeTemplateInput"], [27, 1, 1, "", "WorkflowNodeTemplateOutput"], [27, 1, 1, "", "WorkflowNodeTemplateType"], [27, 1, 1, "", "ZendeskDatasetConfig"], [27, 1, 1, "", "_AlertActionConfigFactory"], [27, 1, 1, "", "_AlertConditionConfigFactory"], [27, 1, 1, "id273", "_ApiClassFactory"], [27, 1, 1, "", "_ApplicationConnectorDatasetConfigFactory"], [27, 1, 1, "", "_BatchPredictionArgsFactory"], [27, 1, 1, "", "_FeatureGroupExportConfigFactory"], [27, 1, 1, "", "_MergeConfigFactory"], [27, 1, 1, "", "_OperatorConfigFactory"], [27, 1, 1, "", "_PredictionArgumentsFactory"], [27, 1, 1, "", "_ProjectFeatureGroupConfigFactory"], [27, 1, 1, "", "_SamplingConfigFactory"], [27, 1, 1, "", "_StreamingConnectorDatasetConfigFactory"], [27, 1, 1, "", "_TrainingConfigFactory"], [15, 0, 0, "-", "abstract"], [16, 0, 0, "-", "ai_agents"], [17, 0, 0, "-", "ai_chat"], [18, 0, 0, "-", "batch_prediction"], [19, 0, 0, "-", "blob_input"], [20, 0, 0, "-", "connectors"], [21, 0, 0, "-", "dataset"], [22, 0, 0, "-", "dataset_application_connector"], [23, 0, 0, "-", "deployment"], [27, 7, 1, "", "deprecated_enums"], [24, 0, 0, "-", "document_retriever"], [25, 0, 0, "-", "enums"], [26, 0, 0, "-", "feature_group"], [27, 7, 1, "", "get_clean_function_source_code_for_agent"], [28, 0, 0, "-", "model"], [29, 0, 0, "-", "monitor"], [30, 0, 0, "-", "monitor_alert"], [31, 0, 0, "-", "project"], [32, 0, 0, "-", "python_functions"], [33, 0, 0, "-", "refresh"], [34, 0, 0, "-", "segments"], [27, 7, 1, "", "validate_constructor_arg_types"], [27, 7, 1, "", "validate_input_dict_param"]], "abacusai.api_class.AIAgentBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"]], "abacusai.api_class.AIAgentTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "agent_connectors"], [27, 3, 1, "", "agent_input_schema"], [27, 3, 1, "", "agent_interface"], [27, 3, 1, "", "agent_output_schema"], [27, 3, 1, "", "description"], [27, 3, 1, "", "enable_binary_input"]], "abacusai.api_class.AbacusUsageMetricsDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "include_all_feedback"], [27, 3, 1, "", "include_entire_conversation_history"], [27, 3, 1, "", "resolve_matching_documents"]], "abacusai.api_class.AccuracyBelowThresholdConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.AgentClientType": [[27, 3, 1, "", "API"], [27, 3, 1, "", "CHAT_UI"], [27, 3, 1, "", "MESSAGING_APP"]], "abacusai.api_class.AgentConversationMessage": [[27, 3, 1, "", "document_contents"], [27, 3, 1, "", "is_user"], [27, 3, 1, "", "text"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.AgentFlowButtonResponseSection": [[27, 3, 1, "", "agent_workflow_node_name"], [27, 3, 1, "", "label"]], "abacusai.api_class.AgentInterface": [[27, 3, 1, "", "AUTONOMOUS"], [27, 3, 1, "", "CHAT"], [27, 3, 1, "", "DEFAULT"], [27, 3, 1, "", "MATRIX"]], "abacusai.api_class.AlertActionConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "action_type"]], "abacusai.api_class.AlertActionType": [[27, 3, 1, "", "EMAIL"]], "abacusai.api_class.AlertConditionConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "alert_type"]], "abacusai.api_class.ApiClass": [[27, 2, 1, "id285", "__getitem__"], [27, 2, 1, "id281", "__post_init__"], [27, 2, 1, "id286", "__setitem__"], [27, 2, 1, "id283", "__str__"], [27, 2, 1, "id282", "_get_builder"], [27, 2, 1, "id284", "_repr_html_"], [27, 3, 1, "id280", "_support_kwargs"], [27, 2, 1, "id287", "_unset_item"], [27, 3, 1, "id279", "_upper_snake_case_keys"], [27, 2, 1, "id291", "from_dict"], [27, 2, 1, "id288", "get"], [27, 2, 1, "id289", "pop"], [27, 2, 1, "id290", "to_dict"]], "abacusai.api_class.ApiEnum": [[27, 3, 1, "", "__deprecated_values__"], [27, 2, 1, "", "__eq__"], [27, 2, 1, "", "__hash__"], [27, 2, 1, "", "is_deprecated"]], "abacusai.api_class.ApplicationConnectorDatasetConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "application_connector_id"], [27, 3, 1, "", "application_connector_type"], [27, 3, 1, "", "document_processing_config"]], "abacusai.api_class.ApplicationConnectorType": [[27, 3, 1, "", "ABACUSUSAGEMETRICS"], [27, 3, 1, "", "AZURESTORAGE"], [27, 3, 1, "", "BIGQUERY"], [27, 3, 1, "", "BOX"], [27, 3, 1, "", "CONFLUENCE"], [27, 3, 1, "", "DBC"], [27, 3, 1, "", "FRESHSERVICE"], [27, 3, 1, "", "GENERIC_OAUTH"], [27, 3, 1, "", "GIT"], [27, 3, 1, "", "GITHUBUSER"], [27, 3, 1, "", "GMAILUSER"], [27, 3, 1, "", "GOOGLEANALYTICS"], [27, 3, 1, "", "GOOGLECALENDAR"], [27, 3, 1, "", "GOOGLEDOCS"], [27, 3, 1, "", "GOOGLEDRIVE"], [27, 3, 1, "", "GOOGLEDRIVEUSER"], [27, 3, 1, "", "GOOGLESHEETS"], [27, 3, 1, "", "GOOGLEWORKSPACEUSER"], [27, 3, 1, "", "JIRA"], [27, 3, 1, "", "MCP"], [27, 3, 1, "", "MICROSOFTAUTH"], [27, 3, 1, "", "OAUTH"], [27, 3, 1, "", "ODBC"], [27, 3, 1, "", "OKTASAML"], [27, 3, 1, "", "ONEDRIVE"], [27, 3, 1, "", "OUTLOOK"], [27, 3, 1, "", "SALESFORCE"], [27, 3, 1, "", "SFTPAPPLICATION"], [27, 3, 1, "", "SHAREPOINT"], [27, 3, 1, "", "SLACK"], [27, 3, 1, "", "TEAMS"], [27, 3, 1, "", "TEAMSSCRAPER"], [27, 3, 1, "", "TWITTER"], [27, 3, 1, "", "ZENDESK"], [27, 3, 1, "", "ZENDESKSUNSHINEMESSAGING"], [27, 2, 1, "", "database_connectors"], [27, 2, 1, "", "user_connectors"]], "abacusai.api_class.AttachmentParsingConfig": [[27, 3, 1, "", "column_name"], [27, 3, 1, "", "feature_group_name"], [27, 3, 1, "", "urls"]], "abacusai.api_class.AzureStorageDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.Base64ImageResponseSection": [[27, 3, 1, "", "b64_image"]], "abacusai.api_class.BatchPredictionArgs": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "_support_kwargs"], [27, 3, 1, "", "kwargs"], [27, 3, 1, "", "problem_type"]], "abacusai.api_class.BatchSize": [[27, 3, 1, "", "BATCH_1024"], [27, 3, 1, "", "BATCH_128"], [27, 3, 1, "", "BATCH_16"], [27, 3, 1, "", "BATCH_256"], [27, 3, 1, "", "BATCH_32"], [27, 3, 1, "", "BATCH_384"], [27, 3, 1, "", "BATCH_512"], [27, 3, 1, "", "BATCH_64"], [27, 3, 1, "", "BATCH_740"], [27, 3, 1, "", "BATCH_8"]], "abacusai.api_class.BiasType": [[27, 3, 1, "", "DEMOGRAPHIC_PARITY"], [27, 3, 1, "", "EQUAL_OPPORTUNITY"], [27, 3, 1, "", "GROUP_BENEFIT_EQUALITY"], [27, 3, 1, "", "TOTAL"]], "abacusai.api_class.BiasViolationConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "bias_type"], [27, 3, 1, "", "minimum_violations"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.Blob": [[27, 3, 1, "", "contents"], [27, 3, 1, "", "filename"], [27, 2, 1, "", "from_contents"], [27, 2, 1, "", "from_local_file"], [27, 3, 1, "", "mime_type"], [27, 3, 1, "", "size"]], "abacusai.api_class.BoxDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.CPUSize": [[27, 3, 1, "", "LARGE"], [27, 3, 1, "", "MEDIUM"], [27, 3, 1, "", "SMALL"]], "abacusai.api_class.ChartResponseSection": [[27, 3, 1, "", "chart"]], "abacusai.api_class.ChatLLMBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.ChatLLMPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "ignore_documents"], [27, 3, 1, "", "llm_name"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "search_score_cutoff"], [27, 3, 1, "", "system_message"], [27, 3, 1, "", "temperature"]], "abacusai.api_class.ChatLLMTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "agentic_loop_mode"], [27, 3, 1, "", "behavior_instructions"], [27, 3, 1, "", "builtin_tools"], [27, 3, 1, "", "column_filtering_instructions"], [27, 3, 1, "", "config_connectors"], [27, 3, 1, "", "data_columns_to_ignore"], [27, 3, 1, "", "data_feature_group_ids"], [27, 3, 1, "", "data_prompt_column_context"], [27, 3, 1, "", "data_prompt_context"], [27, 3, 1, "", "data_prompt_table_context"], [27, 3, 1, "", "database_connector_id"], [27, 3, 1, "", "database_connector_ids"], [27, 3, 1, "", "database_connector_tables"], [27, 3, 1, "", "disable_data_fetch_for_training"], [27, 3, 1, "", "disable_data_summarization"], [27, 3, 1, "", "document_retrievers"], [27, 3, 1, "", "enable_code_execution"], [27, 3, 1, "", "enable_inline_source_citations"], [27, 3, 1, "", "enable_llm_rewrite"], [27, 3, 1, "", "enable_response_caching"], [27, 3, 1, "", "enable_tool_bar"], [27, 3, 1, "", "enable_web_search"], [27, 3, 1, "", "filter_columns"], [27, 3, 1, "", "hide_sql_and_code"], [27, 3, 1, "", "include_bm25_retrieval"], [27, 3, 1, "", "include_general_knowledge"], [27, 3, 1, "", "json_response_instructions"], [27, 3, 1, "", "json_response_schema"], [27, 3, 1, "", "keyword_requirement_instructions"], [27, 3, 1, "", "lookup_rewrite_instructions"], [27, 3, 1, "", "mask_pii"], [27, 3, 1, "", "max_search_results"], [27, 3, 1, "", "mcp_servers"], [27, 3, 1, "", "metadata_columns"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "query_rewrite_instructions"], [27, 3, 1, "", "response_format"], [27, 3, 1, "", "response_instructions"], [27, 3, 1, "", "retrieval_columns"], [27, 3, 1, "", "search_score_cutoff"], [27, 3, 1, "", "temperature"], [27, 3, 1, "", "unknown_answer_phrase"]], "abacusai.api_class.ClusteringImputationMethod": [[27, 3, 1, "", "AUTOMATIC"], [27, 3, 1, "", "INTERPOLATE"], [27, 3, 1, "", "ZEROS"]], "abacusai.api_class.ClusteringTimeseriesTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "imputation"], [27, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.ClusteringTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.CodeLanguage": [[27, 3, 1, "", "PYTHON"], [27, 3, 1, "", "SQL"]], "abacusai.api_class.CodeResponseSection": [[27, 3, 1, "", "code"], [27, 3, 1, "", "language"]], "abacusai.api_class.CollapseResponseSection": [[27, 3, 1, "", "content"], [27, 3, 1, "", "title"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.ConfluenceDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "location_type"], [27, 3, 1, "", "pull_attachments"], [27, 3, 1, "", "space_key"]], "abacusai.api_class.ConnectorType": [[27, 3, 1, "", "APPLICATION"], [27, 3, 1, "", "DATABASE"], [27, 3, 1, "", "FILE"], [27, 3, 1, "", "STREAMING"]], "abacusai.api_class.ConstraintConfig": [[27, 3, 1, "", "code"], [27, 3, 1, "", "constant"], [27, 3, 1, "", "enforcement"], [27, 3, 1, "", "operator"], [27, 3, 1, "", "penalty"]], "abacusai.api_class.ConstraintProjectFeatureGroupConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "constraints"]], "abacusai.api_class.CrawlerTransformConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "crawl_depth"], [27, 3, 1, "", "depth_column"], [27, 3, 1, "", "disable_host_restriction"], [27, 3, 1, "", "honour_website_rules"], [27, 3, 1, "", "input_column"], [27, 3, 1, "", "input_column_type"], [27, 3, 1, "", "output_column"], [27, 3, 1, "", "user_agent"]], "abacusai.api_class.CumulativeForecastingPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"], [27, 3, 1, "", "get_item_data"], [27, 3, 1, "", "num_predictions"], [27, 3, 1, "", "prediction_start"]], "abacusai.api_class.CumulativeForecastingTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "cumulative_prediction_lengths"], [27, 3, 1, "", "historical_frequency"], [27, 3, 1, "", "predict_residuals"], [27, 3, 1, "", "skip_input_transform"], [27, 3, 1, "", "skip_target_transform"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.CustomAlgorithmTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "timeout_minutes"]], "abacusai.api_class.CustomTrainedModelTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "docker_image_uri"], [27, 3, 1, "", "index_output_path"], [27, 3, 1, "", "max_catalog_size"], [27, 3, 1, "", "max_dimension"], [27, 3, 1, "", "service_port"], [27, 3, 1, "", "streaming_embeddings"]], "abacusai.api_class.DataGenerationConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "completion_col"], [27, 3, 1, "", "concurrency"], [27, 3, 1, "", "description_col"], [27, 3, 1, "", "documentation_char_limit"], [27, 3, 1, "", "examples_per_target"], [27, 3, 1, "", "fewshot_examples"], [27, 3, 1, "", "frequency_penalty"], [27, 3, 1, "", "generation_instructions"], [27, 3, 1, "", "id_col"], [27, 3, 1, "", "model"], [27, 3, 1, "", "oversample"], [27, 3, 1, "", "prompt_col"], [27, 3, 1, "", "seed"], [27, 3, 1, "", "subset_size"], [27, 3, 1, "", "temperature"], [27, 3, 1, "", "token_budget"], [27, 3, 1, "", "verify_response"]], "abacusai.api_class.DataIntegrityViolationConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "data_integrity_type"], [27, 3, 1, "", "minimum_violations"]], "abacusai.api_class.DataIntegrityViolationType": [[27, 3, 1, "", "CATEGORICAL_RANGE_VIOLATION"], [27, 3, 1, "", "NULL_VIOLATIONS"], [27, 3, 1, "", "RANGE_VIOLATIONS"], [27, 3, 1, "", "TOTAL_VIOLATIONS"]], "abacusai.api_class.DataType": [[27, 3, 1, "", "BINARY"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATE"], [27, 3, 1, "", "DATETIME"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "NULL"], [27, 3, 1, "", "STRING"], [27, 3, 1, "", "STRUCT"]], "abacusai.api_class.DatabaseConnectorExportConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "additional_id_columns"], [27, 3, 1, "", "data_columns"], [27, 3, 1, "", "database_connector_id"], [27, 3, 1, "", "id_column"], [27, 3, 1, "", "mode"], [27, 3, 1, "", "object_name"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.DataframeResponseSection": [[27, 3, 1, "", "df"], [27, 3, 1, "", "header"]], "abacusai.api_class.DatasetConfig": [[27, 3, 1, "id69", "is_documentset"]], "abacusai.api_class.DatasetDocumentProcessingConfig": [[27, 3, 1, "id71", "page_text_column"]], "abacusai.api_class.DecisionNode": [[27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "function_name"], [27, 3, 1, "", "input_schema"], [27, 3, 1, "", "name"], [27, 3, 1, "", "node_type"], [27, 3, 1, "", "output_mappings"], [27, 3, 1, "", "output_schema"], [27, 3, 1, "", "source_code"], [27, 3, 1, "", "template_metadata"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "trigger_config"]], "abacusai.api_class.DeployableAlgorithm": [[27, 3, 1, "", "algorithm"], [27, 3, 1, "", "name"], [27, 3, 1, "", "only_offline_deployable"], [27, 3, 1, "", "trained_model_types"]], "abacusai.api_class.DeploymentConversationType": [[27, 3, 1, "", "AGENT_CONTROLLER"], [27, 3, 1, "", "APP_LLM"], [27, 3, 1, "", "BROWSER_EXTENSION"], [27, 3, 1, "", "CHAT_LLM"], [27, 3, 1, "", "CHAT_LLM_TASK"], [27, 3, 1, "", "CODE_LLM"], [27, 3, 1, "", "CODE_LLM_AGENT"], [27, 3, 1, "", "CODE_LLM_NON_INTERACTIVE"], [27, 3, 1, "", "COMPLEX_AGENT"], [27, 3, 1, "", "COMPUTER_AGENT"], [27, 3, 1, "", "COPILOT"], [27, 3, 1, "", "SEARCH_LLM"], [27, 3, 1, "", "SIMPLE_AGENT"], [27, 3, 1, "", "SUPER_AGENT"], [27, 3, 1, "", "TEST_AGENT"], [27, 3, 1, "", "WORKFLOW_AGENT"]], "abacusai.api_class.DocumentClassificationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "zero_shot_hypotheses"]], "abacusai.api_class.DocumentProcessingConfig": [[27, 2, 1, "id167", "__post_init__"], [27, 2, 1, "id168", "_detect_ocr_mode"], [27, 2, 1, "id169", "_get_filtered_dict"], [27, 3, 1, "id164", "convert_to_markdown"], [27, 3, 1, "id157", "document_type"], [27, 3, 1, "id159", "extract_bounding_boxes"], [27, 3, 1, "id166", "extract_images"], [27, 3, 1, "id158", "highlight_relevant_text"], [27, 3, 1, "id165", "mask_pii"], [27, 3, 1, "id160", "ocr_mode"], [27, 3, 1, "id162", "remove_header_footer"], [27, 3, 1, "id163", "remove_watermarks"], [27, 3, 1, "id161", "use_full_ocr"]], "abacusai.api_class.DocumentSummarizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.DocumentType": [[27, 3, 1, "id135", "COMPREHENSIVE_MARKDOWN"], [27, 3, 1, "id133", "EMBEDDED_IMAGES"], [27, 3, 1, "id134", "SCANNED_TEXT"], [27, 3, 1, "id130", "SIMPLE_TEXT"], [27, 3, 1, "id132", "TABLES_AND_FORMS"], [27, 3, 1, "id131", "TEXT"], [27, 2, 1, "id136", "is_ocr_forced"]], "abacusai.api_class.DocumentVisualizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.EmailActionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "email_body"], [27, 3, 1, "", "email_recipients"]], "abacusai.api_class.EvalArtifactType": [[27, 3, 1, "", "FORECASTING_ACCURACY"], [27, 3, 1, "", "FORECASTING_HISTORY_LENGTH_ACCURACY"], [27, 3, 1, "", "FORECASTING_VOLUME"]], "abacusai.api_class.EventAnomalyTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "anomaly_fraction"]], "abacusai.api_class.ExperimentationMode": [[27, 3, 1, "", "RAPID"], [27, 3, 1, "", "THOROUGH"]], "abacusai.api_class.ExplainerType": [[27, 3, 1, "", "EBM_EXPLAINER"], [27, 3, 1, "", "KERNEL_EXPLAINER"], [27, 3, 1, "", "LIME_EXPLAINER"], [27, 3, 1, "", "TREE_EXPLAINER"]], "abacusai.api_class.ExtractDocumentDataConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "doc_id_column"], [27, 3, 1, "", "document_column"], [27, 3, 1, "", "document_processing_config"]], "abacusai.api_class.FeatureDriftConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_drift_type"], [27, 3, 1, "", "feature_names"], [27, 3, 1, "", "minimum_violations"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.FeatureDriftType": [[27, 3, 1, "", "CHI_SQUARE"], [27, 3, 1, "", "CSI"], [27, 3, 1, "", "JS"], [27, 3, 1, "", "KL"], [27, 3, 1, "", "KS"], [27, 3, 1, "", "PSI"], [27, 3, 1, "", "WS"]], "abacusai.api_class.FeatureGroupExportConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "connector_type"]], "abacusai.api_class.FeatureMappingConfig": [[27, 3, 1, "", "feature_mapping"], [27, 3, 1, "", "feature_name"], [27, 3, 1, "", "nested_feature_name"]], "abacusai.api_class.FeatureStorePredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "limit_results"]], "abacusai.api_class.FieldDescriptor": [[27, 3, 1, "", "description"], [27, 3, 1, "", "example_extraction"], [27, 3, 1, "", "field"], [27, 3, 1, "", "type"]], "abacusai.api_class.FieldDescriptorType": [[27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATE"], [27, 3, 1, "", "DATETIME"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "STRING"]], "abacusai.api_class.FileConnectorExportConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "export_file_format"], [27, 3, 1, "", "location"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.FileFormat": [[27, 3, 1, "", "AVRO"], [27, 3, 1, "", "CSV"], [27, 3, 1, "", "DOCX"], [27, 3, 1, "", "EML"], [27, 3, 1, "", "FLV"], [27, 3, 1, "", "GIF"], [27, 3, 1, "", "GZ"], [27, 3, 1, "", "HTML"], [27, 3, 1, "", "JPEG"], [27, 3, 1, "", "JSON"], [27, 3, 1, "", "MD"], [27, 3, 1, "", "MOV"], [27, 3, 1, "", "MP3"], [27, 3, 1, "", "MP4"], [27, 3, 1, "", "MPEG"], [27, 3, 1, "", "MPG"], [27, 3, 1, "", "MSG"], [27, 3, 1, "", "NUMBERS"], [27, 3, 1, "", "ODS"], [27, 3, 1, "", "ORC"], [27, 3, 1, "", "PARQUET"], [27, 3, 1, "", "PDF"], [27, 3, 1, "", "PNG"], [27, 3, 1, "", "PPT"], [27, 3, 1, "", "PPTX"], [27, 3, 1, "", "RAR"], [27, 3, 1, "", "TAR"], [27, 3, 1, "", "TFRECORD"], [27, 3, 1, "", "TIF"], [27, 3, 1, "", "TS"], [27, 3, 1, "", "TSV"], [27, 3, 1, "", "TSX"], [27, 3, 1, "", "TXT"], [27, 3, 1, "", "WEBM"], [27, 3, 1, "", "WEBP"], [27, 3, 1, "", "WMV"], [27, 3, 1, "", "XLS"], [27, 3, 1, "", "ZIP"]], "abacusai.api_class.FillLogic": [[27, 3, 1, "", "AVERAGE"], [27, 3, 1, "", "BACKFILL"], [27, 3, 1, "", "CUSTOM"], [27, 3, 1, "", "FORWARDFILL"], [27, 3, 1, "", "LINEAR"], [27, 3, 1, "", "MAX"], [27, 3, 1, "", "MEDIAN"], [27, 3, 1, "", "MIN"], [27, 3, 1, "", "NEAREST"]], "abacusai.api_class.ForecastingBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "create_monitor"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "forecasting_horizon"], [27, 3, 1, "", "item_attributes_to_include_in_the_result"], [27, 3, 1, "", "predictions_start_date"], [27, 3, 1, "", "start_date_offset"], [27, 3, 1, "", "use_prediction_offset"]], "abacusai.api_class.ForecastingDataSplitType": [[27, 3, 1, "", "AUTO"], [27, 3, 1, "", "ITEM"], [27, 3, 1, "", "L_SHAPED_AUTO"], [27, 3, 1, "", "L_SHAPED_TIMESTAMP"], [27, 3, 1, "", "PREDICTION_LENGTH"], [27, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.ForecastingFillMethod": [[27, 3, 1, "", "BACK"], [27, 3, 1, "", "FUTURE"], [27, 3, 1, "", "MIDDLE"]], "abacusai.api_class.ForecastingFrequency": [[27, 3, 1, "", "DAILY"], [27, 3, 1, "", "HOURLY"], [27, 3, 1, "", "MONTH_END"], [27, 3, 1, "", "MONTH_START"], [27, 3, 1, "", "QUARTER_END"], [27, 3, 1, "", "QUARTER_START"], [27, 3, 1, "", "WEEKLY_MONDAY_START"], [27, 3, 1, "", "WEEKLY_SATURDAY_START"], [27, 3, 1, "", "WEEKLY_SUNDAY_START"], [27, 3, 1, "", "YEARLY"]], "abacusai.api_class.ForecastingLocalScaling": [[27, 3, 1, "", "ITEM"], [27, 3, 1, "", "LAST_POINT"], [27, 3, 1, "", "MIN_MAX"], [27, 3, 1, "", "MIN_STD"], [27, 3, 1, "", "ROBUST"], [27, 3, 1, "", "SLIDING_ZSCORE"], [27, 3, 1, "", "ZSCORE"]], "abacusai.api_class.ForecastingLossFunction": [[27, 3, 1, "", "ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [27, 3, 1, "", "CUSTOM"], [27, 3, 1, "", "GAUSSIAN"], [27, 3, 1, "", "GAUSSIAN_FULL_COVARIANCE"], [27, 3, 1, "", "GUASSIAN_EXPONENTIAL"], [27, 3, 1, "", "LOG_ROOT_MEAN_SQUARE_ERROR"], [27, 3, 1, "", "MEAN_ABSOLUTE_ERROR"], [27, 3, 1, "", "MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [27, 3, 1, "", "MIX_GAUSSIANS"], [27, 3, 1, "", "NEGATIVE_BINOMIAL"], [27, 3, 1, "", "NORMALIZED_MEAN_ABSOLUTE_ERROR"], [27, 3, 1, "", "NORMALIZED_ROOT_MEAN_SQUARE_ERROR"], [27, 3, 1, "", "PEAKS_MEAN_ABSOLUTE_ERROR"], [27, 3, 1, "", "POINTWISE_ACCURACY"], [27, 3, 1, "", "ROOT_MEAN_SQUARE_ERROR"], [27, 3, 1, "", "STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [27, 3, 1, "", "WEIBULL"]], "abacusai.api_class.ForecastingMonitorConfig": [[27, 3, 1, "", "end_time"], [27, 3, 1, "", "id_column"], [27, 3, 1, "", "start_time"], [27, 3, 1, "", "target_column"], [27, 3, 1, "", "timestamp_column"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "window_config"]], "abacusai.api_class.ForecastingObjective": [[27, 3, 1, "", "ACCURACY"], [27, 3, 1, "", "BIAS"], [27, 3, 1, "", "CMAPE"], [27, 3, 1, "", "CV"], [27, 3, 1, "", "MAPE"], [27, 3, 1, "", "RMSE"], [27, 3, 1, "", "SRMSE"], [27, 3, 1, "", "WAPE"]], "abacusai.api_class.ForecastingPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"], [27, 3, 1, "", "get_item_data"], [27, 3, 1, "", "num_predictions"], [27, 3, 1, "", "prediction_start"]], "abacusai.api_class.ForecastingQuanitlesExtensionMethod": [[27, 3, 1, "", "ANCESTRAL_SIMULATION"], [27, 3, 1, "", "DIRECT"], [27, 3, 1, "", "QUADRATIC"]], "abacusai.api_class.ForecastingTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "additional_forecast_keys"], [27, 3, 1, "", "allow_training_with_small_history"], [27, 3, 1, "", "backtesting_window_step_size"], [27, 3, 1, "", "batch_renormalization"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "convolution_filters"], [27, 3, 1, "", "convolutional_layers"], [27, 3, 1, "", "custom_loss_functions"], [27, 3, 1, "", "custom_metrics"], [27, 3, 1, "", "data_split_feature_group_table_name"], [27, 3, 1, "", "datetime_holiday_calendars"], [27, 3, 1, "", "disable_networks_without_analytic_quantiles"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "enable_clustering"], [27, 3, 1, "", "enable_cold_start"], [27, 3, 1, "", "enable_feature_selection"], [27, 3, 1, "", "enable_multiple_backtests"], [27, 3, 1, "", "enable_padding"], [27, 3, 1, "", "experimentation_mode"], [27, 3, 1, "", "fill_missing_values"], [27, 3, 1, "", "filter_items"], [27, 3, 1, "", "force_prediction_length"], [27, 3, 1, "", "forecast_frequency"], [27, 3, 1, "", "full_data_retraining"], [27, 3, 1, "", "handle_zeros_as_missing_values"], [27, 3, 1, "", "history_length"], [27, 3, 1, "", "initial_learning_rate"], [27, 3, 1, "", "item_attributes_weight_column"], [27, 3, 1, "", "l2_regularization_factor"], [27, 3, 1, "", "local_scale_target"], [27, 3, 1, "", "local_scaling_mode"], [27, 3, 1, "", "loss_function"], [27, 3, 1, "", "max_scale_context"], [27, 3, 1, "", "num_backtesting_windows"], [27, 3, 1, "", "number_of_samples"], [27, 3, 1, "", "objective"], [27, 3, 1, "", "prediction_length"], [27, 3, 1, "", "prediction_step_size"], [27, 3, 1, "", "probability_quantiles"], [27, 3, 1, "", "quantiles_extension_method"], [27, 3, 1, "", "recurrent_layers"], [27, 3, 1, "", "recurrent_units"], [27, 3, 1, "", "return_fractional_forecasts"], [27, 3, 1, "", "skip_missing"], [27, 3, 1, "", "skip_timeseries_weight_scaling"], [27, 3, 1, "", "smooth_history"], [27, 3, 1, "", "sort_objective"], [27, 3, 1, "", "symmetrize_quantiles"], [27, 3, 1, "", "test_by_item"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_start"], [27, 3, 1, "", "timeseries_loss_weight_column"], [27, 3, 1, "", "timeseries_weight_column"], [27, 3, 1, "", "training_point_overlap"], [27, 3, 1, "", "type_of_split"], [27, 3, 1, "", "underprediction_weight"], [27, 3, 1, "", "use_all_item_totals"], [27, 3, 1, "", "use_clipping"], [27, 3, 1, "", "use_item_id"], [27, 3, 1, "", "use_item_weights_in_objective"], [27, 3, 1, "", "use_log_transforms"], [27, 3, 1, "", "use_timeseries_weights_in_objective"], [27, 3, 1, "", "zero_predictor"]], "abacusai.api_class.FreshserviceDatasetConfig": [[27, 2, 1, "", "__post_init__"]], "abacusai.api_class.GoogleAnalyticsDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "end_timestamp"], [27, 3, 1, "", "location"], [27, 3, 1, "", "start_timestamp"]], "abacusai.api_class.GoogleDriveDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "location_type"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.HistoryLengthDriftConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_drift_type"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.HolidayCalendars": [[27, 3, 1, "", "AU"], [27, 3, 1, "", "UK"], [27, 3, 1, "", "US"]], "abacusai.api_class.HotkeyPrompt": [[27, 3, 1, "", "disable_problem_type_context"], [27, 3, 1, "", "ignore_history"], [27, 3, 1, "", "prompt"], [27, 3, 1, "", "title"]], "abacusai.api_class.ImageUrlResponseSection": [[27, 3, 1, "", "height"], [27, 3, 1, "", "url"], [27, 3, 1, "", "width"]], "abacusai.api_class.IncrementalDatabaseConnectorConfig": [[27, 3, 1, "", "timestamp_column"]], "abacusai.api_class.InputNode": [[27, 2, 1, "", "_mark_file_inputs_in_schema"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 2, 1, "", "get_function_name"], [27, 2, 1, "", "get_input_schema"], [27, 2, 1, "", "get_source_code"], [27, 3, 1, "", "input_mappings"], [27, 3, 1, "", "input_schema"], [27, 2, 1, "", "is_special_node_type"], [27, 3, 1, "", "name"], [27, 3, 1, "", "node_type"], [27, 3, 1, "", "output_mappings"], [27, 3, 1, "", "output_schema"], [27, 3, 1, "", "source_code"], [27, 3, 1, "", "template_metadata"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "trigger_config"], [27, 3, 1, "", "uid"]], "abacusai.api_class.ItemAttributesStdDevThreshold": [[27, 3, 1, "", "lower_bound"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "upper_bound"]], "abacusai.api_class.JSONSchema": [[27, 2, 1, "", "from_fields_list"], [27, 2, 1, "", "to_fields_list"]], "abacusai.api_class.JiraDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "custom_fields"], [27, 3, 1, "", "include_comments"], [27, 3, 1, "", "include_watchers"], [27, 3, 1, "", "jql"]], "abacusai.api_class.KafkaDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "topic"]], "abacusai.api_class.LLMAgentNode": [[27, 3, 1, "", "chatbot_deployment_id"], [27, 3, 1, "", "chatbot_parameters"], [27, 2, 1, "", "from_dict"], [27, 2, 1, "", "get_function_name"], [27, 2, 1, "", "get_source_code"], [27, 2, 1, "", "is_special_node_type"], [27, 3, 1, "", "name"], [27, 3, 1, "", "node_type"], [27, 3, 1, "", "source_code"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "uid"]], "abacusai.api_class.LLMName": [[27, 3, 1, "", "ABACUS_DRACARYS"], [27, 3, 1, "", "ABACUS_SMAUG3"], [27, 3, 1, "", "CLAUDE_V3_5_HAIKU"], [27, 3, 1, "", "CLAUDE_V3_5_SONNET"], [27, 3, 1, "", "CLAUDE_V3_7_SONNET"], [27, 3, 1, "", "CLAUDE_V3_HAIKU"], [27, 3, 1, "", "CLAUDE_V3_OPUS"], [27, 3, 1, "", "CLAUDE_V4_5_SONNET"], [27, 3, 1, "", "CLAUDE_V4_OPUS"], [27, 3, 1, "", "CLAUDE_V4_SONNET"], [27, 3, 1, "", "DEEPSEEK_R1"], [27, 3, 1, "", "DEEPSEEK_V3_1"], [27, 3, 1, "", "GEMINI_1_5_FLASH"], [27, 3, 1, "", "GEMINI_1_5_PRO"], [27, 3, 1, "", "GEMINI_2_5_FLASH"], [27, 3, 1, "", "GEMINI_2_5_PRO"], [27, 3, 1, "", "GEMINI_2_FLASH"], [27, 3, 1, "", "GEMINI_2_PRO"], [27, 3, 1, "", "GEMINI_3_FLASH"], [27, 3, 1, "", "GEMINI_3_PRO"], [27, 3, 1, "", "LLAMA3_1_405B"], [27, 3, 1, "", "LLAMA3_1_70B"], [27, 3, 1, "", "LLAMA3_1_8B"], [27, 3, 1, "", "LLAMA3_3_70B"], [27, 3, 1, "", "LLAMA3_LARGE_CHAT"], [27, 3, 1, "", "LLAMA4_MAVERICK"], [27, 3, 1, "", "OPENAI_GPT3_5"], [27, 3, 1, "", "OPENAI_GPT3_5_TEXT"], [27, 3, 1, "", "OPENAI_GPT4"], [27, 3, 1, "", "OPENAI_GPT4O"], [27, 3, 1, "", "OPENAI_GPT4O_MINI"], [27, 3, 1, "", "OPENAI_GPT4_1"], [27, 3, 1, "", "OPENAI_GPT4_128K"], [27, 3, 1, "", "OPENAI_GPT4_128K_LATEST"], [27, 3, 1, "", "OPENAI_GPT4_1_MINI"], [27, 3, 1, "", "OPENAI_GPT4_1_NANO"], [27, 3, 1, "", "OPENAI_GPT4_32K"], [27, 3, 1, "", "OPENAI_GPT5"], [27, 3, 1, "", "OPENAI_GPT5_1"], [27, 3, 1, "", "OPENAI_GPT5_2"], [27, 3, 1, "", "OPENAI_GPT5_MINI"], [27, 3, 1, "", "OPENAI_GPT5_MINI_HIGH"], [27, 3, 1, "", "OPENAI_GPT5_MINI_LOW"], [27, 3, 1, "", "OPENAI_GPT5_NANO"], [27, 3, 1, "", "OPENAI_GPT5_NANO_HIGH"], [27, 3, 1, "", "OPENAI_O1_MINI"], [27, 3, 1, "", "OPENAI_O3"], [27, 3, 1, "", "OPENAI_O3_HIGH"], [27, 3, 1, "", "OPENAI_O4_MINI"], [27, 3, 1, "", "OPENAI_O4_MINI_HIGH"], [27, 3, 1, "", "QWEN3_235B_A22B"], [27, 3, 1, "", "QWEN3_32B"], [27, 3, 1, "", "QWEN3_CODER"], [27, 3, 1, "", "QWEN_2_5_32B"], [27, 3, 1, "", "QWEN_2_5_32B_BASE"], [27, 3, 1, "", "QWEN_2_5_72B"], [27, 3, 1, "", "QWQ_32B"], [27, 3, 1, "", "XAI_GROK"], [27, 3, 1, "", "XAI_GROK_3"], [27, 3, 1, "", "XAI_GROK_3_MINI"], [27, 3, 1, "", "XAI_GROK_4"]], "abacusai.api_class.LastNMergeConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "include_version_timestamp_column"], [27, 3, 1, "", "num_versions"]], "abacusai.api_class.ListResponseSection": [[27, 3, 1, "", "items"]], "abacusai.api_class.MarkdownConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "input_column"], [27, 3, 1, "", "input_column_type"], [27, 3, 1, "", "output_column"]], "abacusai.api_class.MarkdownOperatorInputType": [[27, 3, 1, "", "HTML"]], "abacusai.api_class.MemorySize": [[27, 3, 1, "", "LARGE"], [27, 3, 1, "", "MEDIUM"], [27, 3, 1, "", "SMALL"], [27, 3, 1, "", "XLARGE"], [27, 2, 1, "", "from_value"]], "abacusai.api_class.MergeConfig": [[27, 2, 1, "", "__post_init__"], [27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "merge_mode"]], "abacusai.api_class.MergeMode": [[27, 3, 1, "", "LAST_N"], [27, 3, 1, "", "TIME_WINDOW"]], "abacusai.api_class.MonitorAlertType": [[27, 3, 1, "", "ACCURACY_BELOW_THRESHOLD"], [27, 3, 1, "", "BIAS_VIOLATIONS"], [27, 3, 1, "", "DATA_INTEGRITY_VIOLATIONS"], [27, 3, 1, "", "FEATURE_DRIFT"], [27, 3, 1, "", "HISTORY_LENGTH_DRIFT"], [27, 3, 1, "", "PREDICTION_COUNT"], [27, 3, 1, "", "TARGET_DRIFT"]], "abacusai.api_class.MonitorFilteringConfig": [[27, 3, 1, "", "end_time"], [27, 3, 1, "", "prediction_target_feature"], [27, 3, 1, "", "restrict_feature_mappings"], [27, 3, 1, "", "start_time"], [27, 3, 1, "", "target_class"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "train_target_feature"]], "abacusai.api_class.MonitorThresholdConfig": [[27, 3, 1, "", "at_risk_threshold"], [27, 3, 1, "", "drift_type"], [27, 3, 1, "", "severely_drifting_threshold"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.NERModelType": [[27, 3, 1, "", "LEARNED"], [27, 3, 1, "", "PRETRAINED_BERT"], [27, 3, 1, "", "PRETRAINED_MULTILINGUAL"], [27, 3, 1, "", "PRETRAINED_ROBERTA_27"], [27, 3, 1, "", "PRETRAINED_ROBERTA_43"]], "abacusai.api_class.NERObjective": [[27, 3, 1, "", "ANNOTATIONS_PRECISION"], [27, 3, 1, "", "ANNOTATIONS_RECALL"], [27, 3, 1, "", "AUC"], [27, 3, 1, "", "LOG_LOSS"], [27, 3, 1, "", "PRECISION"], [27, 3, 1, "", "RECALL"]], "abacusai.api_class.NLPDocumentFormat": [[27, 3, 1, "", "AUTO"], [27, 3, 1, "", "DOC"], [27, 3, 1, "", "TEXT"], [27, 3, 1, "", "TOKENS"]], "abacusai.api_class.NSamplingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "key_columns"], [27, 3, 1, "", "sample_count"]], "abacusai.api_class.NamedEntityExtractionBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.NamedEntityExtractionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "active_labels_column"], [27, 3, 1, "", "additional_extraction_instructions"], [27, 3, 1, "", "document_format"], [27, 3, 1, "", "enhanced_ocr"], [27, 3, 1, "", "llm_for_ner"], [27, 3, 1, "", "minimum_bounding_box_overlap_ratio"], [27, 3, 1, "", "save_predicted_pdf"], [27, 3, 1, "", "test_row_indicator"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.NaturalLanguageSearchPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "ignore_documents"], [27, 3, 1, "", "llm_name"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "search_score_cutoff"], [27, 3, 1, "", "system_message"], [27, 3, 1, "", "temperature"]], "abacusai.api_class.NaturalLanguageSearchTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "abacus_internal_model"], [27, 3, 1, "", "chunk_overlap_fraction"], [27, 3, 1, "", "index_fraction"], [27, 3, 1, "", "larger_embeddings"], [27, 3, 1, "", "num_completion_tokens"], [27, 3, 1, "", "search_chunk_size"]], "abacusai.api_class.OcrMode": [[27, 3, 1, "id127", "AUGMENTED_LLM"], [27, 3, 1, "id116", "AUTO"], [27, 3, 1, "id120", "COMPREHENSIVE"], [27, 3, 1, "id124", "COMPREHENSIVE_FORM_AND_TABLE_MD"], [27, 3, 1, "id123", "COMPREHENSIVE_FORM_MD"], [27, 3, 1, "id122", "COMPREHENSIVE_TABLE_MD"], [27, 3, 1, "id121", "COMPREHENSIVE_V2"], [27, 3, 1, "id117", "DEFAULT"], [27, 3, 1, "id118", "LAYOUT"], [27, 3, 1, "id126", "LLM"], [27, 3, 1, "id119", "SCANNED"], [27, 3, 1, "id125", "TESSERACT_FAST"], [27, 2, 1, "id128", "aws_ocr_modes"]], "abacusai.api_class.OneDriveDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.OperatorConfig": [[27, 2, 1, "", "__post_init__"], [27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "operator_type"]], "abacusai.api_class.OperatorType": [[27, 3, 1, "", "CRAWLER"], [27, 3, 1, "", "DATA_GENERATION"], [27, 3, 1, "", "EXTRACT_DOCUMENT_DATA"], [27, 3, 1, "", "MARKDOWN"], [27, 3, 1, "", "UNION"], [27, 3, 1, "", "UNPIVOT"]], "abacusai.api_class.OptimizationPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "forced_assignments"], [27, 3, 1, "", "include_all_assignments"], [27, 3, 1, "", "solve_time_limit_seconds"]], "abacusai.api_class.OptimizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "include_all_partitions"], [27, 3, 1, "", "include_specific_partitions"], [27, 3, 1, "", "optimality_gap_limit"], [27, 3, 1, "", "solve_time_limit"]], "abacusai.api_class.OrganizationSecretType": [[27, 3, 1, "", "ORG_API_CREDENTIALS"], [27, 3, 1, "", "ORG_SECRET"], [27, 3, 1, "", "USER_API_CREDENTIALS"]], "abacusai.api_class.OutlookDatasetConfig": [[27, 2, 1, "", "__post_init__"]], "abacusai.api_class.OutputVariableMapping": [[27, 3, 1, "", "description"], [27, 3, 1, "", "long_description"], [27, 3, 1, "", "name"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.ParsingConfig": [[27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "escape"], [27, 3, 1, "", "file_path_with_schema"]], "abacusai.api_class.PartialDependenceAnalysis": [[27, 3, 1, "", "RAPID"], [27, 3, 1, "", "THOROUGH"]], "abacusai.api_class.PercentSamplingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "key_columns"], [27, 3, 1, "", "sample_percent"]], "abacusai.api_class.PersonalizationBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "item_attributes_to_include_in_the_result"], [27, 3, 1, "", "number_of_items"], [27, 3, 1, "", "score_field"]], "abacusai.api_class.PersonalizationObjective": [[27, 3, 1, "", "COVERAGE"], [27, 3, 1, "", "MAP"], [27, 3, 1, "", "MAP_10"], [27, 3, 1, "", "MAP_5"], [27, 3, 1, "", "MRR"], [27, 3, 1, "", "NDCG"], [27, 3, 1, "", "NDCG_10"], [27, 3, 1, "", "NDCG_5"], [27, 3, 1, "", "PERSONALIZATION"]], "abacusai.api_class.PersonalizationTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "action_types_exclusion_days"], [27, 3, 1, "", "add_time_features"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "compute_rerank_metrics"], [27, 3, 1, "", "compute_session_metrics"], [27, 3, 1, "", "data_split_feature_group_table_name"], [27, 3, 1, "", "disable_gpu"], [27, 3, 1, "", "disable_timestamp_scalar_features"], [27, 3, 1, "", "disable_transformer"], [27, 3, 1, "", "downsample_item_popularity_percentile"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "explicit_time_split"], [27, 3, 1, "", "filter_history"], [27, 3, 1, "", "full_data_retraining"], [27, 3, 1, "", "include_item_id_feature"], [27, 3, 1, "", "item_query_column"], [27, 3, 1, "", "max_history_length"], [27, 3, 1, "", "max_user_history_len_percentile"], [27, 3, 1, "", "min_item_history"], [27, 3, 1, "", "objective"], [27, 3, 1, "", "optimized_event_type"], [27, 3, 1, "", "query_column"], [27, 3, 1, "", "recent_days_for_training"], [27, 3, 1, "", "sequential_training"], [27, 3, 1, "", "session_dedupe_mins"], [27, 3, 1, "", "session_event_types"], [27, 3, 1, "", "sort_objective"], [27, 3, 1, "", "target_action_types"], [27, 3, 1, "", "target_action_weights"], [27, 3, 1, "", "test_last_items_length"], [27, 3, 1, "", "test_on_user_split"], [27, 3, 1, "", "test_row_indicator"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_split_on_last_k_items"], [27, 3, 1, "", "test_window_length_hours"], [27, 3, 1, "", "training_mode"], [27, 3, 1, "", "training_start_date"], [27, 3, 1, "", "use_user_id_feature"]], "abacusai.api_class.PersonalizationTrainingMode": [[27, 3, 1, "", "EXPERIMENTAL"], [27, 3, 1, "", "PRODUCTION"]], "abacusai.api_class.PredictionArguments": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "_support_kwargs"], [27, 3, 1, "", "kwargs"], [27, 3, 1, "", "problem_type"]], "abacusai.api_class.PredictionCountConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "aggregation_type"], [27, 3, 1, "", "aggregation_window"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.PredictiveModelingBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "create_monitor"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"], [27, 3, 1, "", "explanation_filter_label"], [27, 3, 1, "", "explanation_filter_lower_bound"], [27, 3, 1, "", "explanation_filter_upper_bound"], [27, 3, 1, "", "features_considered_constant_for_explanations"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "importance_of_records_in_nested_columns"], [27, 3, 1, "", "include_multi_class_explanations"], [27, 3, 1, "", "number_of_samples_to_use_for_explainer"], [27, 3, 1, "", "output_columns"]], "abacusai.api_class.PretrainedModelsBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "channel_id_to_label_map"], [27, 3, 1, "", "files_input_location"], [27, 3, 1, "", "files_output_location_prefix"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.ProblemType": [[27, 3, 1, "", "AI_AGENT"], [27, 3, 1, "", "CHAT_LLM"], [27, 3, 1, "", "CLUSTERING"], [27, 3, 1, "", "CLUSTERING_TIMESERIES"], [27, 3, 1, "", "CUMULATIVE_FORECASTING"], [27, 3, 1, "", "CUSTOM_ALGORITHM"], [27, 3, 1, "", "CUSTOM_TRAINED_MODEL"], [27, 3, 1, "", "DOCUMENT_CLASSIFICATION"], [27, 3, 1, "", "DOCUMENT_SUMMARIZATION"], [27, 3, 1, "", "DOCUMENT_VISUALIZATION"], [27, 3, 1, "", "EVENT_ANOMALY"], [27, 3, 1, "", "FEATURE_STORE"], [27, 3, 1, "", "FINETUNED_LLM"], [27, 3, 1, "", "FORECASTING"], [27, 3, 1, "", "IMAGE_CLASSIFICATION"], [27, 3, 1, "", "IMAGE_VALUE_PREDICTION"], [27, 3, 1, "", "LANGUAGE_DETECTION"], [27, 3, 1, "", "MODEL_MONITORING"], [27, 3, 1, "", "NAMED_ENTITY_EXTRACTION"], [27, 3, 1, "", "NATURAL_LANGUAGE_SEARCH"], [27, 3, 1, "", "OBJECT_DETECTION"], [27, 3, 1, "", "OPTIMIZATION"], [27, 3, 1, "", "PERSONALIZATION"], [27, 3, 1, "", "PREDICTIVE_MODELING"], [27, 3, 1, "", "PRETRAINED_MODELS"], [27, 3, 1, "", "SENTENCE_BOUNDARY_DETECTION"], [27, 3, 1, "", "SENTIMENT_DETECTION"], [27, 3, 1, "", "THEME_ANALYSIS"], [27, 3, 1, "", "TS_ANOMALY"]], "abacusai.api_class.ProjectConfigType": [[27, 3, 1, "", "CHAT_FEEDBACK"], [27, 3, 1, "", "CONSTRAINTS"], [27, 3, 1, "", "REVIEW_MODE"]], "abacusai.api_class.ProjectFeatureGroupConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "type"]], "abacusai.api_class.ProjectFeatureGroupTypeMappingsConfig": [[27, 3, 1, "", "feature_group_id"], [27, 3, 1, "", "feature_group_type"], [27, 3, 1, "", "feature_mappings"], [27, 2, 1, "", "from_dict"]], "abacusai.api_class.PythonFunctionArgument": [[27, 3, 1, "", "description"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "item_type"], [27, 3, 1, "", "long_description"], [27, 3, 1, "", "name"], [27, 3, 1, "", "pipeline_variable"], [27, 3, 1, "", "value"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.PythonFunctionArgumentType": [[27, 3, 1, "", "ATTACHMENT"], [27, 3, 1, "", "BATCH_PREDICTION_ID"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATASET_ID"], [27, 3, 1, "", "DEPLOYMENT_ID"], [27, 3, 1, "", "FEATURE_GROUP"], [27, 3, 1, "", "FEATURE_GROUP_ID"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "JSON"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "MODEL_ID"], [27, 3, 1, "", "MONITOR_ID"], [27, 3, 1, "", "STRING"], [27, 2, 1, "", "to_json_type"]], "abacusai.api_class.PythonFunctionOutputArgumentType": [[27, 3, 1, "", "ANY"], [27, 3, 1, "", "ATTACHMENT"], [27, 3, 1, "", "BATCH_PREDICTION_ID"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DATASET_ID"], [27, 3, 1, "", "DEPLOYMENT_ID"], [27, 3, 1, "", "FEATURE_GROUP_ID"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "JSON"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "MODEL_ID"], [27, 3, 1, "", "MONITOR_ID"], [27, 3, 1, "", "NTEGER"], [27, 3, 1, "", "STRING"]], "abacusai.api_class.PythonFunctionType": [[27, 3, 1, "", "CONNECTOR_TOOL"], [27, 3, 1, "", "FEATURE_GROUP"], [27, 3, 1, "", "PLOTLY_FIG"], [27, 3, 1, "", "STEP_FUNCTION"], [27, 3, 1, "", "USERCODE_TOOL"]], "abacusai.api_class.RegressionAugmentationStrategy": [[27, 3, 1, "", "RESAMPLE"], [27, 3, 1, "", "SMOTE"]], "abacusai.api_class.RegressionLossFunction": [[27, 3, 1, "", "AUTOMATIC"], [27, 3, 1, "", "CROSS_ENTROPY"], [27, 3, 1, "", "CUSTOM"], [27, 3, 1, "", "FOCAL_CROSS_ENTROPY"], [27, 3, 1, "", "HUBER"], [27, 3, 1, "", "MAE"], [27, 3, 1, "", "MAPE"], [27, 3, 1, "", "MSE"], [27, 3, 1, "", "MSLE"], [27, 3, 1, "", "TWEEDIE"]], "abacusai.api_class.RegressionObjective": [[27, 3, 1, "", "ACCURACY"], [27, 3, 1, "", "AUC"], [27, 3, 1, "", "F1_SCORE"], [27, 3, 1, "", "LOG_LOSS"], [27, 3, 1, "", "MAE"], [27, 3, 1, "", "MAPE"], [27, 3, 1, "", "PRECISION"], [27, 3, 1, "", "RECALL"], [27, 3, 1, "", "RMSE"], [27, 3, 1, "", "R_SQUARED_COEFFICIENT_OF_DETERMINATION"], [27, 3, 1, "", "WAPE"]], "abacusai.api_class.RegressionPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explain_predictions"], [27, 3, 1, "", "explainer_type"]], "abacusai.api_class.RegressionTargetTransform": [[27, 3, 1, "", "BOX_COX"], [27, 3, 1, "", "LOG"], [27, 3, 1, "", "QUANTILE"], [27, 3, 1, "", "YEO_JOHNSON"]], "abacusai.api_class.RegressionTimeSplitMethod": [[27, 3, 1, "", "TEST_SPLIT_PERCENTAGE_BASED"], [27, 3, 1, "", "TEST_START_TIMESTAMP_BASED"]], "abacusai.api_class.RegressionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "active_labels_column"], [27, 3, 1, "", "augmentation_strategy"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "custom_loss_functions"], [27, 3, 1, "", "custom_metrics"], [27, 3, 1, "", "data_split_feature_group_table_name"], [27, 3, 1, "", "disable_test_val_fold"], [27, 3, 1, "", "do_masked_language_model_pretraining"], [27, 3, 1, "", "drop_original_categoricals"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "feature_selection_intensity"], [27, 3, 1, "", "full_data_retraining"], [27, 3, 1, "", "ignore_datetime_features"], [27, 3, 1, "", "is_multilingual"], [27, 3, 1, "", "k_fold_cross_validation"], [27, 3, 1, "", "loss_function"], [27, 3, 1, "", "loss_parameters"], [27, 3, 1, "", "max_text_words"], [27, 3, 1, "", "max_tokens_in_sentence"], [27, 3, 1, "", "min_categorical_count"], [27, 3, 1, "", "monotonically_decreasing_features"], [27, 3, 1, "", "monotonically_increasing_features"], [27, 3, 1, "", "num_cv_folds"], [27, 3, 1, "", "numeric_clipping_percentile"], [27, 3, 1, "", "objective"], [27, 3, 1, "", "partial_dependence_analysis"], [27, 3, 1, "", "perform_feature_selection"], [27, 3, 1, "", "pretrained_llm_name"], [27, 3, 1, "", "pretrained_model_name"], [27, 3, 1, "", "rare_class_augmentation_threshold"], [27, 3, 1, "", "rebalance_classes"], [27, 3, 1, "", "sample_weight"], [27, 3, 1, "", "sampling_unit_keys"], [27, 3, 1, "", "sort_objective"], [27, 3, 1, "", "target_encode_categoricals"], [27, 3, 1, "", "target_transform"], [27, 3, 1, "", "test_row_indicator"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_splitting_timestamp"], [27, 3, 1, "", "timestamp_based_splitting_column"], [27, 3, 1, "", "timestamp_based_splitting_method"], [27, 3, 1, "", "training_rows_downsample_ratio"], [27, 3, 1, "", "tree_hpo_mode"], [27, 3, 1, "", "truncation_strategy"], [27, 3, 1, "", "type_of_split"]], "abacusai.api_class.RegressionTreeHPOMode": [[27, 3, 1, "", "RAPID"], [27, 3, 1, "", "THOROUGH"]], "abacusai.api_class.RegressionTypeOfSplit": [[27, 3, 1, "", "RANDOM"], [27, 3, 1, "", "ROW_INDICATOR_BASED"], [27, 3, 1, "", "STRATIFIED_RANDOM_SAMPLING"], [27, 3, 1, "", "TIMESTAMP_BASED"]], "abacusai.api_class.ResponseSection": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "id"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "type"]], "abacusai.api_class.ResponseSectionType": [[27, 3, 1, "", "AGENT_FLOW_BUTTON"], [27, 3, 1, "", "ATTACHMENTS"], [27, 3, 1, "", "BASE64_IMAGE"], [27, 3, 1, "", "CHART"], [27, 3, 1, "", "CODE"], [27, 3, 1, "", "COLLAPSIBLE_COMPONENT"], [27, 3, 1, "", "IMAGE_URL"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "RUNTIME_SCHEMA"], [27, 3, 1, "", "TABLE"], [27, 3, 1, "", "TEXT"]], "abacusai.api_class.RestrictFeatureMappings": [[27, 3, 1, "", "end_time"], [27, 3, 1, "", "feature_name"], [27, 3, 1, "", "max_value"], [27, 3, 1, "", "min_value"], [27, 3, 1, "", "restricted_feature_values"], [27, 3, 1, "", "start_time"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.ReviewModeProjectFeatureGroupConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "is_review_mode"]], "abacusai.api_class.RuntimeSchemaResponseSection": [[27, 3, 1, "", "json_schema"], [27, 3, 1, "", "ui_schema"]], "abacusai.api_class.SamplingConfig": [[27, 2, 1, "", "__post_init__"], [27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "sampling_method"]], "abacusai.api_class.SamplingMethodType": [[27, 3, 1, "", "N_SAMPLING"], [27, 3, 1, "", "PERCENT_SAMPLING"]], "abacusai.api_class.SentenceBoundaryDetectionBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "explode_output"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.SentenceBoundaryDetectionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "batch_size"], [27, 3, 1, "", "dropout_rate"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.SentimentDetectionTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "sentiment_type"], [27, 3, 1, "", "test_split"]], "abacusai.api_class.SentimentType": [[27, 3, 1, "", "EMOTION"], [27, 3, 1, "", "VALENCE"]], "abacusai.api_class.SftpDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.SharepointDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "add_file_metadata"], [27, 3, 1, "", "csv_delimiter"], [27, 3, 1, "", "extract_bounding_boxes"], [27, 3, 1, "", "location"], [27, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.StdDevThreshold": [[27, 3, 1, "", "threshold_type"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "value"]], "abacusai.api_class.StdDevThresholdType": [[27, 3, 1, "id204", "ABSOLUTE"], [27, 3, 1, "id205", "PERCENTILE"], [27, 3, 1, "id206", "STDDEV"]], "abacusai.api_class.StreamingConnectorDatasetConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "streaming_connector_type"]], "abacusai.api_class.StreamingConnectorType": [[27, 3, 1, "", "KAFKA"]], "abacusai.api_class.SystemConnectorTool": [[27, 3, 1, "", "configs"], [27, 3, 1, "", "value"]], "abacusai.api_class.TargetDriftConditionConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_drift_type"], [27, 3, 1, "", "threshold"]], "abacusai.api_class.TeamsScraperDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "max_days_to_lookback"], [27, 3, 1, "", "pull_channel_posts"], [27, 3, 1, "", "pull_chat_messages"], [27, 3, 1, "", "pull_transcripts"]], "abacusai.api_class.TextResponseSection": [[27, 3, 1, "", "segment"]], "abacusai.api_class.ThemeAnalysisBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "analysis_days"], [27, 3, 1, "", "analysis_frequency"], [27, 3, 1, "", "for_eval"], [27, 3, 1, "", "start_date"]], "abacusai.api_class.ThemeAnalysisTrainingConfig": [[27, 2, 1, "", "__post_init__"]], "abacusai.api_class.TimeWindowConfig": [[27, 2, 1, "", "to_dict"], [27, 3, 1, "", "window_duration"], [27, 3, 1, "", "window_from_start"]], "abacusai.api_class.TimeWindowMergeConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "feature_name"], [27, 3, 1, "", "include_version_timestamp_column"], [27, 3, 1, "", "time_window_size_ms"]], "abacusai.api_class.TimeseriesAnomalyDataSplitType": [[27, 3, 1, "", "AUTO"], [27, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.TimeseriesAnomalyPredictionArguments": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "end_timestamp"], [27, 3, 1, "", "get_all_item_data"], [27, 3, 1, "", "start_timestamp"]], "abacusai.api_class.TimeseriesAnomalyTrainingConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "additional_anomaly_ids"], [27, 3, 1, "", "anomaly_type"], [27, 3, 1, "", "fill_missing_values"], [27, 3, 1, "", "handle_zeros_as_missing_values"], [27, 3, 1, "", "hyperparameter_calculation_with_heuristics"], [27, 3, 1, "", "min_samples_in_normal_region"], [27, 3, 1, "", "test_split"], [27, 3, 1, "", "test_start"], [27, 3, 1, "", "threshold_score"], [27, 3, 1, "", "timeseries_frequency"], [27, 3, 1, "", "type_of_split"]], "abacusai.api_class.TimeseriesAnomalyTypeOfAnomaly": [[27, 3, 1, "", "HIGH_PEAK"], [27, 3, 1, "", "LOW_PEAK"]], "abacusai.api_class.TimeseriesAnomalyUseHeuristic": [[27, 3, 1, "", "AUTOMATIC"], [27, 3, 1, "", "DISABLE"], [27, 3, 1, "", "ENABLE"]], "abacusai.api_class.TrainablePlugAndPlayBatchPredictionArgs": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "create_monitor"], [27, 3, 1, "", "for_eval"]], "abacusai.api_class.TrainingConfig": [[27, 2, 1, "", "_get_builder"], [27, 3, 1, "", "_support_kwargs"], [27, 3, 1, "", "_upper_snake_case_keys"], [27, 3, 1, "", "algorithm"], [27, 3, 1, "", "kwargs"], [27, 3, 1, "", "problem_type"]], "abacusai.api_class.TriggerConfig": [[27, 2, 1, "", "from_dict"], [27, 3, 1, "", "sleep_time"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.UnionTransformConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "drop_non_intersecting_columns"], [27, 3, 1, "", "feature_group_ids"]], "abacusai.api_class.UnpivotConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "columns"], [27, 3, 1, "", "exclude"], [27, 3, 1, "", "index_column"], [27, 3, 1, "", "value_column"]], "abacusai.api_class.VectorStoreConfig": [[27, 3, 1, "", "chunk_overlap_fraction"], [27, 3, 1, "", "chunk_size"], [27, 3, 1, "", "chunk_size_factors"], [27, 3, 1, "", "index_metadata_columns"], [27, 3, 1, "", "prune_vectors"], [27, 3, 1, "", "score_multiplier_column"], [27, 3, 1, "", "standalone_deployment"], [27, 3, 1, "", "summary_instructions"], [27, 3, 1, "", "text_encoder"], [27, 3, 1, "", "use_document_summary"]], "abacusai.api_class.VectorStoreTextEncoder": [[27, 3, 1, "id114", "CODE_BERT"], [27, 3, 1, "id108", "E5"], [27, 3, 1, "id113", "E5_SMALL"], [27, 3, 1, "id109", "OPENAI"], [27, 3, 1, "id110", "OPENAI_COMPACT"], [27, 3, 1, "id111", "OPENAI_LARGE"], [27, 3, 1, "id112", "SENTENCE_BERT"]], "abacusai.api_class.WorkflowGraph": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "common_source_code"], [27, 3, 1, "", "edges"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "nodes"], [27, 3, 1, "", "primary_start_node"], [27, 3, 1, "", "specification_type"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowGraphEdge": [[27, 3, 1, "", "details"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "source"], [27, 3, 1, "", "target"], [27, 2, 1, "", "to_nx_edge"]], "abacusai.api_class.WorkflowGraphNode": [[27, 1, 1, "", "Outputs"], [27, 2, 1, "", "__getattribute__"], [27, 2, 1, "", "__setattr__"], [27, 2, 1, "", "_raw_init"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 2, 1, "", "from_system_tool"], [27, 2, 1, "", "from_template"], [27, 2, 1, "", "from_tool"], [27, 2, 1, "", "is_special_node_type"], [27, 2, 1, "", "is_template_node"], [27, 2, 1, "", "is_trigger_node"], [27, 3, 1, "", "node_type"], [27, 4, 1, "", "outputs"], [27, 3, 1, "", "template_metadata"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "trigger_config"]], "abacusai.api_class.WorkflowGraphNode.Outputs": [[27, 2, 1, "", "__getattr__"], [27, 3, 1, "", "node"]], "abacusai.api_class.WorkflowNodeInputMapping": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "constant_value"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "long_description"], [27, 3, 1, "", "name"], [27, 3, 1, "", "source_prop"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "variable_source"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.WorkflowNodeInputSchema": [[27, 2, 1, "", "from_dict"], [27, 2, 1, "", "from_input_mappings"], [27, 2, 1, "", "from_tool_variable_mappings"], [27, 2, 1, "", "from_workflow_node"], [27, 3, 1, "", "json_schema"], [27, 3, 1, "", "runtime_schema"], [27, 3, 1, "", "schema_prop"], [27, 3, 1, "", "schema_source"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "ui_schema"]], "abacusai.api_class.WorkflowNodeInputType": [[27, 3, 1, "", "CONSTANT"], [27, 3, 1, "", "IGNORE"], [27, 3, 1, "", "USER_INPUT"], [27, 3, 1, "", "WORKFLOW_VARIABLE"]], "abacusai.api_class.WorkflowNodeOutputMapping": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "long_description"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.WorkflowNodeOutputSchema": [[27, 2, 1, "", "from_dict"], [27, 3, 1, "", "json_schema"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowNodeOutputType": [[27, 3, 1, "", "ANY"], [27, 3, 1, "", "ATTACHMENT"], [27, 3, 1, "", "BOOLEAN"], [27, 3, 1, "", "DICT"], [27, 3, 1, "", "FLOAT"], [27, 3, 1, "", "INTEGER"], [27, 3, 1, "", "LIST"], [27, 3, 1, "", "RUNTIME_SCHEMA"], [27, 3, 1, "", "STRING"], [27, 2, 1, "", "normalize_type"]], "abacusai.api_class.WorkflowNodeTemplateConfig": [[27, 3, 1, "", "default_value"], [27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowNodeTemplateInput": [[27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "is_required"], [27, 3, 1, "", "long_description"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"]], "abacusai.api_class.WorkflowNodeTemplateOutput": [[27, 3, 1, "", "description"], [27, 2, 1, "", "from_dict"], [27, 3, 1, "", "long_description"], [27, 3, 1, "", "name"], [27, 2, 1, "", "to_dict"], [27, 3, 1, "", "variable_type"]], "abacusai.api_class.WorkflowNodeTemplateType": [[27, 3, 1, "", "DEFAULT"], [27, 3, 1, "", "TRIGGER"]], "abacusai.api_class.ZendeskDatasetConfig": [[27, 2, 1, "", "__post_init__"], [27, 3, 1, "", "location"]], "abacusai.api_class._AlertActionConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._AlertConditionConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_key_value_camel_case"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._ApiClassFactory": [[27, 3, 1, "id274", "config_abstract_class"], [27, 3, 1, "id275", "config_class_key"], [27, 3, 1, "id276", "config_class_map"], [27, 2, 1, "id277", "from_dict"]], "abacusai.api_class._ApplicationConnectorDatasetConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._BatchPredictionArgsFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._FeatureGroupExportConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._MergeConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._OperatorConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._PredictionArgumentsFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._ProjectFeatureGroupConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._SamplingConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._StreamingConnectorDatasetConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class._TrainingConfigFactory": [[27, 3, 1, "", "config_abstract_class"], [27, 3, 1, "", "config_class_key"], [27, 3, 1, "", "config_class_map"]], "abacusai.api_class.abstract": [[15, 6, 1, "", "ALL_CAP_RE"], [15, 1, 1, "", "ApiClass"], [15, 6, 1, "", "FIRST_CAP_RE"], [15, 1, 1, "", "_ApiClassFactory"], [15, 7, 1, "", "_get_user_friendly_type_name"], [15, 7, 1, "", "_validate_instance"], [15, 7, 1, "", "camel_case"], [15, 7, 1, "", "get_clean_function_source_code"], [15, 7, 1, "", "get_clean_function_source_code_for_agent"], [15, 7, 1, "", "get_source_code"], [15, 7, 1, "", "snake_case"], [15, 7, 1, "", "upper_snake_case"], [15, 7, 1, "", "validate_class_method_annotations"], [15, 7, 1, "", "validate_constructor_arg_types"]], "abacusai.api_class.abstract.ApiClass": [[15, 2, 1, "", "__getitem__"], [15, 2, 1, "", "__post_init__"], [15, 2, 1, "", "__setitem__"], [15, 2, 1, "", "__str__"], [15, 2, 1, "", "_get_builder"], [15, 2, 1, "", "_repr_html_"], [15, 3, 1, "", "_support_kwargs"], [15, 2, 1, "", "_unset_item"], [15, 3, 1, "", "_upper_snake_case_keys"], [15, 2, 1, "", "from_dict"], [15, 2, 1, "", "get"], [15, 2, 1, "", "pop"], [15, 2, 1, "", "to_dict"]], "abacusai.api_class.abstract._ApiClassFactory": [[15, 3, 1, "", "config_abstract_class"], [15, 3, 1, "", "config_class_key"], [15, 3, 1, "", "config_class_map"], [15, 2, 1, "", "from_dict"]], "abacusai.api_class.ai_agents": [[16, 1, 1, "", "AgentConversationMessage"], [16, 1, 1, "", "DecisionNode"], [16, 1, 1, "", "FieldDescriptor"], [16, 1, 1, "", "InputNode"], [16, 1, 1, "", "JSONSchema"], [16, 1, 1, "", "LLMAgentNode"], [16, 6, 1, "", "MIN_AGENT_SLEEP_TIME"], [16, 1, 1, "", "TriggerConfig"], [16, 1, 1, "", "WorkflowGraph"], [16, 1, 1, "", "WorkflowGraphEdge"], [16, 1, 1, "", "WorkflowGraphNode"], [16, 1, 1, "", "WorkflowNodeInputMapping"], [16, 1, 1, "", "WorkflowNodeInputSchema"], [16, 1, 1, "", "WorkflowNodeOutputMapping"], [16, 1, 1, "", "WorkflowNodeOutputSchema"], [16, 1, 1, "", "WorkflowNodeTemplateConfig"], [16, 1, 1, "", "WorkflowNodeTemplateInput"], [16, 1, 1, "", "WorkflowNodeTemplateOutput"], [16, 7, 1, "", "validate_input_dict_param"]], "abacusai.api_class.ai_agents.AgentConversationMessage": [[16, 3, 1, "", "document_contents"], [16, 3, 1, "", "is_user"], [16, 3, 1, "", "text"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.DecisionNode": [[16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "function_name"], [16, 3, 1, "", "input_schema"], [16, 3, 1, "", "name"], [16, 3, 1, "", "node_type"], [16, 3, 1, "", "output_mappings"], [16, 3, 1, "", "output_schema"], [16, 3, 1, "", "source_code"], [16, 3, 1, "", "template_metadata"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "trigger_config"]], "abacusai.api_class.ai_agents.FieldDescriptor": [[16, 3, 1, "", "description"], [16, 3, 1, "", "example_extraction"], [16, 3, 1, "", "field"], [16, 3, 1, "", "type"]], "abacusai.api_class.ai_agents.InputNode": [[16, 2, 1, "", "_mark_file_inputs_in_schema"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 2, 1, "", "get_function_name"], [16, 2, 1, "", "get_input_schema"], [16, 2, 1, "", "get_source_code"], [16, 3, 1, "", "input_mappings"], [16, 3, 1, "", "input_schema"], [16, 2, 1, "", "is_special_node_type"], [16, 3, 1, "", "name"], [16, 3, 1, "", "node_type"], [16, 3, 1, "", "output_mappings"], [16, 3, 1, "", "output_schema"], [16, 3, 1, "", "source_code"], [16, 3, 1, "", "template_metadata"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "trigger_config"], [16, 3, 1, "", "uid"]], "abacusai.api_class.ai_agents.JSONSchema": [[16, 2, 1, "", "from_fields_list"], [16, 2, 1, "", "to_fields_list"]], "abacusai.api_class.ai_agents.LLMAgentNode": [[16, 3, 1, "", "chatbot_deployment_id"], [16, 3, 1, "", "chatbot_parameters"], [16, 2, 1, "", "from_dict"], [16, 2, 1, "", "get_function_name"], [16, 2, 1, "", "get_source_code"], [16, 2, 1, "", "is_special_node_type"], [16, 3, 1, "", "name"], [16, 3, 1, "", "node_type"], [16, 3, 1, "", "source_code"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "uid"]], "abacusai.api_class.ai_agents.TriggerConfig": [[16, 2, 1, "", "from_dict"], [16, 3, 1, "", "sleep_time"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowGraph": [[16, 2, 1, "", "__post_init__"], [16, 3, 1, "", "common_source_code"], [16, 3, 1, "", "edges"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "nodes"], [16, 3, 1, "", "primary_start_node"], [16, 3, 1, "", "specification_type"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowGraphEdge": [[16, 3, 1, "", "details"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "source"], [16, 3, 1, "", "target"], [16, 2, 1, "", "to_nx_edge"]], "abacusai.api_class.ai_agents.WorkflowGraphNode": [[16, 1, 1, "", "Outputs"], [16, 2, 1, "", "__getattribute__"], [16, 2, 1, "", "__setattr__"], [16, 2, 1, "", "_raw_init"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 2, 1, "", "from_system_tool"], [16, 2, 1, "", "from_template"], [16, 2, 1, "", "from_tool"], [16, 2, 1, "", "is_special_node_type"], [16, 2, 1, "", "is_template_node"], [16, 2, 1, "", "is_trigger_node"], [16, 3, 1, "", "node_type"], [16, 4, 1, "", "outputs"], [16, 3, 1, "", "template_metadata"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "trigger_config"]], "abacusai.api_class.ai_agents.WorkflowGraphNode.Outputs": [[16, 2, 1, "", "__getattr__"], [16, 3, 1, "", "node"]], "abacusai.api_class.ai_agents.WorkflowNodeInputMapping": [[16, 2, 1, "", "__post_init__"], [16, 3, 1, "", "constant_value"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "is_required"], [16, 3, 1, "", "long_description"], [16, 3, 1, "", "name"], [16, 3, 1, "", "source_prop"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "variable_source"], [16, 3, 1, "", "variable_type"]], "abacusai.api_class.ai_agents.WorkflowNodeInputSchema": [[16, 2, 1, "", "from_dict"], [16, 2, 1, "", "from_input_mappings"], [16, 2, 1, "", "from_tool_variable_mappings"], [16, 2, 1, "", "from_workflow_node"], [16, 3, 1, "", "json_schema"], [16, 3, 1, "", "runtime_schema"], [16, 3, 1, "", "schema_prop"], [16, 3, 1, "", "schema_source"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "ui_schema"]], "abacusai.api_class.ai_agents.WorkflowNodeOutputMapping": [[16, 2, 1, "", "__post_init__"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "long_description"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "variable_type"]], "abacusai.api_class.ai_agents.WorkflowNodeOutputSchema": [[16, 2, 1, "", "from_dict"], [16, 3, 1, "", "json_schema"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowNodeTemplateConfig": [[16, 3, 1, "", "default_value"], [16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "is_required"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowNodeTemplateInput": [[16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "is_required"], [16, 3, 1, "", "long_description"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"]], "abacusai.api_class.ai_agents.WorkflowNodeTemplateOutput": [[16, 3, 1, "", "description"], [16, 2, 1, "", "from_dict"], [16, 3, 1, "", "long_description"], [16, 3, 1, "", "name"], [16, 2, 1, "", "to_dict"], [16, 3, 1, "", "variable_type"]], "abacusai.api_class.ai_chat": [[17, 1, 1, "", "HotkeyPrompt"]], "abacusai.api_class.ai_chat.HotkeyPrompt": [[17, 3, 1, "", "disable_problem_type_context"], [17, 3, 1, "", "ignore_history"], [17, 3, 1, "", "prompt"], [17, 3, 1, "", "title"]], "abacusai.api_class.batch_prediction": [[18, 1, 1, "", "AIAgentBatchPredictionArgs"], [18, 1, 1, "", "BatchPredictionArgs"], [18, 1, 1, "", "ChatLLMBatchPredictionArgs"], [18, 1, 1, "", "ForecastingBatchPredictionArgs"], [18, 1, 1, "", "NamedEntityExtractionBatchPredictionArgs"], [18, 1, 1, "", "PersonalizationBatchPredictionArgs"], [18, 1, 1, "", "PredictiveModelingBatchPredictionArgs"], [18, 1, 1, "", "PretrainedModelsBatchPredictionArgs"], [18, 1, 1, "", "SentenceBoundaryDetectionBatchPredictionArgs"], [18, 1, 1, "", "ThemeAnalysisBatchPredictionArgs"], [18, 1, 1, "", "TrainablePlugAndPlayBatchPredictionArgs"], [18, 1, 1, "", "_BatchPredictionArgsFactory"]], "abacusai.api_class.batch_prediction.AIAgentBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"]], "abacusai.api_class.batch_prediction.BatchPredictionArgs": [[18, 2, 1, "", "_get_builder"], [18, 3, 1, "", "_support_kwargs"], [18, 3, 1, "", "kwargs"], [18, 3, 1, "", "problem_type"]], "abacusai.api_class.batch_prediction.ChatLLMBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.ForecastingBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "create_monitor"], [18, 3, 1, "", "explain_predictions"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "forecasting_horizon"], [18, 3, 1, "", "item_attributes_to_include_in_the_result"], [18, 3, 1, "", "predictions_start_date"], [18, 3, 1, "", "start_date_offset"], [18, 3, 1, "", "use_prediction_offset"]], "abacusai.api_class.batch_prediction.NamedEntityExtractionBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.PersonalizationBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "item_attributes_to_include_in_the_result"], [18, 3, 1, "", "number_of_items"], [18, 3, 1, "", "score_field"]], "abacusai.api_class.batch_prediction.PredictiveModelingBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "create_monitor"], [18, 3, 1, "", "explain_predictions"], [18, 3, 1, "", "explainer_type"], [18, 3, 1, "", "explanation_filter_label"], [18, 3, 1, "", "explanation_filter_lower_bound"], [18, 3, 1, "", "explanation_filter_upper_bound"], [18, 3, 1, "", "features_considered_constant_for_explanations"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "importance_of_records_in_nested_columns"], [18, 3, 1, "", "include_multi_class_explanations"], [18, 3, 1, "", "number_of_samples_to_use_for_explainer"], [18, 3, 1, "", "output_columns"]], "abacusai.api_class.batch_prediction.PretrainedModelsBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "channel_id_to_label_map"], [18, 3, 1, "", "files_input_location"], [18, 3, 1, "", "files_output_location_prefix"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.SentenceBoundaryDetectionBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "explode_output"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction.ThemeAnalysisBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "analysis_days"], [18, 3, 1, "", "analysis_frequency"], [18, 3, 1, "", "for_eval"], [18, 3, 1, "", "start_date"]], "abacusai.api_class.batch_prediction.TrainablePlugAndPlayBatchPredictionArgs": [[18, 2, 1, "", "__post_init__"], [18, 3, 1, "", "create_monitor"], [18, 3, 1, "", "for_eval"]], "abacusai.api_class.batch_prediction._BatchPredictionArgsFactory": [[18, 3, 1, "", "config_abstract_class"], [18, 3, 1, "", "config_class_key"], [18, 3, 1, "", "config_class_map"]], "abacusai.api_class.blob_input": [[19, 1, 1, "", "Blob"], [19, 1, 1, "", "BlobInput"]], "abacusai.api_class.blob_input.Blob": [[19, 3, 1, "", "contents"], [19, 3, 1, "", "filename"], [19, 2, 1, "", "from_contents"], [19, 2, 1, "", "from_local_file"], [19, 3, 1, "", "mime_type"], [19, 3, 1, "", "size"]], "abacusai.api_class.connectors": [[20, 1, 1, "", "KafkaDatasetConfig"], [20, 1, 1, "", "StreamingConnectorDatasetConfig"], [20, 1, 1, "", "_StreamingConnectorDatasetConfigFactory"]], "abacusai.api_class.connectors.KafkaDatasetConfig": [[20, 2, 1, "", "__post_init__"], [20, 3, 1, "", "topic"]], "abacusai.api_class.connectors.StreamingConnectorDatasetConfig": [[20, 2, 1, "", "_get_builder"], [20, 3, 1, "", "streaming_connector_type"]], "abacusai.api_class.connectors._StreamingConnectorDatasetConfigFactory": [[20, 3, 1, "", "config_abstract_class"], [20, 3, 1, "", "config_class_key"], [20, 3, 1, "", "config_class_map"]], "abacusai.api_class.dataset": [[21, 1, 1, "", "AttachmentParsingConfig"], [21, 1, 1, "", "DatasetConfig"], [21, 1, 1, "", "DatasetDocumentProcessingConfig"], [21, 1, 1, "", "DocumentProcessingConfig"], [21, 1, 1, "", "IncrementalDatabaseConnectorConfig"], [21, 1, 1, "", "ParsingConfig"]], "abacusai.api_class.dataset.AttachmentParsingConfig": [[21, 3, 1, "", "column_name"], [21, 3, 1, "", "feature_group_name"], [21, 3, 1, "", "urls"]], "abacusai.api_class.dataset.DatasetConfig": [[21, 3, 1, "", "is_documentset"]], "abacusai.api_class.dataset.DatasetDocumentProcessingConfig": [[21, 3, 1, "", "page_text_column"]], "abacusai.api_class.dataset.DocumentProcessingConfig": [[21, 2, 1, "", "__post_init__"], [21, 2, 1, "", "_detect_ocr_mode"], [21, 2, 1, "", "_get_filtered_dict"], [21, 3, 1, "", "convert_to_markdown"], [21, 3, 1, "", "document_type"], [21, 3, 1, "", "extract_bounding_boxes"], [21, 3, 1, "", "extract_images"], [21, 3, 1, "", "highlight_relevant_text"], [21, 3, 1, "", "mask_pii"], [21, 3, 1, "", "ocr_mode"], [21, 3, 1, "", "remove_header_footer"], [21, 3, 1, "", "remove_watermarks"], [21, 3, 1, "", "use_full_ocr"]], "abacusai.api_class.dataset.IncrementalDatabaseConnectorConfig": [[21, 3, 1, "", "timestamp_column"]], "abacusai.api_class.dataset.ParsingConfig": [[21, 3, 1, "", "csv_delimiter"], [21, 3, 1, "", "escape"], [21, 3, 1, "", "file_path_with_schema"]], "abacusai.api_class.dataset_application_connector": [[22, 1, 1, "", "AbacusUsageMetricsDatasetConfig"], [22, 1, 1, "", "ApplicationConnectorDatasetConfig"], [22, 1, 1, "", "AzureStorageDatasetConfig"], [22, 1, 1, "", "BoxDatasetConfig"], [22, 1, 1, "", "ConfluenceDatasetConfig"], [22, 1, 1, "", "FreshserviceDatasetConfig"], [22, 1, 1, "", "GoogleAnalyticsDatasetConfig"], [22, 1, 1, "", "GoogleDriveDatasetConfig"], [22, 1, 1, "", "JiraDatasetConfig"], [22, 1, 1, "", "OneDriveDatasetConfig"], [22, 1, 1, "", "OutlookDatasetConfig"], [22, 1, 1, "", "SftpDatasetConfig"], [22, 1, 1, "", "SharepointDatasetConfig"], [22, 1, 1, "", "TeamsScraperDatasetConfig"], [22, 1, 1, "", "ZendeskDatasetConfig"], [22, 1, 1, "", "_ApplicationConnectorDatasetConfigFactory"]], "abacusai.api_class.dataset_application_connector.AbacusUsageMetricsDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "include_all_feedback"], [22, 3, 1, "", "include_entire_conversation_history"], [22, 3, 1, "", "resolve_matching_documents"]], "abacusai.api_class.dataset_application_connector.ApplicationConnectorDatasetConfig": [[22, 2, 1, "", "_get_builder"], [22, 3, 1, "", "application_connector_id"], [22, 3, 1, "", "application_connector_type"], [22, 3, 1, "", "document_processing_config"]], "abacusai.api_class.dataset_application_connector.AzureStorageDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.BoxDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.ConfluenceDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "location_type"], [22, 3, 1, "", "pull_attachments"], [22, 3, 1, "", "space_key"]], "abacusai.api_class.dataset_application_connector.FreshserviceDatasetConfig": [[22, 2, 1, "", "__post_init__"]], "abacusai.api_class.dataset_application_connector.GoogleAnalyticsDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "end_timestamp"], [22, 3, 1, "", "location"], [22, 3, 1, "", "start_timestamp"]], "abacusai.api_class.dataset_application_connector.GoogleDriveDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "location_type"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.JiraDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "custom_fields"], [22, 3, 1, "", "include_comments"], [22, 3, 1, "", "include_watchers"], [22, 3, 1, "", "jql"]], "abacusai.api_class.dataset_application_connector.OneDriveDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.OutlookDatasetConfig": [[22, 2, 1, "", "__post_init__"]], "abacusai.api_class.dataset_application_connector.SftpDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.SharepointDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "add_file_metadata"], [22, 3, 1, "", "csv_delimiter"], [22, 3, 1, "", "extract_bounding_boxes"], [22, 3, 1, "", "location"], [22, 3, 1, "", "merge_file_schemas"]], "abacusai.api_class.dataset_application_connector.TeamsScraperDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "max_days_to_lookback"], [22, 3, 1, "", "pull_channel_posts"], [22, 3, 1, "", "pull_chat_messages"], [22, 3, 1, "", "pull_transcripts"]], "abacusai.api_class.dataset_application_connector.ZendeskDatasetConfig": [[22, 2, 1, "", "__post_init__"], [22, 3, 1, "", "location"]], "abacusai.api_class.dataset_application_connector._ApplicationConnectorDatasetConfigFactory": [[22, 3, 1, "", "config_abstract_class"], [22, 3, 1, "", "config_class_key"], [22, 3, 1, "", "config_class_map"]], "abacusai.api_class.deployment": [[23, 1, 1, "", "ChatLLMPredictionArguments"], [23, 1, 1, "", "CumulativeForecastingPredictionArguments"], [23, 1, 1, "", "FeatureStorePredictionArguments"], [23, 1, 1, "", "ForecastingPredictionArguments"], [23, 1, 1, "", "NaturalLanguageSearchPredictionArguments"], [23, 1, 1, "", "OptimizationPredictionArguments"], [23, 1, 1, "", "PredictionArguments"], [23, 1, 1, "", "RegressionPredictionArguments"], [23, 1, 1, "", "TimeseriesAnomalyPredictionArguments"], [23, 1, 1, "", "_PredictionArgumentsFactory"]], "abacusai.api_class.deployment.ChatLLMPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "ignore_documents"], [23, 3, 1, "", "llm_name"], [23, 3, 1, "", "num_completion_tokens"], [23, 3, 1, "", "search_score_cutoff"], [23, 3, 1, "", "system_message"], [23, 3, 1, "", "temperature"]], "abacusai.api_class.deployment.CumulativeForecastingPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "explain_predictions"], [23, 3, 1, "", "explainer_type"], [23, 3, 1, "", "get_item_data"], [23, 3, 1, "", "num_predictions"], [23, 3, 1, "", "prediction_start"]], "abacusai.api_class.deployment.FeatureStorePredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "limit_results"]], "abacusai.api_class.deployment.ForecastingPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "explain_predictions"], [23, 3, 1, "", "explainer_type"], [23, 3, 1, "", "get_item_data"], [23, 3, 1, "", "num_predictions"], [23, 3, 1, "", "prediction_start"]], "abacusai.api_class.deployment.NaturalLanguageSearchPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "ignore_documents"], [23, 3, 1, "", "llm_name"], [23, 3, 1, "", "num_completion_tokens"], [23, 3, 1, "", "search_score_cutoff"], [23, 3, 1, "", "system_message"], [23, 3, 1, "", "temperature"]], "abacusai.api_class.deployment.OptimizationPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "forced_assignments"], [23, 3, 1, "", "include_all_assignments"], [23, 3, 1, "", "solve_time_limit_seconds"]], "abacusai.api_class.deployment.PredictionArguments": [[23, 2, 1, "", "_get_builder"], [23, 3, 1, "", "_support_kwargs"], [23, 3, 1, "", "kwargs"], [23, 3, 1, "", "problem_type"]], "abacusai.api_class.deployment.RegressionPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "explain_predictions"], [23, 3, 1, "", "explainer_type"]], "abacusai.api_class.deployment.TimeseriesAnomalyPredictionArguments": [[23, 2, 1, "", "__post_init__"], [23, 3, 1, "", "end_timestamp"], [23, 3, 1, "", "get_all_item_data"], [23, 3, 1, "", "start_timestamp"]], "abacusai.api_class.deployment._PredictionArgumentsFactory": [[23, 3, 1, "", "config_abstract_class"], [23, 3, 1, "", "config_class_key"], [23, 3, 1, "", "config_class_map"]], "abacusai.api_class.document_retriever": [[24, 6, 1, "", "DocumentRetrieverConfig"], [24, 1, 1, "", "VectorStoreConfig"]], "abacusai.api_class.document_retriever.VectorStoreConfig": [[24, 3, 1, "", "chunk_overlap_fraction"], [24, 3, 1, "", "chunk_size"], [24, 3, 1, "", "chunk_size_factors"], [24, 3, 1, "", "index_metadata_columns"], [24, 3, 1, "", "prune_vectors"], [24, 3, 1, "", "score_multiplier_column"], [24, 3, 1, "", "standalone_deployment"], [24, 3, 1, "", "summary_instructions"], [24, 3, 1, "", "text_encoder"], [24, 3, 1, "", "use_document_summary"]], "abacusai.api_class.enums": [[25, 1, 1, "", "AgentClientType"], [25, 1, 1, "", "AgentInterface"], [25, 1, 1, "", "AlertActionType"], [25, 1, 1, "", "ApiEnum"], [25, 1, 1, "", "ApplicationConnectorType"], [25, 1, 1, "", "BatchSize"], [25, 1, 1, "", "BiasType"], [25, 1, 1, "", "CPUSize"], [25, 1, 1, "", "ClusteringImputationMethod"], [25, 1, 1, "", "CodeLanguage"], [25, 1, 1, "", "ConnectorType"], [25, 1, 1, "", "DataIntegrityViolationType"], [25, 1, 1, "", "DataType"], [25, 1, 1, "", "DeploymentConversationType"], [25, 1, 1, "", "DocumentType"], [25, 1, 1, "", "EvalArtifactType"], [25, 1, 1, "", "ExperimentationMode"], [25, 1, 1, "", "ExplainerType"], [25, 1, 1, "", "FeatureDriftType"], [25, 1, 1, "", "FieldDescriptorType"], [25, 1, 1, "", "FileFormat"], [25, 1, 1, "", "FillLogic"], [25, 1, 1, "", "ForecastingDataSplitType"], [25, 1, 1, "", "ForecastingFillMethod"], [25, 1, 1, "", "ForecastingFrequency"], [25, 1, 1, "", "ForecastingLocalScaling"], [25, 1, 1, "", "ForecastingLossFunction"], [25, 1, 1, "", "ForecastingObjective"], [25, 1, 1, "", "ForecastingQuanitlesExtensionMethod"], [25, 1, 1, "", "HolidayCalendars"], [25, 1, 1, "", "LLMName"], [25, 1, 1, "", "MarkdownOperatorInputType"], [25, 1, 1, "", "MemorySize"], [25, 1, 1, "", "MergeMode"], [25, 1, 1, "", "MonitorAlertType"], [25, 1, 1, "", "NERModelType"], [25, 1, 1, "", "NERObjective"], [25, 1, 1, "", "NLPDocumentFormat"], [25, 1, 1, "", "OcrMode"], [25, 1, 1, "", "OperatorType"], [25, 1, 1, "", "OrganizationSecretType"], [25, 1, 1, "", "PartialDependenceAnalysis"], [25, 1, 1, "", "PersonalizationObjective"], [25, 1, 1, "", "PersonalizationTrainingMode"], [25, 1, 1, "", "ProblemType"], [25, 1, 1, "", "ProjectConfigType"], [25, 1, 1, "", "PythonFunctionArgumentType"], [25, 1, 1, "", "PythonFunctionOutputArgumentType"], [25, 1, 1, "", "PythonFunctionType"], [25, 1, 1, "", "RegressionAugmentationStrategy"], [25, 1, 1, "", "RegressionLossFunction"], [25, 1, 1, "", "RegressionObjective"], [25, 1, 1, "", "RegressionTargetTransform"], [25, 1, 1, "", "RegressionTimeSplitMethod"], [25, 1, 1, "", "RegressionTreeHPOMode"], [25, 1, 1, "", "RegressionTypeOfSplit"], [25, 1, 1, "", "ResponseSectionType"], [25, 1, 1, "", "SamplingMethodType"], [25, 1, 1, "", "SentimentType"], [25, 1, 1, "", "StdDevThresholdType"], [25, 1, 1, "", "StreamingConnectorType"], [25, 1, 1, "", "TimeseriesAnomalyDataSplitType"], [25, 1, 1, "", "TimeseriesAnomalyTypeOfAnomaly"], [25, 1, 1, "", "TimeseriesAnomalyUseHeuristic"], [25, 1, 1, "", "VectorStoreTextEncoder"], [25, 1, 1, "", "WorkflowNodeInputType"], [25, 1, 1, "", "WorkflowNodeOutputType"], [25, 1, 1, "", "WorkflowNodeTemplateType"], [25, 7, 1, "", "deprecated_enums"]], "abacusai.api_class.enums.AgentClientType": [[25, 3, 1, "", "API"], [25, 3, 1, "", "CHAT_UI"], [25, 3, 1, "", "MESSAGING_APP"]], "abacusai.api_class.enums.AgentInterface": [[25, 3, 1, "", "AUTONOMOUS"], [25, 3, 1, "", "CHAT"], [25, 3, 1, "", "DEFAULT"], [25, 3, 1, "", "MATRIX"]], "abacusai.api_class.enums.AlertActionType": [[25, 3, 1, "", "EMAIL"]], "abacusai.api_class.enums.ApiEnum": [[25, 3, 1, "", "__deprecated_values__"], [25, 2, 1, "", "__eq__"], [25, 2, 1, "", "__hash__"], [25, 2, 1, "", "is_deprecated"]], "abacusai.api_class.enums.ApplicationConnectorType": [[25, 3, 1, "", "ABACUSUSAGEMETRICS"], [25, 3, 1, "", "AZURESTORAGE"], [25, 3, 1, "", "BIGQUERY"], [25, 3, 1, "", "BOX"], [25, 3, 1, "", "CONFLUENCE"], [25, 3, 1, "", "DBC"], [25, 3, 1, "", "FRESHSERVICE"], [25, 3, 1, "", "GENERIC_OAUTH"], [25, 3, 1, "", "GIT"], [25, 3, 1, "", "GITHUBUSER"], [25, 3, 1, "", "GMAILUSER"], [25, 3, 1, "", "GOOGLEANALYTICS"], [25, 3, 1, "", "GOOGLECALENDAR"], [25, 3, 1, "", "GOOGLEDOCS"], [25, 3, 1, "", "GOOGLEDRIVE"], [25, 3, 1, "", "GOOGLEDRIVEUSER"], [25, 3, 1, "", "GOOGLESHEETS"], [25, 3, 1, "", "GOOGLEWORKSPACEUSER"], [25, 3, 1, "", "JIRA"], [25, 3, 1, "", "MCP"], [25, 3, 1, "", "MICROSOFTAUTH"], [25, 3, 1, "", "OAUTH"], [25, 3, 1, "", "ODBC"], [25, 3, 1, "", "OKTASAML"], [25, 3, 1, "", "ONEDRIVE"], [25, 3, 1, "", "OUTLOOK"], [25, 3, 1, "", "SALESFORCE"], [25, 3, 1, "", "SFTPAPPLICATION"], [25, 3, 1, "", "SHAREPOINT"], [25, 3, 1, "", "SLACK"], [25, 3, 1, "", "TEAMS"], [25, 3, 1, "", "TEAMSSCRAPER"], [25, 3, 1, "", "TWITTER"], [25, 3, 1, "", "ZENDESK"], [25, 3, 1, "", "ZENDESKSUNSHINEMESSAGING"], [25, 2, 1, "", "database_connectors"], [25, 2, 1, "", "user_connectors"]], "abacusai.api_class.enums.BatchSize": [[25, 3, 1, "", "BATCH_1024"], [25, 3, 1, "", "BATCH_128"], [25, 3, 1, "", "BATCH_16"], [25, 3, 1, "", "BATCH_256"], [25, 3, 1, "", "BATCH_32"], [25, 3, 1, "", "BATCH_384"], [25, 3, 1, "", "BATCH_512"], [25, 3, 1, "", "BATCH_64"], [25, 3, 1, "", "BATCH_740"], [25, 3, 1, "", "BATCH_8"]], "abacusai.api_class.enums.BiasType": [[25, 3, 1, "", "DEMOGRAPHIC_PARITY"], [25, 3, 1, "", "EQUAL_OPPORTUNITY"], [25, 3, 1, "", "GROUP_BENEFIT_EQUALITY"], [25, 3, 1, "", "TOTAL"]], "abacusai.api_class.enums.CPUSize": [[25, 3, 1, "", "LARGE"], [25, 3, 1, "", "MEDIUM"], [25, 3, 1, "", "SMALL"]], "abacusai.api_class.enums.ClusteringImputationMethod": [[25, 3, 1, "", "AUTOMATIC"], [25, 3, 1, "", "INTERPOLATE"], [25, 3, 1, "", "ZEROS"]], "abacusai.api_class.enums.CodeLanguage": [[25, 3, 1, "", "PYTHON"], [25, 3, 1, "", "SQL"]], "abacusai.api_class.enums.ConnectorType": [[25, 3, 1, "", "APPLICATION"], [25, 3, 1, "", "DATABASE"], [25, 3, 1, "", "FILE"], [25, 3, 1, "", "STREAMING"]], "abacusai.api_class.enums.DataIntegrityViolationType": [[25, 3, 1, "", "CATEGORICAL_RANGE_VIOLATION"], [25, 3, 1, "", "NULL_VIOLATIONS"], [25, 3, 1, "", "RANGE_VIOLATIONS"], [25, 3, 1, "", "TOTAL_VIOLATIONS"]], "abacusai.api_class.enums.DataType": [[25, 3, 1, "", "BINARY"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATE"], [25, 3, 1, "", "DATETIME"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "NULL"], [25, 3, 1, "", "STRING"], [25, 3, 1, "", "STRUCT"]], "abacusai.api_class.enums.DeploymentConversationType": [[25, 3, 1, "", "AGENT_CONTROLLER"], [25, 3, 1, "", "APP_LLM"], [25, 3, 1, "", "BROWSER_EXTENSION"], [25, 3, 1, "", "CHAT_LLM"], [25, 3, 1, "", "CHAT_LLM_TASK"], [25, 3, 1, "", "CODE_LLM"], [25, 3, 1, "", "CODE_LLM_AGENT"], [25, 3, 1, "", "CODE_LLM_NON_INTERACTIVE"], [25, 3, 1, "", "COMPLEX_AGENT"], [25, 3, 1, "", "COMPUTER_AGENT"], [25, 3, 1, "", "COPILOT"], [25, 3, 1, "", "SEARCH_LLM"], [25, 3, 1, "", "SIMPLE_AGENT"], [25, 3, 1, "", "SUPER_AGENT"], [25, 3, 1, "", "TEST_AGENT"], [25, 3, 1, "", "WORKFLOW_AGENT"]], "abacusai.api_class.enums.DocumentType": [[25, 3, 1, "", "COMPREHENSIVE_MARKDOWN"], [25, 3, 1, "", "EMBEDDED_IMAGES"], [25, 3, 1, "", "SCANNED_TEXT"], [25, 3, 1, "", "SIMPLE_TEXT"], [25, 3, 1, "", "TABLES_AND_FORMS"], [25, 3, 1, "", "TEXT"], [25, 2, 1, "", "is_ocr_forced"]], "abacusai.api_class.enums.EvalArtifactType": [[25, 3, 1, "", "FORECASTING_ACCURACY"], [25, 3, 1, "", "FORECASTING_HISTORY_LENGTH_ACCURACY"], [25, 3, 1, "", "FORECASTING_VOLUME"]], "abacusai.api_class.enums.ExperimentationMode": [[25, 3, 1, "", "RAPID"], [25, 3, 1, "", "THOROUGH"]], "abacusai.api_class.enums.ExplainerType": [[25, 3, 1, "", "EBM_EXPLAINER"], [25, 3, 1, "", "KERNEL_EXPLAINER"], [25, 3, 1, "", "LIME_EXPLAINER"], [25, 3, 1, "", "TREE_EXPLAINER"]], "abacusai.api_class.enums.FeatureDriftType": [[25, 3, 1, "", "CHI_SQUARE"], [25, 3, 1, "", "CSI"], [25, 3, 1, "", "JS"], [25, 3, 1, "", "KL"], [25, 3, 1, "", "KS"], [25, 3, 1, "", "PSI"], [25, 3, 1, "", "WS"]], "abacusai.api_class.enums.FieldDescriptorType": [[25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATE"], [25, 3, 1, "", "DATETIME"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "STRING"]], "abacusai.api_class.enums.FileFormat": [[25, 3, 1, "", "AVRO"], [25, 3, 1, "", "CSV"], [25, 3, 1, "", "DOCX"], [25, 3, 1, "", "EML"], [25, 3, 1, "", "FLV"], [25, 3, 1, "", "GIF"], [25, 3, 1, "", "GZ"], [25, 3, 1, "", "HTML"], [25, 3, 1, "", "JPEG"], [25, 3, 1, "", "JSON"], [25, 3, 1, "", "MD"], [25, 3, 1, "", "MOV"], [25, 3, 1, "", "MP3"], [25, 3, 1, "", "MP4"], [25, 3, 1, "", "MPEG"], [25, 3, 1, "", "MPG"], [25, 3, 1, "", "MSG"], [25, 3, 1, "", "NUMBERS"], [25, 3, 1, "", "ODS"], [25, 3, 1, "", "ORC"], [25, 3, 1, "", "PARQUET"], [25, 3, 1, "", "PDF"], [25, 3, 1, "", "PNG"], [25, 3, 1, "", "PPT"], [25, 3, 1, "", "PPTX"], [25, 3, 1, "", "RAR"], [25, 3, 1, "", "TAR"], [25, 3, 1, "", "TFRECORD"], [25, 3, 1, "", "TIF"], [25, 3, 1, "", "TS"], [25, 3, 1, "", "TSV"], [25, 3, 1, "", "TSX"], [25, 3, 1, "", "TXT"], [25, 3, 1, "", "WEBM"], [25, 3, 1, "", "WEBP"], [25, 3, 1, "", "WMV"], [25, 3, 1, "", "XLS"], [25, 3, 1, "", "ZIP"]], "abacusai.api_class.enums.FillLogic": [[25, 3, 1, "", "AVERAGE"], [25, 3, 1, "", "BACKFILL"], [25, 3, 1, "", "CUSTOM"], [25, 3, 1, "", "FORWARDFILL"], [25, 3, 1, "", "LINEAR"], [25, 3, 1, "", "MAX"], [25, 3, 1, "", "MEDIAN"], [25, 3, 1, "", "MIN"], [25, 3, 1, "", "NEAREST"]], "abacusai.api_class.enums.ForecastingDataSplitType": [[25, 3, 1, "", "AUTO"], [25, 3, 1, "", "ITEM"], [25, 3, 1, "", "L_SHAPED_AUTO"], [25, 3, 1, "", "L_SHAPED_TIMESTAMP"], [25, 3, 1, "", "PREDICTION_LENGTH"], [25, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.enums.ForecastingFillMethod": [[25, 3, 1, "", "BACK"], [25, 3, 1, "", "FUTURE"], [25, 3, 1, "", "MIDDLE"]], "abacusai.api_class.enums.ForecastingFrequency": [[25, 3, 1, "", "DAILY"], [25, 3, 1, "", "HOURLY"], [25, 3, 1, "", "MONTH_END"], [25, 3, 1, "", "MONTH_START"], [25, 3, 1, "", "QUARTER_END"], [25, 3, 1, "", "QUARTER_START"], [25, 3, 1, "", "WEEKLY_MONDAY_START"], [25, 3, 1, "", "WEEKLY_SATURDAY_START"], [25, 3, 1, "", "WEEKLY_SUNDAY_START"], [25, 3, 1, "", "YEARLY"]], "abacusai.api_class.enums.ForecastingLocalScaling": [[25, 3, 1, "", "ITEM"], [25, 3, 1, "", "LAST_POINT"], [25, 3, 1, "", "MIN_MAX"], [25, 3, 1, "", "MIN_STD"], [25, 3, 1, "", "ROBUST"], [25, 3, 1, "", "SLIDING_ZSCORE"], [25, 3, 1, "", "ZSCORE"]], "abacusai.api_class.enums.ForecastingLossFunction": [[25, 3, 1, "", "ASYMMETRIC_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [25, 3, 1, "", "CUSTOM"], [25, 3, 1, "", "GAUSSIAN"], [25, 3, 1, "", "GAUSSIAN_FULL_COVARIANCE"], [25, 3, 1, "", "GUASSIAN_EXPONENTIAL"], [25, 3, 1, "", "LOG_ROOT_MEAN_SQUARE_ERROR"], [25, 3, 1, "", "MEAN_ABSOLUTE_ERROR"], [25, 3, 1, "", "MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [25, 3, 1, "", "MIX_GAUSSIANS"], [25, 3, 1, "", "NEGATIVE_BINOMIAL"], [25, 3, 1, "", "NORMALIZED_MEAN_ABSOLUTE_ERROR"], [25, 3, 1, "", "NORMALIZED_ROOT_MEAN_SQUARE_ERROR"], [25, 3, 1, "", "PEAKS_MEAN_ABSOLUTE_ERROR"], [25, 3, 1, "", "POINTWISE_ACCURACY"], [25, 3, 1, "", "ROOT_MEAN_SQUARE_ERROR"], [25, 3, 1, "", "STABLE_STANDARDIZED_MEAN_ABSOLUTE_PERCENTAGE_ERROR"], [25, 3, 1, "", "WEIBULL"]], "abacusai.api_class.enums.ForecastingObjective": [[25, 3, 1, "", "ACCURACY"], [25, 3, 1, "", "BIAS"], [25, 3, 1, "", "CMAPE"], [25, 3, 1, "", "CV"], [25, 3, 1, "", "MAPE"], [25, 3, 1, "", "RMSE"], [25, 3, 1, "", "SRMSE"], [25, 3, 1, "", "WAPE"]], "abacusai.api_class.enums.ForecastingQuanitlesExtensionMethod": [[25, 3, 1, "", "ANCESTRAL_SIMULATION"], [25, 3, 1, "", "DIRECT"], [25, 3, 1, "", "QUADRATIC"]], "abacusai.api_class.enums.HolidayCalendars": [[25, 3, 1, "", "AU"], [25, 3, 1, "", "UK"], [25, 3, 1, "", "US"]], "abacusai.api_class.enums.LLMName": [[25, 3, 1, "", "ABACUS_DRACARYS"], [25, 3, 1, "", "ABACUS_SMAUG3"], [25, 3, 1, "", "CLAUDE_V3_5_HAIKU"], [25, 3, 1, "", "CLAUDE_V3_5_SONNET"], [25, 3, 1, "", "CLAUDE_V3_7_SONNET"], [25, 3, 1, "", "CLAUDE_V3_HAIKU"], [25, 3, 1, "", "CLAUDE_V3_OPUS"], [25, 3, 1, "", "CLAUDE_V4_5_SONNET"], [25, 3, 1, "", "CLAUDE_V4_OPUS"], [25, 3, 1, "", "CLAUDE_V4_SONNET"], [25, 3, 1, "", "DEEPSEEK_R1"], [25, 3, 1, "", "DEEPSEEK_V3_1"], [25, 3, 1, "", "GEMINI_1_5_FLASH"], [25, 3, 1, "", "GEMINI_1_5_PRO"], [25, 3, 1, "", "GEMINI_2_5_FLASH"], [25, 3, 1, "", "GEMINI_2_5_PRO"], [25, 3, 1, "", "GEMINI_2_FLASH"], [25, 3, 1, "", "GEMINI_2_PRO"], [25, 3, 1, "", "GEMINI_3_FLASH"], [25, 3, 1, "", "GEMINI_3_PRO"], [25, 3, 1, "", "LLAMA3_1_405B"], [25, 3, 1, "", "LLAMA3_1_70B"], [25, 3, 1, "", "LLAMA3_1_8B"], [25, 3, 1, "", "LLAMA3_3_70B"], [25, 3, 1, "", "LLAMA3_LARGE_CHAT"], [25, 3, 1, "", "LLAMA4_MAVERICK"], [25, 3, 1, "", "OPENAI_GPT3_5"], [25, 3, 1, "", "OPENAI_GPT3_5_TEXT"], [25, 3, 1, "", "OPENAI_GPT4"], [25, 3, 1, "", "OPENAI_GPT4O"], [25, 3, 1, "", "OPENAI_GPT4O_MINI"], [25, 3, 1, "", "OPENAI_GPT4_1"], [25, 3, 1, "", "OPENAI_GPT4_128K"], [25, 3, 1, "", "OPENAI_GPT4_128K_LATEST"], [25, 3, 1, "", "OPENAI_GPT4_1_MINI"], [25, 3, 1, "", "OPENAI_GPT4_1_NANO"], [25, 3, 1, "", "OPENAI_GPT4_32K"], [25, 3, 1, "", "OPENAI_GPT5"], [25, 3, 1, "", "OPENAI_GPT5_1"], [25, 3, 1, "", "OPENAI_GPT5_2"], [25, 3, 1, "", "OPENAI_GPT5_MINI"], [25, 3, 1, "", "OPENAI_GPT5_MINI_HIGH"], [25, 3, 1, "", "OPENAI_GPT5_MINI_LOW"], [25, 3, 1, "", "OPENAI_GPT5_NANO"], [25, 3, 1, "", "OPENAI_GPT5_NANO_HIGH"], [25, 3, 1, "", "OPENAI_O1_MINI"], [25, 3, 1, "", "OPENAI_O3"], [25, 3, 1, "", "OPENAI_O3_HIGH"], [25, 3, 1, "", "OPENAI_O4_MINI"], [25, 3, 1, "", "OPENAI_O4_MINI_HIGH"], [25, 3, 1, "", "QWEN3_235B_A22B"], [25, 3, 1, "", "QWEN3_32B"], [25, 3, 1, "", "QWEN3_CODER"], [25, 3, 1, "", "QWEN_2_5_32B"], [25, 3, 1, "", "QWEN_2_5_32B_BASE"], [25, 3, 1, "", "QWEN_2_5_72B"], [25, 3, 1, "", "QWQ_32B"], [25, 3, 1, "", "XAI_GROK"], [25, 3, 1, "", "XAI_GROK_3"], [25, 3, 1, "", "XAI_GROK_3_MINI"], [25, 3, 1, "", "XAI_GROK_4"]], "abacusai.api_class.enums.MarkdownOperatorInputType": [[25, 3, 1, "", "HTML"]], "abacusai.api_class.enums.MemorySize": [[25, 3, 1, "", "LARGE"], [25, 3, 1, "", "MEDIUM"], [25, 3, 1, "", "SMALL"], [25, 3, 1, "", "XLARGE"], [25, 2, 1, "", "from_value"]], "abacusai.api_class.enums.MergeMode": [[25, 3, 1, "", "LAST_N"], [25, 3, 1, "", "TIME_WINDOW"]], "abacusai.api_class.enums.MonitorAlertType": [[25, 3, 1, "", "ACCURACY_BELOW_THRESHOLD"], [25, 3, 1, "", "BIAS_VIOLATIONS"], [25, 3, 1, "", "DATA_INTEGRITY_VIOLATIONS"], [25, 3, 1, "", "FEATURE_DRIFT"], [25, 3, 1, "", "HISTORY_LENGTH_DRIFT"], [25, 3, 1, "", "PREDICTION_COUNT"], [25, 3, 1, "", "TARGET_DRIFT"]], "abacusai.api_class.enums.NERModelType": [[25, 3, 1, "", "LEARNED"], [25, 3, 1, "", "PRETRAINED_BERT"], [25, 3, 1, "", "PRETRAINED_MULTILINGUAL"], [25, 3, 1, "", "PRETRAINED_ROBERTA_27"], [25, 3, 1, "", "PRETRAINED_ROBERTA_43"]], "abacusai.api_class.enums.NERObjective": [[25, 3, 1, "", "ANNOTATIONS_PRECISION"], [25, 3, 1, "", "ANNOTATIONS_RECALL"], [25, 3, 1, "", "AUC"], [25, 3, 1, "", "LOG_LOSS"], [25, 3, 1, "", "PRECISION"], [25, 3, 1, "", "RECALL"]], "abacusai.api_class.enums.NLPDocumentFormat": [[25, 3, 1, "", "AUTO"], [25, 3, 1, "", "DOC"], [25, 3, 1, "", "TEXT"], [25, 3, 1, "", "TOKENS"]], "abacusai.api_class.enums.OcrMode": [[25, 3, 1, "", "AUGMENTED_LLM"], [25, 3, 1, "", "AUTO"], [25, 3, 1, "", "COMPREHENSIVE"], [25, 3, 1, "", "COMPREHENSIVE_FORM_AND_TABLE_MD"], [25, 3, 1, "", "COMPREHENSIVE_FORM_MD"], [25, 3, 1, "", "COMPREHENSIVE_TABLE_MD"], [25, 3, 1, "", "COMPREHENSIVE_V2"], [25, 3, 1, "", "DEFAULT"], [25, 3, 1, "", "LAYOUT"], [25, 3, 1, "", "LLM"], [25, 3, 1, "", "SCANNED"], [25, 3, 1, "", "TESSERACT_FAST"], [25, 2, 1, "", "aws_ocr_modes"]], "abacusai.api_class.enums.OperatorType": [[25, 3, 1, "", "CRAWLER"], [25, 3, 1, "", "DATA_GENERATION"], [25, 3, 1, "", "EXTRACT_DOCUMENT_DATA"], [25, 3, 1, "", "MARKDOWN"], [25, 3, 1, "", "UNION"], [25, 3, 1, "", "UNPIVOT"]], "abacusai.api_class.enums.OrganizationSecretType": [[25, 3, 1, "", "ORG_API_CREDENTIALS"], [25, 3, 1, "", "ORG_SECRET"], [25, 3, 1, "", "USER_API_CREDENTIALS"]], "abacusai.api_class.enums.PartialDependenceAnalysis": [[25, 3, 1, "", "RAPID"], [25, 3, 1, "", "THOROUGH"]], "abacusai.api_class.enums.PersonalizationObjective": [[25, 3, 1, "", "COVERAGE"], [25, 3, 1, "", "MAP"], [25, 3, 1, "", "MAP_10"], [25, 3, 1, "", "MAP_5"], [25, 3, 1, "", "MRR"], [25, 3, 1, "", "NDCG"], [25, 3, 1, "", "NDCG_10"], [25, 3, 1, "", "NDCG_5"], [25, 3, 1, "", "PERSONALIZATION"]], "abacusai.api_class.enums.PersonalizationTrainingMode": [[25, 3, 1, "", "EXPERIMENTAL"], [25, 3, 1, "", "PRODUCTION"]], "abacusai.api_class.enums.ProblemType": [[25, 3, 1, "", "AI_AGENT"], [25, 3, 1, "", "CHAT_LLM"], [25, 3, 1, "", "CLUSTERING"], [25, 3, 1, "", "CLUSTERING_TIMESERIES"], [25, 3, 1, "", "CUMULATIVE_FORECASTING"], [25, 3, 1, "", "CUSTOM_ALGORITHM"], [25, 3, 1, "", "CUSTOM_TRAINED_MODEL"], [25, 3, 1, "", "DOCUMENT_CLASSIFICATION"], [25, 3, 1, "", "DOCUMENT_SUMMARIZATION"], [25, 3, 1, "", "DOCUMENT_VISUALIZATION"], [25, 3, 1, "", "EVENT_ANOMALY"], [25, 3, 1, "", "FEATURE_STORE"], [25, 3, 1, "", "FINETUNED_LLM"], [25, 3, 1, "", "FORECASTING"], [25, 3, 1, "", "IMAGE_CLASSIFICATION"], [25, 3, 1, "", "IMAGE_VALUE_PREDICTION"], [25, 3, 1, "", "LANGUAGE_DETECTION"], [25, 3, 1, "", "MODEL_MONITORING"], [25, 3, 1, "", "NAMED_ENTITY_EXTRACTION"], [25, 3, 1, "", "NATURAL_LANGUAGE_SEARCH"], [25, 3, 1, "", "OBJECT_DETECTION"], [25, 3, 1, "", "OPTIMIZATION"], [25, 3, 1, "", "PERSONALIZATION"], [25, 3, 1, "", "PREDICTIVE_MODELING"], [25, 3, 1, "", "PRETRAINED_MODELS"], [25, 3, 1, "", "SENTENCE_BOUNDARY_DETECTION"], [25, 3, 1, "", "SENTIMENT_DETECTION"], [25, 3, 1, "", "THEME_ANALYSIS"], [25, 3, 1, "", "TS_ANOMALY"]], "abacusai.api_class.enums.ProjectConfigType": [[25, 3, 1, "", "CHAT_FEEDBACK"], [25, 3, 1, "", "CONSTRAINTS"], [25, 3, 1, "", "REVIEW_MODE"]], "abacusai.api_class.enums.PythonFunctionArgumentType": [[25, 3, 1, "", "ATTACHMENT"], [25, 3, 1, "", "BATCH_PREDICTION_ID"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATASET_ID"], [25, 3, 1, "", "DEPLOYMENT_ID"], [25, 3, 1, "", "FEATURE_GROUP"], [25, 3, 1, "", "FEATURE_GROUP_ID"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "JSON"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "MODEL_ID"], [25, 3, 1, "", "MONITOR_ID"], [25, 3, 1, "", "STRING"], [25, 2, 1, "", "to_json_type"]], "abacusai.api_class.enums.PythonFunctionOutputArgumentType": [[25, 3, 1, "", "ANY"], [25, 3, 1, "", "ATTACHMENT"], [25, 3, 1, "", "BATCH_PREDICTION_ID"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DATASET_ID"], [25, 3, 1, "", "DEPLOYMENT_ID"], [25, 3, 1, "", "FEATURE_GROUP_ID"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "JSON"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "MODEL_ID"], [25, 3, 1, "", "MONITOR_ID"], [25, 3, 1, "", "NTEGER"], [25, 3, 1, "", "STRING"]], "abacusai.api_class.enums.PythonFunctionType": [[25, 3, 1, "", "CONNECTOR_TOOL"], [25, 3, 1, "", "FEATURE_GROUP"], [25, 3, 1, "", "PLOTLY_FIG"], [25, 3, 1, "", "STEP_FUNCTION"], [25, 3, 1, "", "USERCODE_TOOL"]], "abacusai.api_class.enums.RegressionAugmentationStrategy": [[25, 3, 1, "", "RESAMPLE"], [25, 3, 1, "", "SMOTE"]], "abacusai.api_class.enums.RegressionLossFunction": [[25, 3, 1, "", "AUTOMATIC"], [25, 3, 1, "", "CROSS_ENTROPY"], [25, 3, 1, "", "CUSTOM"], [25, 3, 1, "", "FOCAL_CROSS_ENTROPY"], [25, 3, 1, "", "HUBER"], [25, 3, 1, "", "MAE"], [25, 3, 1, "", "MAPE"], [25, 3, 1, "", "MSE"], [25, 3, 1, "", "MSLE"], [25, 3, 1, "", "TWEEDIE"]], "abacusai.api_class.enums.RegressionObjective": [[25, 3, 1, "", "ACCURACY"], [25, 3, 1, "", "AUC"], [25, 3, 1, "", "F1_SCORE"], [25, 3, 1, "", "LOG_LOSS"], [25, 3, 1, "", "MAE"], [25, 3, 1, "", "MAPE"], [25, 3, 1, "", "PRECISION"], [25, 3, 1, "", "RECALL"], [25, 3, 1, "", "RMSE"], [25, 3, 1, "", "R_SQUARED_COEFFICIENT_OF_DETERMINATION"], [25, 3, 1, "", "WAPE"]], "abacusai.api_class.enums.RegressionTargetTransform": [[25, 3, 1, "", "BOX_COX"], [25, 3, 1, "", "LOG"], [25, 3, 1, "", "QUANTILE"], [25, 3, 1, "", "YEO_JOHNSON"]], "abacusai.api_class.enums.RegressionTimeSplitMethod": [[25, 3, 1, "", "TEST_SPLIT_PERCENTAGE_BASED"], [25, 3, 1, "", "TEST_START_TIMESTAMP_BASED"]], "abacusai.api_class.enums.RegressionTreeHPOMode": [[25, 3, 1, "", "RAPID"], [25, 3, 1, "", "THOROUGH"]], "abacusai.api_class.enums.RegressionTypeOfSplit": [[25, 3, 1, "", "RANDOM"], [25, 3, 1, "", "ROW_INDICATOR_BASED"], [25, 3, 1, "", "STRATIFIED_RANDOM_SAMPLING"], [25, 3, 1, "", "TIMESTAMP_BASED"]], "abacusai.api_class.enums.ResponseSectionType": [[25, 3, 1, "", "AGENT_FLOW_BUTTON"], [25, 3, 1, "", "ATTACHMENTS"], [25, 3, 1, "", "BASE64_IMAGE"], [25, 3, 1, "", "CHART"], [25, 3, 1, "", "CODE"], [25, 3, 1, "", "COLLAPSIBLE_COMPONENT"], [25, 3, 1, "", "IMAGE_URL"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "RUNTIME_SCHEMA"], [25, 3, 1, "", "TABLE"], [25, 3, 1, "", "TEXT"]], "abacusai.api_class.enums.SamplingMethodType": [[25, 3, 1, "", "N_SAMPLING"], [25, 3, 1, "", "PERCENT_SAMPLING"]], "abacusai.api_class.enums.SentimentType": [[25, 3, 1, "", "EMOTION"], [25, 3, 1, "", "VALENCE"]], "abacusai.api_class.enums.StdDevThresholdType": [[25, 3, 1, "", "ABSOLUTE"], [25, 3, 1, "", "PERCENTILE"], [25, 3, 1, "", "STDDEV"]], "abacusai.api_class.enums.StreamingConnectorType": [[25, 3, 1, "", "KAFKA"]], "abacusai.api_class.enums.TimeseriesAnomalyDataSplitType": [[25, 3, 1, "", "AUTO"], [25, 3, 1, "", "TIMESTAMP"]], "abacusai.api_class.enums.TimeseriesAnomalyTypeOfAnomaly": [[25, 3, 1, "", "HIGH_PEAK"], [25, 3, 1, "", "LOW_PEAK"]], "abacusai.api_class.enums.TimeseriesAnomalyUseHeuristic": [[25, 3, 1, "", "AUTOMATIC"], [25, 3, 1, "", "DISABLE"], [25, 3, 1, "", "ENABLE"]], "abacusai.api_class.enums.VectorStoreTextEncoder": [[25, 3, 1, "", "CODE_BERT"], [25, 3, 1, "", "E5"], [25, 3, 1, "", "E5_SMALL"], [25, 3, 1, "", "OPENAI"], [25, 3, 1, "", "OPENAI_COMPACT"], [25, 3, 1, "", "OPENAI_LARGE"], [25, 3, 1, "", "SENTENCE_BERT"]], "abacusai.api_class.enums.WorkflowNodeInputType": [[25, 3, 1, "", "CONSTANT"], [25, 3, 1, "", "IGNORE"], [25, 3, 1, "", "USER_INPUT"], [25, 3, 1, "", "WORKFLOW_VARIABLE"]], "abacusai.api_class.enums.WorkflowNodeOutputType": [[25, 3, 1, "", "ANY"], [25, 3, 1, "", "ATTACHMENT"], [25, 3, 1, "", "BOOLEAN"], [25, 3, 1, "", "DICT"], [25, 3, 1, "", "FLOAT"], [25, 3, 1, "", "INTEGER"], [25, 3, 1, "", "LIST"], [25, 3, 1, "", "RUNTIME_SCHEMA"], [25, 3, 1, "", "STRING"], [25, 2, 1, "", "normalize_type"]], "abacusai.api_class.enums.WorkflowNodeTemplateType": [[25, 3, 1, "", "DEFAULT"], [25, 3, 1, "", "TRIGGER"]], "abacusai.api_class.feature_group": [[26, 1, 1, "", "CrawlerTransformConfig"], [26, 1, 1, "", "DataGenerationConfig"], [26, 1, 1, "", "ExtractDocumentDataConfig"], [26, 1, 1, "", "LastNMergeConfig"], [26, 1, 1, "", "MarkdownConfig"], [26, 1, 1, "", "MergeConfig"], [26, 1, 1, "", "NSamplingConfig"], [26, 1, 1, "", "OperatorConfig"], [26, 1, 1, "", "PercentSamplingConfig"], [26, 1, 1, "", "SamplingConfig"], [26, 1, 1, "", "TimeWindowMergeConfig"], [26, 1, 1, "", "UnionTransformConfig"], [26, 1, 1, "", "UnpivotConfig"], [26, 1, 1, "", "_MergeConfigFactory"], [26, 1, 1, "", "_OperatorConfigFactory"], [26, 1, 1, "", "_SamplingConfigFactory"]], "abacusai.api_class.feature_group.CrawlerTransformConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "crawl_depth"], [26, 3, 1, "", "depth_column"], [26, 3, 1, "", "disable_host_restriction"], [26, 3, 1, "", "honour_website_rules"], [26, 3, 1, "", "input_column"], [26, 3, 1, "", "input_column_type"], [26, 3, 1, "", "output_column"], [26, 3, 1, "", "user_agent"]], "abacusai.api_class.feature_group.DataGenerationConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "completion_col"], [26, 3, 1, "", "concurrency"], [26, 3, 1, "", "description_col"], [26, 3, 1, "", "documentation_char_limit"], [26, 3, 1, "", "examples_per_target"], [26, 3, 1, "", "fewshot_examples"], [26, 3, 1, "", "frequency_penalty"], [26, 3, 1, "", "generation_instructions"], [26, 3, 1, "", "id_col"], [26, 3, 1, "", "model"], [26, 3, 1, "", "oversample"], [26, 3, 1, "", "prompt_col"], [26, 3, 1, "", "seed"], [26, 3, 1, "", "subset_size"], [26, 3, 1, "", "temperature"], [26, 3, 1, "", "token_budget"], [26, 3, 1, "", "verify_response"]], "abacusai.api_class.feature_group.ExtractDocumentDataConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "doc_id_column"], [26, 3, 1, "", "document_column"], [26, 3, 1, "", "document_processing_config"]], "abacusai.api_class.feature_group.LastNMergeConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "include_version_timestamp_column"], [26, 3, 1, "", "num_versions"]], "abacusai.api_class.feature_group.MarkdownConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "input_column"], [26, 3, 1, "", "input_column_type"], [26, 3, 1, "", "output_column"]], "abacusai.api_class.feature_group.MergeConfig": [[26, 2, 1, "", "__post_init__"], [26, 2, 1, "", "_get_builder"], [26, 3, 1, "", "merge_mode"]], "abacusai.api_class.feature_group.NSamplingConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "key_columns"], [26, 3, 1, "", "sample_count"]], "abacusai.api_class.feature_group.OperatorConfig": [[26, 2, 1, "", "__post_init__"], [26, 2, 1, "", "_get_builder"], [26, 3, 1, "", "operator_type"]], "abacusai.api_class.feature_group.PercentSamplingConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "key_columns"], [26, 3, 1, "", "sample_percent"]], "abacusai.api_class.feature_group.SamplingConfig": [[26, 2, 1, "", "__post_init__"], [26, 2, 1, "", "_get_builder"], [26, 3, 1, "", "sampling_method"]], "abacusai.api_class.feature_group.TimeWindowMergeConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "feature_name"], [26, 3, 1, "", "include_version_timestamp_column"], [26, 3, 1, "", "time_window_size_ms"]], "abacusai.api_class.feature_group.UnionTransformConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "drop_non_intersecting_columns"], [26, 3, 1, "", "feature_group_ids"]], "abacusai.api_class.feature_group.UnpivotConfig": [[26, 2, 1, "", "__post_init__"], [26, 3, 1, "", "columns"], [26, 3, 1, "", "exclude"], [26, 3, 1, "", "index_column"], [26, 3, 1, "", "value_column"]], "abacusai.api_class.feature_group._MergeConfigFactory": [[26, 3, 1, "", "config_abstract_class"], [26, 3, 1, "", "config_class_key"], [26, 3, 1, "", "config_class_map"]], "abacusai.api_class.feature_group._OperatorConfigFactory": [[26, 3, 1, "", "config_abstract_class"], [26, 3, 1, "", "config_class_key"], [26, 3, 1, "", "config_class_map"]], "abacusai.api_class.feature_group._SamplingConfigFactory": [[26, 3, 1, "", "config_abstract_class"], [26, 3, 1, "", "config_class_key"], [26, 3, 1, "", "config_class_map"]], "abacusai.api_class.model": [[28, 1, 1, "", "AIAgentTrainingConfig"], [28, 1, 1, "", "ChatLLMTrainingConfig"], [28, 1, 1, "", "ClusteringTimeseriesTrainingConfig"], [28, 1, 1, "", "ClusteringTrainingConfig"], [28, 1, 1, "", "CumulativeForecastingTrainingConfig"], [28, 1, 1, "", "CustomAlgorithmTrainingConfig"], [28, 1, 1, "", "CustomTrainedModelTrainingConfig"], [28, 1, 1, "", "DeployableAlgorithm"], [28, 1, 1, "", "DocumentClassificationTrainingConfig"], [28, 1, 1, "", "DocumentSummarizationTrainingConfig"], [28, 1, 1, "", "DocumentVisualizationTrainingConfig"], [28, 1, 1, "", "EventAnomalyTrainingConfig"], [28, 1, 1, "", "ForecastingTrainingConfig"], [28, 1, 1, "", "NamedEntityExtractionTrainingConfig"], [28, 1, 1, "", "NaturalLanguageSearchTrainingConfig"], [28, 1, 1, "", "OptimizationTrainingConfig"], [28, 1, 1, "", "PersonalizationTrainingConfig"], [28, 1, 1, "", "RegressionTrainingConfig"], [28, 1, 1, "", "SentenceBoundaryDetectionTrainingConfig"], [28, 1, 1, "", "SentimentDetectionTrainingConfig"], [28, 1, 1, "", "SystemConnectorTool"], [28, 1, 1, "", "ThemeAnalysisTrainingConfig"], [28, 1, 1, "", "TimeseriesAnomalyTrainingConfig"], [28, 1, 1, "", "TrainingConfig"], [28, 1, 1, "", "_TrainingConfigFactory"]], "abacusai.api_class.model.AIAgentTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "agent_connectors"], [28, 3, 1, "", "agent_input_schema"], [28, 3, 1, "", "agent_interface"], [28, 3, 1, "", "agent_output_schema"], [28, 3, 1, "", "description"], [28, 3, 1, "", "enable_binary_input"]], "abacusai.api_class.model.ChatLLMTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "agentic_loop_mode"], [28, 3, 1, "", "behavior_instructions"], [28, 3, 1, "", "builtin_tools"], [28, 3, 1, "", "column_filtering_instructions"], [28, 3, 1, "", "config_connectors"], [28, 3, 1, "", "data_columns_to_ignore"], [28, 3, 1, "", "data_feature_group_ids"], [28, 3, 1, "", "data_prompt_column_context"], [28, 3, 1, "", "data_prompt_context"], [28, 3, 1, "", "data_prompt_table_context"], [28, 3, 1, "", "database_connector_id"], [28, 3, 1, "", "database_connector_ids"], [28, 3, 1, "", "database_connector_tables"], [28, 3, 1, "", "disable_data_fetch_for_training"], [28, 3, 1, "", "disable_data_summarization"], [28, 3, 1, "", "document_retrievers"], [28, 3, 1, "", "enable_code_execution"], [28, 3, 1, "", "enable_inline_source_citations"], [28, 3, 1, "", "enable_llm_rewrite"], [28, 3, 1, "", "enable_response_caching"], [28, 3, 1, "", "enable_tool_bar"], [28, 3, 1, "", "enable_web_search"], [28, 3, 1, "", "filter_columns"], [28, 3, 1, "", "hide_sql_and_code"], [28, 3, 1, "", "include_bm25_retrieval"], [28, 3, 1, "", "include_general_knowledge"], [28, 3, 1, "", "json_response_instructions"], [28, 3, 1, "", "json_response_schema"], [28, 3, 1, "", "keyword_requirement_instructions"], [28, 3, 1, "", "lookup_rewrite_instructions"], [28, 3, 1, "", "mask_pii"], [28, 3, 1, "", "max_search_results"], [28, 3, 1, "", "mcp_servers"], [28, 3, 1, "", "metadata_columns"], [28, 3, 1, "", "num_completion_tokens"], [28, 3, 1, "", "query_rewrite_instructions"], [28, 3, 1, "", "response_format"], [28, 3, 1, "", "response_instructions"], [28, 3, 1, "", "retrieval_columns"], [28, 3, 1, "", "search_score_cutoff"], [28, 3, 1, "", "temperature"], [28, 3, 1, "", "unknown_answer_phrase"]], "abacusai.api_class.model.ClusteringTimeseriesTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "imputation"], [28, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.model.ClusteringTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "num_clusters_selection"]], "abacusai.api_class.model.CumulativeForecastingTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "cumulative_prediction_lengths"], [28, 3, 1, "", "historical_frequency"], [28, 3, 1, "", "predict_residuals"], [28, 3, 1, "", "skip_input_transform"], [28, 3, 1, "", "skip_target_transform"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.CustomAlgorithmTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "timeout_minutes"]], "abacusai.api_class.model.CustomTrainedModelTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "docker_image_uri"], [28, 3, 1, "", "index_output_path"], [28, 3, 1, "", "max_catalog_size"], [28, 3, 1, "", "max_dimension"], [28, 3, 1, "", "service_port"], [28, 3, 1, "", "streaming_embeddings"]], "abacusai.api_class.model.DeployableAlgorithm": [[28, 3, 1, "", "algorithm"], [28, 3, 1, "", "name"], [28, 3, 1, "", "only_offline_deployable"], [28, 3, 1, "", "trained_model_types"]], "abacusai.api_class.model.DocumentClassificationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "zero_shot_hypotheses"]], "abacusai.api_class.model.DocumentSummarizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.DocumentVisualizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.EventAnomalyTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "anomaly_fraction"]], "abacusai.api_class.model.ForecastingTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "additional_forecast_keys"], [28, 3, 1, "", "allow_training_with_small_history"], [28, 3, 1, "", "backtesting_window_step_size"], [28, 3, 1, "", "batch_renormalization"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "convolution_filters"], [28, 3, 1, "", "convolutional_layers"], [28, 3, 1, "", "custom_loss_functions"], [28, 3, 1, "", "custom_metrics"], [28, 3, 1, "", "data_split_feature_group_table_name"], [28, 3, 1, "", "datetime_holiday_calendars"], [28, 3, 1, "", "disable_networks_without_analytic_quantiles"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "enable_clustering"], [28, 3, 1, "", "enable_cold_start"], [28, 3, 1, "", "enable_feature_selection"], [28, 3, 1, "", "enable_multiple_backtests"], [28, 3, 1, "", "enable_padding"], [28, 3, 1, "", "experimentation_mode"], [28, 3, 1, "", "fill_missing_values"], [28, 3, 1, "", "filter_items"], [28, 3, 1, "", "force_prediction_length"], [28, 3, 1, "", "forecast_frequency"], [28, 3, 1, "", "full_data_retraining"], [28, 3, 1, "", "handle_zeros_as_missing_values"], [28, 3, 1, "", "history_length"], [28, 3, 1, "", "initial_learning_rate"], [28, 3, 1, "", "item_attributes_weight_column"], [28, 3, 1, "", "l2_regularization_factor"], [28, 3, 1, "", "local_scale_target"], [28, 3, 1, "", "local_scaling_mode"], [28, 3, 1, "", "loss_function"], [28, 3, 1, "", "max_scale_context"], [28, 3, 1, "", "num_backtesting_windows"], [28, 3, 1, "", "number_of_samples"], [28, 3, 1, "", "objective"], [28, 3, 1, "", "prediction_length"], [28, 3, 1, "", "prediction_step_size"], [28, 3, 1, "", "probability_quantiles"], [28, 3, 1, "", "quantiles_extension_method"], [28, 3, 1, "", "recurrent_layers"], [28, 3, 1, "", "recurrent_units"], [28, 3, 1, "", "return_fractional_forecasts"], [28, 3, 1, "", "skip_missing"], [28, 3, 1, "", "skip_timeseries_weight_scaling"], [28, 3, 1, "", "smooth_history"], [28, 3, 1, "", "sort_objective"], [28, 3, 1, "", "symmetrize_quantiles"], [28, 3, 1, "", "test_by_item"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_start"], [28, 3, 1, "", "timeseries_loss_weight_column"], [28, 3, 1, "", "timeseries_weight_column"], [28, 3, 1, "", "training_point_overlap"], [28, 3, 1, "", "type_of_split"], [28, 3, 1, "", "underprediction_weight"], [28, 3, 1, "", "use_all_item_totals"], [28, 3, 1, "", "use_clipping"], [28, 3, 1, "", "use_item_id"], [28, 3, 1, "", "use_item_weights_in_objective"], [28, 3, 1, "", "use_log_transforms"], [28, 3, 1, "", "use_timeseries_weights_in_objective"], [28, 3, 1, "", "zero_predictor"]], "abacusai.api_class.model.NamedEntityExtractionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "active_labels_column"], [28, 3, 1, "", "additional_extraction_instructions"], [28, 3, 1, "", "document_format"], [28, 3, 1, "", "enhanced_ocr"], [28, 3, 1, "", "llm_for_ner"], [28, 3, 1, "", "minimum_bounding_box_overlap_ratio"], [28, 3, 1, "", "save_predicted_pdf"], [28, 3, 1, "", "test_row_indicator"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.NaturalLanguageSearchTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "abacus_internal_model"], [28, 3, 1, "", "chunk_overlap_fraction"], [28, 3, 1, "", "index_fraction"], [28, 3, 1, "", "larger_embeddings"], [28, 3, 1, "", "num_completion_tokens"], [28, 3, 1, "", "search_chunk_size"]], "abacusai.api_class.model.OptimizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "include_all_partitions"], [28, 3, 1, "", "include_specific_partitions"], [28, 3, 1, "", "optimality_gap_limit"], [28, 3, 1, "", "solve_time_limit"]], "abacusai.api_class.model.PersonalizationTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "action_types_exclusion_days"], [28, 3, 1, "", "add_time_features"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "compute_rerank_metrics"], [28, 3, 1, "", "compute_session_metrics"], [28, 3, 1, "", "data_split_feature_group_table_name"], [28, 3, 1, "", "disable_gpu"], [28, 3, 1, "", "disable_timestamp_scalar_features"], [28, 3, 1, "", "disable_transformer"], [28, 3, 1, "", "downsample_item_popularity_percentile"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "explicit_time_split"], [28, 3, 1, "", "filter_history"], [28, 3, 1, "", "full_data_retraining"], [28, 3, 1, "", "include_item_id_feature"], [28, 3, 1, "", "item_query_column"], [28, 3, 1, "", "max_history_length"], [28, 3, 1, "", "max_user_history_len_percentile"], [28, 3, 1, "", "min_item_history"], [28, 3, 1, "", "objective"], [28, 3, 1, "", "optimized_event_type"], [28, 3, 1, "", "query_column"], [28, 3, 1, "", "recent_days_for_training"], [28, 3, 1, "", "sequential_training"], [28, 3, 1, "", "session_dedupe_mins"], [28, 3, 1, "", "session_event_types"], [28, 3, 1, "", "sort_objective"], [28, 3, 1, "", "target_action_types"], [28, 3, 1, "", "target_action_weights"], [28, 3, 1, "", "test_last_items_length"], [28, 3, 1, "", "test_on_user_split"], [28, 3, 1, "", "test_row_indicator"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_split_on_last_k_items"], [28, 3, 1, "", "test_window_length_hours"], [28, 3, 1, "", "training_mode"], [28, 3, 1, "", "training_start_date"], [28, 3, 1, "", "use_user_id_feature"]], "abacusai.api_class.model.RegressionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "active_labels_column"], [28, 3, 1, "", "augmentation_strategy"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "custom_loss_functions"], [28, 3, 1, "", "custom_metrics"], [28, 3, 1, "", "data_split_feature_group_table_name"], [28, 3, 1, "", "disable_test_val_fold"], [28, 3, 1, "", "do_masked_language_model_pretraining"], [28, 3, 1, "", "drop_original_categoricals"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "feature_selection_intensity"], [28, 3, 1, "", "full_data_retraining"], [28, 3, 1, "", "ignore_datetime_features"], [28, 3, 1, "", "is_multilingual"], [28, 3, 1, "", "k_fold_cross_validation"], [28, 3, 1, "", "loss_function"], [28, 3, 1, "", "loss_parameters"], [28, 3, 1, "", "max_text_words"], [28, 3, 1, "", "max_tokens_in_sentence"], [28, 3, 1, "", "min_categorical_count"], [28, 3, 1, "", "monotonically_decreasing_features"], [28, 3, 1, "", "monotonically_increasing_features"], [28, 3, 1, "", "num_cv_folds"], [28, 3, 1, "", "numeric_clipping_percentile"], [28, 3, 1, "", "objective"], [28, 3, 1, "", "partial_dependence_analysis"], [28, 3, 1, "", "perform_feature_selection"], [28, 3, 1, "", "pretrained_llm_name"], [28, 3, 1, "", "pretrained_model_name"], [28, 3, 1, "", "rare_class_augmentation_threshold"], [28, 3, 1, "", "rebalance_classes"], [28, 3, 1, "", "sample_weight"], [28, 3, 1, "", "sampling_unit_keys"], [28, 3, 1, "", "sort_objective"], [28, 3, 1, "", "target_encode_categoricals"], [28, 3, 1, "", "target_transform"], [28, 3, 1, "", "test_row_indicator"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_splitting_timestamp"], [28, 3, 1, "", "timestamp_based_splitting_column"], [28, 3, 1, "", "timestamp_based_splitting_method"], [28, 3, 1, "", "training_rows_downsample_ratio"], [28, 3, 1, "", "tree_hpo_mode"], [28, 3, 1, "", "truncation_strategy"], [28, 3, 1, "", "type_of_split"]], "abacusai.api_class.model.SentenceBoundaryDetectionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "batch_size"], [28, 3, 1, "", "dropout_rate"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.SentimentDetectionTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "sentiment_type"], [28, 3, 1, "", "test_split"]], "abacusai.api_class.model.SystemConnectorTool": [[28, 3, 1, "", "configs"], [28, 3, 1, "", "value"]], "abacusai.api_class.model.ThemeAnalysisTrainingConfig": [[28, 2, 1, "", "__post_init__"]], "abacusai.api_class.model.TimeseriesAnomalyTrainingConfig": [[28, 2, 1, "", "__post_init__"], [28, 3, 1, "", "additional_anomaly_ids"], [28, 3, 1, "", "anomaly_type"], [28, 3, 1, "", "fill_missing_values"], [28, 3, 1, "", "handle_zeros_as_missing_values"], [28, 3, 1, "", "hyperparameter_calculation_with_heuristics"], [28, 3, 1, "", "min_samples_in_normal_region"], [28, 3, 1, "", "test_split"], [28, 3, 1, "", "test_start"], [28, 3, 1, "", "threshold_score"], [28, 3, 1, "", "timeseries_frequency"], [28, 3, 1, "", "type_of_split"]], "abacusai.api_class.model.TrainingConfig": [[28, 2, 1, "", "_get_builder"], [28, 3, 1, "", "_support_kwargs"], [28, 3, 1, "", "_upper_snake_case_keys"], [28, 3, 1, "", "algorithm"], [28, 3, 1, "", "kwargs"], [28, 3, 1, "", "problem_type"]], "abacusai.api_class.model._TrainingConfigFactory": [[28, 3, 1, "", "config_abstract_class"], [28, 3, 1, "", "config_class_key"], [28, 3, 1, "", "config_class_map"]], "abacusai.api_class.monitor": [[29, 1, 1, "", "ForecastingMonitorConfig"], [29, 1, 1, "", "ItemAttributesStdDevThreshold"], [29, 1, 1, "", "MonitorFilteringConfig"], [29, 1, 1, "", "RestrictFeatureMappings"], [29, 1, 1, "", "StdDevThreshold"], [29, 1, 1, "", "TimeWindowConfig"]], "abacusai.api_class.monitor.ForecastingMonitorConfig": [[29, 3, 1, "", "end_time"], [29, 3, 1, "", "id_column"], [29, 3, 1, "", "start_time"], [29, 3, 1, "", "target_column"], [29, 3, 1, "", "timestamp_column"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "window_config"]], "abacusai.api_class.monitor.ItemAttributesStdDevThreshold": [[29, 3, 1, "", "lower_bound"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "upper_bound"]], "abacusai.api_class.monitor.MonitorFilteringConfig": [[29, 3, 1, "", "end_time"], [29, 3, 1, "", "prediction_target_feature"], [29, 3, 1, "", "restrict_feature_mappings"], [29, 3, 1, "", "start_time"], [29, 3, 1, "", "target_class"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "train_target_feature"]], "abacusai.api_class.monitor.RestrictFeatureMappings": [[29, 3, 1, "", "end_time"], [29, 3, 1, "", "feature_name"], [29, 3, 1, "", "max_value"], [29, 3, 1, "", "min_value"], [29, 3, 1, "", "restricted_feature_values"], [29, 3, 1, "", "start_time"], [29, 2, 1, "", "to_dict"]], "abacusai.api_class.monitor.StdDevThreshold": [[29, 3, 1, "", "threshold_type"], [29, 2, 1, "", "to_dict"], [29, 3, 1, "", "value"]], "abacusai.api_class.monitor.TimeWindowConfig": [[29, 2, 1, "", "to_dict"], [29, 3, 1, "", "window_duration"], [29, 3, 1, "", "window_from_start"]], "abacusai.api_class.monitor_alert": [[30, 1, 1, "", "AccuracyBelowThresholdConditionConfig"], [30, 1, 1, "", "AlertActionConfig"], [30, 1, 1, "", "AlertConditionConfig"], [30, 1, 1, "", "BiasViolationConditionConfig"], [30, 1, 1, "", "DataIntegrityViolationConditionConfig"], [30, 1, 1, "", "EmailActionConfig"], [30, 1, 1, "", "FeatureDriftConditionConfig"], [30, 1, 1, "", "HistoryLengthDriftConditionConfig"], [30, 1, 1, "", "MonitorThresholdConfig"], [30, 1, 1, "", "PredictionCountConditionConfig"], [30, 1, 1, "", "TargetDriftConditionConfig"], [30, 1, 1, "", "_AlertActionConfigFactory"], [30, 1, 1, "", "_AlertConditionConfigFactory"]], "abacusai.api_class.monitor_alert.AccuracyBelowThresholdConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.AlertActionConfig": [[30, 2, 1, "", "_get_builder"], [30, 3, 1, "", "action_type"]], "abacusai.api_class.monitor_alert.AlertConditionConfig": [[30, 2, 1, "", "_get_builder"], [30, 3, 1, "", "alert_type"]], "abacusai.api_class.monitor_alert.BiasViolationConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "bias_type"], [30, 3, 1, "", "minimum_violations"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.DataIntegrityViolationConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "data_integrity_type"], [30, 3, 1, "", "minimum_violations"]], "abacusai.api_class.monitor_alert.EmailActionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "email_body"], [30, 3, 1, "", "email_recipients"]], "abacusai.api_class.monitor_alert.FeatureDriftConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "feature_drift_type"], [30, 3, 1, "", "feature_names"], [30, 3, 1, "", "minimum_violations"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.HistoryLengthDriftConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "feature_drift_type"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.MonitorThresholdConfig": [[30, 3, 1, "", "at_risk_threshold"], [30, 3, 1, "", "drift_type"], [30, 3, 1, "", "severely_drifting_threshold"], [30, 2, 1, "", "to_dict"]], "abacusai.api_class.monitor_alert.PredictionCountConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "aggregation_type"], [30, 3, 1, "", "aggregation_window"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert.TargetDriftConditionConfig": [[30, 2, 1, "", "__post_init__"], [30, 3, 1, "", "feature_drift_type"], [30, 3, 1, "", "threshold"]], "abacusai.api_class.monitor_alert._AlertActionConfigFactory": [[30, 3, 1, "", "config_abstract_class"], [30, 3, 1, "", "config_class_key"], [30, 3, 1, "", "config_class_map"]], "abacusai.api_class.monitor_alert._AlertConditionConfigFactory": [[30, 3, 1, "", "config_abstract_class"], [30, 3, 1, "", "config_class_key"], [30, 3, 1, "", "config_class_key_value_camel_case"], [30, 3, 1, "", "config_class_map"]], "abacusai.api_class.project": [[31, 1, 1, "", "ConstraintConfig"], [31, 1, 1, "", "ConstraintProjectFeatureGroupConfig"], [31, 1, 1, "", "FeatureMappingConfig"], [31, 1, 1, "", "ProjectFeatureGroupConfig"], [31, 1, 1, "", "ProjectFeatureGroupTypeMappingsConfig"], [31, 1, 1, "", "ReviewModeProjectFeatureGroupConfig"], [31, 1, 1, "", "_ProjectFeatureGroupConfigFactory"]], "abacusai.api_class.project.ConstraintConfig": [[31, 3, 1, "", "code"], [31, 3, 1, "", "constant"], [31, 3, 1, "", "enforcement"], [31, 3, 1, "", "operator"], [31, 3, 1, "", "penalty"]], "abacusai.api_class.project.ConstraintProjectFeatureGroupConfig": [[31, 2, 1, "", "__post_init__"], [31, 3, 1, "", "constraints"]], "abacusai.api_class.project.FeatureMappingConfig": [[31, 3, 1, "", "feature_mapping"], [31, 3, 1, "", "feature_name"], [31, 3, 1, "", "nested_feature_name"]], "abacusai.api_class.project.ProjectFeatureGroupConfig": [[31, 2, 1, "", "_get_builder"], [31, 3, 1, "", "type"]], "abacusai.api_class.project.ProjectFeatureGroupTypeMappingsConfig": [[31, 3, 1, "", "feature_group_id"], [31, 3, 1, "", "feature_group_type"], [31, 3, 1, "", "feature_mappings"], [31, 2, 1, "", "from_dict"]], "abacusai.api_class.project.ReviewModeProjectFeatureGroupConfig": [[31, 2, 1, "", "__post_init__"], [31, 3, 1, "", "is_review_mode"]], "abacusai.api_class.project._ProjectFeatureGroupConfigFactory": [[31, 3, 1, "", "config_abstract_class"], [31, 3, 1, "", "config_class_key"], [31, 3, 1, "", "config_class_map"]], "abacusai.api_class.python_functions": [[32, 1, 1, "", "OutputVariableMapping"], [32, 1, 1, "", "PythonFunctionArgument"]], "abacusai.api_class.python_functions.OutputVariableMapping": [[32, 3, 1, "", "description"], [32, 3, 1, "", "long_description"], [32, 3, 1, "", "name"], [32, 3, 1, "", "variable_type"]], "abacusai.api_class.python_functions.PythonFunctionArgument": [[32, 3, 1, "", "description"], [32, 3, 1, "", "is_required"], [32, 3, 1, "", "item_type"], [32, 3, 1, "", "long_description"], [32, 3, 1, "", "name"], [32, 3, 1, "", "pipeline_variable"], [32, 3, 1, "", "value"], [32, 3, 1, "", "variable_type"]], "abacusai.api_class.refresh": [[33, 1, 1, "", "DatabaseConnectorExportConfig"], [33, 1, 1, "", "FeatureGroupExportConfig"], [33, 1, 1, "", "FileConnectorExportConfig"], [33, 1, 1, "", "_FeatureGroupExportConfigFactory"]], "abacusai.api_class.refresh.DatabaseConnectorExportConfig": [[33, 2, 1, "", "__post_init__"], [33, 3, 1, "", "additional_id_columns"], [33, 3, 1, "", "data_columns"], [33, 3, 1, "", "database_connector_id"], [33, 3, 1, "", "id_column"], [33, 3, 1, "", "mode"], [33, 3, 1, "", "object_name"], [33, 2, 1, "", "to_dict"]], "abacusai.api_class.refresh.FeatureGroupExportConfig": [[33, 2, 1, "", "_get_builder"], [33, 3, 1, "", "connector_type"]], "abacusai.api_class.refresh.FileConnectorExportConfig": [[33, 2, 1, "", "__post_init__"], [33, 3, 1, "", "export_file_format"], [33, 3, 1, "", "location"], [33, 2, 1, "", "to_dict"]], "abacusai.api_class.refresh._FeatureGroupExportConfigFactory": [[33, 3, 1, "", "config_abstract_class"], [33, 3, 1, "", "config_class_key"], [33, 3, 1, "", "config_class_map"]], "abacusai.api_class.segments": [[34, 1, 1, "", "AgentFlowButtonResponseSection"], [34, 1, 1, "", "Base64ImageResponseSection"], [34, 1, 1, "", "ChartResponseSection"], [34, 1, 1, "", "CodeResponseSection"], [34, 1, 1, "", "CollapseResponseSection"], [34, 1, 1, "", "DataframeResponseSection"], [34, 1, 1, "", "ImageUrlResponseSection"], [34, 1, 1, "", "ListResponseSection"], [34, 1, 1, "", "ResponseSection"], [34, 1, 1, "", "RuntimeSchemaResponseSection"], [34, 6, 1, "", "Segment"], [34, 1, 1, "", "TextResponseSection"]], "abacusai.api_class.segments.AgentFlowButtonResponseSection": [[34, 3, 1, "", "agent_workflow_node_name"], [34, 3, 1, "", "label"]], "abacusai.api_class.segments.Base64ImageResponseSection": [[34, 3, 1, "", "b64_image"]], "abacusai.api_class.segments.ChartResponseSection": [[34, 3, 1, "", "chart"]], "abacusai.api_class.segments.CodeResponseSection": [[34, 3, 1, "", "code"], [34, 3, 1, "", "language"]], "abacusai.api_class.segments.CollapseResponseSection": [[34, 3, 1, "", "content"], [34, 3, 1, "", "title"], [34, 2, 1, "", "to_dict"]], "abacusai.api_class.segments.DataframeResponseSection": [[34, 3, 1, "", "df"], [34, 3, 1, "", "header"]], "abacusai.api_class.segments.ImageUrlResponseSection": [[34, 3, 1, "", "height"], [34, 3, 1, "", "url"], [34, 3, 1, "", "width"]], "abacusai.api_class.segments.ListResponseSection": [[34, 3, 1, "", "items"]], "abacusai.api_class.segments.ResponseSection": [[34, 2, 1, "", "__post_init__"], [34, 3, 1, "", "id"], [34, 2, 1, "", "to_dict"], [34, 3, 1, "", "type"]], "abacusai.api_class.segments.RuntimeSchemaResponseSection": [[34, 3, 1, "", "json_schema"], [34, 3, 1, "", "ui_schema"]], "abacusai.api_class.segments.TextResponseSection": [[34, 3, 1, "", "segment"]], "abacusai.api_client_utils": [[35, 1, 1, "", "DocstoreUtils"], [35, 6, 1, "", "INVALID_PANDAS_COLUMN_NAME_CHARACTERS"], [35, 1, 1, "", "StreamType"], [35, 1, 1, "", "StreamingHandler"], [35, 7, 1, "", "_get_spark_incompatible_columns"], [35, 7, 1, "", "avro_to_pandas_dtype"], [35, 7, 1, "", "clean_column_name"], [35, 7, 1, "", "evaluate_edge_condition"], [35, 7, 1, "", "execute_python_source"], [35, 7, 1, "", "get_non_nullable_type"], [35, 7, 1, "", "get_object_from_context"], [35, 7, 1, "", "load_as_pandas_from_avro_fd"], [35, 7, 1, "", "load_as_pandas_from_avro_files"], [35, 7, 1, "", "process_node_response"], [35, 7, 1, "", "run"], [35, 7, 1, "", "try_abacus_internal_copy"], [35, 7, 1, "", "validate_workflow_node_inputs"]], "abacusai.api_client_utils.DocstoreUtils": [[35, 3, 1, "", "BLOCK"], [35, 3, 1, "", "CONTENT"], [35, 3, 1, "", "DOCUMENT_PROCESSING_CONFIG"], [35, 3, 1, "", "DOCUMENT_PROCESSING_VERSION"], [35, 3, 1, "", "DOC_ID"], [35, 3, 1, "", "EMBEDDED_TEXT"], [35, 3, 1, "", "EXTRACTED_TEXT"], [35, 3, 1, "", "FIRST_PAGE"], [35, 3, 1, "", "HEIGHT"], [35, 3, 1, "", "LAST_PAGE"], [35, 3, 1, "", "LINE"], [35, 3, 1, "", "MARKDOWN_FEATURES"], [35, 3, 1, "", "METADATA"], [35, 3, 1, "", "MULTI_MODE_OCR_TEXT"], [35, 3, 1, "", "PAGE"], [35, 3, 1, "", "PAGES"], [35, 3, 1, "", "PAGES_ZIP_METADATA"], [35, 3, 1, "", "PAGE_DATA"], [35, 3, 1, "", "PAGE_LLM_OCR"], [35, 3, 1, "", "PAGE_MARKDOWN"], [35, 3, 1, "", "PAGE_TABLE_TEXT"], [35, 3, 1, "", "PAGE_TEXT"], [35, 3, 1, "", "PREDICTION_PREFIX"], [35, 3, 1, "", "TOKENS"], [35, 3, 1, "", "WIDTH"], [35, 2, 1, "", "get_archive_id"], [35, 2, 1, "", "get_content_hash"], [35, 2, 1, "", "get_page_id"], [35, 2, 1, "", "get_pandas_documents_df"], [35, 2, 1, "", "get_pandas_pages_df"]], "abacusai.api_client_utils.StreamType": [[35, 3, 1, "", "MESSAGE"], [35, 3, 1, "", "SECTION_OUTPUT"], [35, 3, 1, "", "SEGMENT"]], "abacusai.api_client_utils.StreamingHandler": [[35, 2, 1, "", "process_streaming_data"]], "abacusai.api_endpoint": [[36, 1, 1, "", "ApiEndpoint"]], "abacusai.api_endpoint.ApiEndpoint": [[36, 2, 1, "", "__repr__"], [36, 3, 1, "", "api_endpoint"], [36, 3, 1, "", "dashboard_endpoint"], [36, 3, 1, "", "deprecated_keys"], [36, 3, 1, "", "external_chat_endpoint"], [36, 3, 1, "", "hosting_domain"], [36, 3, 1, "", "llm_endpoint"], [36, 3, 1, "", "predict_endpoint"], [36, 3, 1, "", "proxy_endpoint"], [36, 3, 1, "", "public_hosting_domain"], [36, 2, 1, "", "to_dict"]], "abacusai.api_key": [[37, 1, 1, "", "ApiKey"]], "abacusai.api_key.ApiKey": [[37, 2, 1, "", "__repr__"], [37, 3, 1, "", "api_key"], [37, 3, 1, "", "api_key_id"], [37, 3, 1, "", "api_key_suffix"], [37, 3, 1, "", "created_at"], [37, 2, 1, "", "delete"], [37, 3, 1, "", "deprecated_keys"], [37, 3, 1, "", "expires_at"], [37, 3, 1, "", "is_expired"], [37, 3, 1, "", "tag"], [37, 2, 1, "", "to_dict"], [37, 3, 1, "", "type"]], "abacusai.app_user_group": [[38, 1, 1, "", "AppUserGroup"]], "abacusai.app_user_group.AppUserGroup": [[38, 2, 1, "", "__repr__"], [38, 3, 1, "", "creation_source"], [38, 3, 1, "", "deprecated_keys"], [38, 3, 1, "", "external_application_ids"], [38, 3, 1, "", "external_service_group_id"], [38, 3, 1, "", "has_external_application_reporting"], [38, 3, 1, "", "invited_user_emails"], [38, 3, 1, "", "is_external_service_group"], [38, 3, 1, "", "name"], [38, 3, 1, "", "public_user_group"], [38, 2, 1, "", "to_dict"], [38, 3, 1, "", "user_group_id"], [38, 3, 1, "", "users"]], "abacusai.app_user_group_sign_in_token": [[39, 1, 1, "", "AppUserGroupSignInToken"]], "abacusai.app_user_group_sign_in_token.AppUserGroupSignInToken": [[39, 2, 1, "", "__repr__"], [39, 3, 1, "", "deprecated_keys"], [39, 2, 1, "", "to_dict"], [39, 3, 1, "", "token"]], "abacusai.application_connector": [[40, 1, 1, "", "ApplicationConnector"]], "abacusai.application_connector.ApplicationConnector": [[40, 2, 1, "", "__repr__"], [40, 3, 1, "", "application_connector_id"], [40, 3, 1, "", "auth"], [40, 3, 1, "", "created_at"], [40, 2, 1, "", "delete"], [40, 3, 1, "", "deprecated_keys"], [40, 2, 1, "", "list_objects"], [40, 3, 1, "", "name"], [40, 2, 1, "", "rename"], [40, 3, 1, "", "service"], [40, 3, 1, "", "service_name"], [40, 3, 1, "", "status"], [40, 2, 1, "", "to_dict"], [40, 2, 1, "", "verify"]], "abacusai.audio_gen_settings": [[41, 1, 1, "", "AudioGenSettings"]], "abacusai.audio_gen_settings.AudioGenSettings": [[41, 2, 1, "", "__repr__"], [41, 3, 1, "", "deprecated_keys"], [41, 3, 1, "", "model"], [41, 3, 1, "", "settings"], [41, 2, 1, "", "to_dict"]], "abacusai.audio_url_result": [[42, 1, 1, "", "AudioUrlResult"]], "abacusai.audio_url_result.AudioUrlResult": [[42, 2, 1, "", "__repr__"], [42, 3, 1, "", "audio_url"], [42, 3, 1, "", "credits_used"], [42, 3, 1, "", "deprecated_keys"], [42, 2, 1, "", "to_dict"]], "abacusai.audit_log": [[43, 1, 1, "", "AuditLog"]], "abacusai.audit_log.AuditLog": [[43, 2, 1, "", "__repr__"], [43, 3, 1, "", "action"], [43, 3, 1, "", "created_at"], [43, 3, 1, "", "deprecated_keys"], [43, 3, 1, "", "object_id"], [43, 3, 1, "", "pipeline_id"], [43, 3, 1, "", "refresh_policy_id"], [43, 3, 1, "", "source"], [43, 2, 1, "", "to_dict"], [43, 3, 1, "", "user_id"]], "abacusai.batch_prediction": [[44, 1, 1, "", "BatchPrediction"]], "abacusai.batch_prediction.BatchPrediction": [[44, 2, 1, "", "__repr__"], [44, 3, 1, "", "algorithm"], [44, 3, 1, "", "batch_inputs"], [44, 3, 1, "", "batch_prediction_args"], [44, 3, 1, "", "batch_prediction_args_type"], [44, 3, 1, "", "batch_prediction_id"], [44, 3, 1, "", "bp_across_versions_monitor_id"], [44, 3, 1, "", "connector_type"], [44, 2, 1, "", "create_refresh_policy"], [44, 3, 1, "", "created_at"], [44, 3, 1, "", "csv_explanations_prefix"], [44, 3, 1, "", "csv_input_prefix"], [44, 3, 1, "", "csv_prediction_prefix"], [44, 3, 1, "", "database_connector_id"], [44, 3, 1, "", "database_output_configuration"], [44, 2, 1, "", "delete"], [44, 3, 1, "", "deployment_id"], [44, 3, 1, "", "deprecated_keys"], [44, 2, 1, "", "describe"], [44, 2, 1, "", "describe_output_feature_group"], [44, 3, 1, "", "feature_group_table_name"], [44, 3, 1, "", "file_connector_output_location"], [44, 3, 1, "", "file_output_format"], [44, 2, 1, "", "get_status"], [44, 3, 1, "", "global_prediction_args"], [44, 3, 1, "", "input_feature_groups"], [44, 3, 1, "", "latest_batch_prediction_version"], [44, 3, 1, "", "legacy_input_location"], [44, 2, 1, "", "list_refresh_policies"], [44, 2, 1, "", "list_versions"], [44, 2, 1, "", "load_results_as_pandas"], [44, 3, 1, "", "model_monitor_id"], [44, 3, 1, "", "model_version"], [44, 3, 1, "", "name"], [44, 3, 1, "", "output_feature_group_id"], [44, 3, 1, "", "output_feature_group_table_name"], [44, 3, 1, "", "output_includes_metadata"], [44, 2, 1, "", "refresh"], [44, 3, 1, "", "refresh_schedules"], [44, 3, 1, "", "result_input_columns"], [44, 2, 1, "", "set_database_connector_output"], [44, 2, 1, "", "set_dataset_remap"], [44, 2, 1, "", "set_feature_group"], [44, 2, 1, "", "set_feature_group_output"], [44, 2, 1, "", "set_file_connector_output"], [44, 2, 1, "", "set_output_to_console"], [44, 2, 1, "", "start"], [44, 3, 1, "", "summary_feature_group_table_name"], [44, 2, 1, "", "to_dict"], [44, 2, 1, "", "update"], [44, 2, 1, "", "wait_for_drift_monitor"], [44, 2, 1, "", "wait_for_predictions"]], "abacusai.batch_prediction_version": [[45, 1, 1, "", "BatchPredictionVersion"]], "abacusai.batch_prediction_version.BatchPredictionVersion": [[45, 2, 1, "", "__repr__"], [45, 3, 1, "", "algo_name"], [45, 3, 1, "", "algorithm"], [45, 3, 1, "", "batch_inputs"], [45, 3, 1, "", "batch_prediction_args"], [45, 3, 1, "", "batch_prediction_args_type"], [45, 3, 1, "", "batch_prediction_id"], [45, 3, 1, "", "batch_prediction_version"], [45, 3, 1, "", "batch_prediction_warnings"], [45, 3, 1, "", "bp_across_versions_monitor_version"], [45, 3, 1, "", "connector_type"], [45, 3, 1, "", "csv_explanations_prefix"], [45, 3, 1, "", "csv_input_prefix"], [45, 3, 1, "", "csv_prediction_prefix"], [45, 3, 1, "", "database_connector_id"], [45, 3, 1, "", "database_output_configuration"], [45, 3, 1, "", "database_output_error"], [45, 3, 1, "", "database_output_failed_writes"], [45, 3, 1, "", "database_output_total_writes"], [45, 3, 1, "", "deployment_id"], [45, 3, 1, "", "deprecated_keys"], [45, 2, 1, "", "describe"], [45, 2, 1, "", "download_batch_prediction_result_chunk"], [45, 2, 1, "", "download_result_to_file"], [45, 3, 1, "", "drift_monitor_error"], [45, 3, 1, "", "drift_monitor_status"], [45, 3, 1, "", "error"], [45, 3, 1, "", "failed_predictions"], [45, 3, 1, "", "file_connector_output_location"], [45, 3, 1, "", "file_output_format"], [45, 2, 1, "", "get_batch_prediction_connector_errors"], [45, 2, 1, "", "get_logs"], [45, 2, 1, "", "get_status"], [45, 3, 1, "", "global_prediction_args"], [45, 3, 1, "", "input_feature_groups"], [45, 3, 1, "", "legacy_input_location"], [45, 2, 1, "", "load_results_as_pandas"], [45, 3, 1, "", "model_id"], [45, 3, 1, "", "model_monitor_version"], [45, 3, 1, "", "model_version"], [45, 3, 1, "", "monitor_warnings"], [45, 3, 1, "", "output_feature_group_id"], [45, 3, 1, "", "output_feature_group_table_name"], [45, 3, 1, "", "output_feature_group_version"], [45, 3, 1, "", "output_includes_metadata"], [45, 3, 1, "", "predictions_completed_at"], [45, 3, 1, "", "predictions_started_at"], [45, 2, 1, "", "refresh"], [45, 3, 1, "", "result_input_columns"], [45, 3, 1, "", "status"], [45, 2, 1, "", "to_dict"], [45, 3, 1, "", "total_predictions"], [45, 2, 1, "", "wait_for_drift_monitor"], [45, 2, 1, "", "wait_for_predictions"]], "abacusai.batch_prediction_version_logs": [[46, 1, 1, "", "BatchPredictionVersionLogs"]], "abacusai.batch_prediction_version_logs.BatchPredictionVersionLogs": [[46, 2, 1, "", "__repr__"], [46, 3, 1, "", "deprecated_keys"], [46, 3, 1, "", "logs"], [46, 2, 1, "", "to_dict"], [46, 3, 1, "", "warnings"]], "abacusai.bot_info": [[47, 1, 1, "", "BotInfo"]], "abacusai.bot_info.BotInfo": [[47, 2, 1, "", "__repr__"], [47, 3, 1, "", "deprecated_keys"], [47, 3, 1, "", "external_application_id"], [47, 2, 1, "", "to_dict"]], "abacusai.categorical_range_violation": [[48, 1, 1, "", "CategoricalRangeViolation"]], "abacusai.categorical_range_violation.CategoricalRangeViolation": [[48, 2, 1, "", "__repr__"], [48, 3, 1, "", "deprecated_keys"], [48, 3, 1, "", "freq_outside_training_range"], [48, 3, 1, "", "most_common_values"], [48, 3, 1, "", "name"], [48, 2, 1, "", "to_dict"]], "abacusai.chat_message": [[49, 1, 1, "", "ChatMessage"]], "abacusai.chat_message.ChatMessage": [[49, 2, 1, "", "__repr__"], [49, 3, 1, "", "compute_points_used"], [49, 3, 1, "", "deprecated_keys"], [49, 3, 1, "", "doc_ids"], [49, 3, 1, "", "feedback"], [49, 3, 1, "", "hotkey_title"], [49, 3, 1, "", "is_useful"], [49, 3, 1, "", "keyword_arguments"], [49, 3, 1, "", "role"], [49, 3, 1, "", "tasks"], [49, 3, 1, "", "text"], [49, 3, 1, "", "timestamp"], [49, 2, 1, "", "to_dict"]], "abacusai.chat_session": [[50, 1, 1, "", "ChatSession"]], "abacusai.chat_session.ChatSession": [[50, 2, 1, "", "__repr__"], [50, 3, 1, "", "ai_building_in_progress"], [50, 3, 1, "", "answer"], [50, 3, 1, "", "chat_history"], [50, 3, 1, "", "chat_session_id"], [50, 3, 1, "", "created_at"], [50, 2, 1, "", "delete_chat_message"], [50, 3, 1, "", "deprecated_keys"], [50, 2, 1, "", "export"], [50, 2, 1, "", "get"], [50, 3, 1, "", "name"], [50, 3, 1, "", "next_ai_building_task"], [50, 3, 1, "", "notification"], [50, 3, 1, "", "project_id"], [50, 2, 1, "", "rename"], [50, 3, 1, "", "status"], [50, 2, 1, "", "to_dict"], [50, 3, 1, "", "whiteboard"]], "abacusai.chatllm_computer": [[51, 1, 1, "", "ChatllmComputer"]], "abacusai.chatllm_computer.ChatllmComputer": [[51, 2, 1, "", "__repr__"], [51, 3, 1, "", "computer_id"], [51, 3, 1, "", "deprecated_keys"], [51, 2, 1, "", "to_dict"], [51, 3, 1, "", "token"], [51, 3, 1, "", "vnc_endpoint"]], "abacusai.chatllm_computer_status": [[52, 1, 1, "", "ChatllmComputerStatus"]], "abacusai.chatllm_computer_status.ChatllmComputerStatus": [[52, 2, 1, "", "__repr__"], [52, 3, 1, "", "computer_id"], [52, 3, 1, "", "computer_started"], [52, 3, 1, "", "deprecated_keys"], [52, 3, 1, "", "restart_required"], [52, 2, 1, "", "to_dict"], [52, 3, 1, "", "vnc_endpoint"]], "abacusai.chatllm_memory": [[53, 1, 1, "", "ChatllmMemory"]], "abacusai.chatllm_memory.ChatllmMemory": [[53, 2, 1, "", "__repr__"], [53, 3, 1, "", "chatllm_memory_id"], [53, 3, 1, "", "deprecated_keys"], [53, 3, 1, "", "memory"], [53, 3, 1, "", "source_deployment_conversation_id"], [53, 2, 1, "", "to_dict"]], "abacusai.chatllm_project": [[54, 1, 1, "", "ChatllmProject"]], "abacusai.chatllm_project.ChatllmProject": [[54, 2, 1, "", "__repr__"], [54, 3, 1, "", "chatllm_project_id"], [54, 3, 1, "", "created_at"], [54, 3, 1, "", "custom_instructions"], [54, 3, 1, "", "deprecated_keys"], [54, 3, 1, "", "description"], [54, 3, 1, "", "name"], [54, 2, 1, "", "to_dict"], [54, 3, 1, "", "updated_at"]], "abacusai.chatllm_project_permissions": [[55, 1, 1, "", "ChatllmProjectPermissions"]], "abacusai.chatllm_project_permissions.ChatllmProjectPermissions": [[55, 2, 1, "", "__repr__"], [55, 3, 1, "", "access_level"], [55, 3, 1, "", "chatllm_project_id"], [55, 3, 1, "", "deprecated_keys"], [55, 2, 1, "", "to_dict"], [55, 3, 1, "", "user_group_permissions"], [55, 3, 1, "", "user_permissions"]], "abacusai.chatllm_referral_invite": [[56, 1, 1, "", "ChatllmReferralInvite"]], "abacusai.chatllm_referral_invite.ChatllmReferralInvite": [[56, 2, 1, "", "__repr__"], [56, 3, 1, "", "deprecated_keys"], [56, 3, 1, "", "successful_invites"], [56, 2, 1, "", "to_dict"], [56, 3, 1, "", "user_already_exists"]], "abacusai.chatllm_task": [[57, 1, 1, "", "ChatllmTask"]], "abacusai.chatllm_task.ChatllmTask": [[57, 2, 1, "", "__repr__"], [57, 3, 1, "", "chatllm_task_id"], [57, 3, 1, "", "compute_points_used"], [57, 3, 1, "", "daemon_task_id"], [57, 3, 1, "", "deployment_conversation_id"], [57, 3, 1, "", "deprecated_keys"], [57, 3, 1, "", "description"], [57, 3, 1, "", "display_markdown"], [57, 3, 1, "", "email"], [57, 3, 1, "", "enable_email_alerts"], [57, 3, 1, "", "execution_mode"], [57, 3, 1, "", "external_application_id"], [57, 3, 1, "", "instructions"], [57, 3, 1, "", "lifecycle"], [57, 3, 1, "", "name"], [57, 3, 1, "", "num_unread_task_instances"], [57, 3, 1, "", "requires_new_conversation"], [57, 3, 1, "", "schedule_info"], [57, 3, 1, "", "source_deployment_conversation_id"], [57, 3, 1, "", "task_definition"], [57, 3, 1, "", "task_type"], [57, 2, 1, "", "to_dict"]], "abacusai.client": [[58, 1, 1, "", "AgentResponse"], [58, 5, 1, "", "AlreadyExistsError"], [58, 1, 1, "", "ApiClient"], [58, 5, 1, "", "ApiException"], [58, 1, 1, "", "BaseApiClient"], [58, 1, 1, "", "ClientOptions"], [58, 5, 1, "", "ConflictError"], [58, 6, 1, "", "DEFAULT_SERVER"], [58, 5, 1, "", "DataNotFoundError"], [58, 5, 1, "", "FailedDependencyError"], [58, 5, 1, "", "GatewayTimeoutError"], [58, 5, 1, "", "Generic404Error"], [58, 5, 1, "", "GenericPermissionDeniedError"], [58, 5, 1, "", "InstanceNotModifiedError"], [58, 5, 1, "", "InternalServerError"], [58, 5, 1, "", "InvalidEnumParameterError"], [58, 5, 1, "", "InvalidParameterError"], [58, 5, 1, "", "InvalidRequest"], [58, 5, 1, "", "MethodNotAllowed"], [58, 5, 1, "", "MissingParameterError"], [58, 5, 1, "", "NotReadyError"], [58, 5, 1, "", "PaidPlanRequired"], [58, 5, 1, "", "PaymentMethodRequired"], [58, 5, 1, "", "PermissionDeniedError"], [58, 1, 1, "", "ReadOnlyClient"], [58, 5, 1, "", "RequestTimeoutError"], [58, 5, 1, "", "TooManyRequestsError"], [58, 1, 1, "", "ToolResponse"], [58, 5, 1, "", "UnsuccessfulTrigger"], [58, 1, 1, "", "_ApiExceptionFactory"], [58, 6, 1, "", "_cached_endpoints"], [58, 7, 1, "", "_discover_service_url"], [58, 7, 1, "", "_is_json_serializable"], [58, 6, 1, "", "_request_context"], [58, 7, 1, "", "_requests_retry_session"], [58, 7, 1, "", "get_module_code_from_notebook"], [58, 7, 1, "", "get_source_code_info"], [58, 7, 1, "", "include_modules"], [58, 7, 1, "", "sse_asynchronous_generator"]], "abacusai.client.AgentResponse": [[58, 2, 1, "", "__getattr__"], [58, 2, 1, "", "__getstate__"], [58, 2, 1, "", "__setstate__"], [58, 3, 1, "", "data_list"], [58, 3, 1, "", "section_data_list"], [58, 2, 1, "", "to_dict"]], "abacusai.client.ApiClient": [[58, 2, 1, "", "_attempt_deployment_sql_execution"], [58, 2, 1, "", "_call_aiagent_app_send_message"], [58, 2, 1, "", "_get_agent_app_request_id"], [58, 2, 1, "", "_get_agent_caller"], [58, 2, 1, "", "_get_agent_client_type"], [58, 2, 1, "", "_get_doc_retriever_deployment_info"], [58, 2, 1, "", "_is_async_app_caller"], [58, 2, 1, "", "_is_proxy_app_caller"], [58, 2, 1, "", "_status_poll"], [58, 2, 1, "", "_stream_llm_call"], [58, 2, 1, "", "add_annotatable_feature"], [58, 2, 1, "", "add_annotation"], [58, 2, 1, "", "add_app_user_group_report_permission"], [58, 2, 1, "", "add_app_user_group_to_external_application"], [58, 2, 1, "", "add_developers_to_external_application"], [58, 2, 1, "", "add_feature_group_annotation_label"], [58, 2, 1, "", "add_feature_group_tag"], [58, 2, 1, "", "add_feature_group_to_project"], [58, 2, 1, "", "add_feature_tag"], [58, 2, 1, "", "add_graph_to_dashboard"], [58, 2, 1, "", "add_organization_group_permission"], [58, 2, 1, "", "add_organization_group_to_feature_group_modifiers"], [58, 2, 1, "", "add_project_scope_for_user"], [58, 2, 1, "", "add_project_tags"], [58, 2, 1, "", "add_user_group_object_permission"], [58, 2, 1, "", "add_user_to_feature_group_modifiers"], [58, 2, 1, "", "add_user_to_organization"], [58, 2, 1, "", "add_user_to_organization_group"], [58, 2, 1, "", "add_users_to_app_user_group"], [58, 2, 1, "", "append_data"], [58, 2, 1, "", "append_multiple_data"], [58, 2, 1, "", "cancel_upload"], [58, 2, 1, "", "check_constraints"], [58, 2, 1, "", "classify_image"], [58, 2, 1, "", "classify_pdf"], [58, 2, 1, "", "clear_agent_context"], [58, 2, 1, "", "clear_cache_scope"], [58, 2, 1, "", "clear_deployment_conversation"], [58, 2, 1, "", "concatenate_feature_group_data"], [58, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [58, 2, 1, "", "create_agent"], [58, 2, 1, "", "create_agent_from_function"], [58, 2, 1, "", "create_algorithm"], [58, 2, 1, "", "create_algorithm_from_function"], [58, 2, 1, "", "create_app_user_group"], [58, 2, 1, "", "create_batch_prediction"], [58, 2, 1, "", "create_chat_session"], [58, 2, 1, "", "create_custom_loss_function"], [58, 2, 1, "", "create_custom_loss_function_with_source_code"], [58, 2, 1, "", "create_custom_metric"], [58, 2, 1, "", "create_custom_metric_from_function"], [58, 2, 1, "", "create_dataset_from_application_connector"], [58, 2, 1, "", "create_dataset_from_database_connector"], [58, 2, 1, "", "create_dataset_from_file_connector"], [58, 2, 1, "", "create_dataset_from_pandas"], [58, 2, 1, "", "create_dataset_from_streaming_connector"], [58, 2, 1, "", "create_dataset_from_upload"], [58, 2, 1, "", "create_dataset_version_from_application_connector"], [58, 2, 1, "", "create_dataset_version_from_database_connector"], [58, 2, 1, "", "create_dataset_version_from_document_reprocessing"], [58, 2, 1, "", "create_dataset_version_from_file_connector"], [58, 2, 1, "", "create_dataset_version_from_pandas"], [58, 2, 1, "", "create_dataset_version_from_upload"], [58, 2, 1, "", "create_deployment"], [58, 2, 1, "", "create_deployment_alert"], [58, 2, 1, "", "create_deployment_conversation"], [58, 2, 1, "", "create_deployment_token"], [58, 2, 1, "", "create_deployment_webhook"], [58, 2, 1, "", "create_document_retriever"], [58, 2, 1, "", "create_document_retriever_version"], [58, 2, 1, "", "create_eda"], [58, 2, 1, "", "create_external_application"], [58, 2, 1, "", "create_feature"], [58, 2, 1, "", "create_feature_group"], [58, 2, 1, "", "create_feature_group_from_function"], [58, 2, 1, "", "create_feature_group_from_pandas_df"], [58, 2, 1, "", "create_feature_group_from_python_function"], [58, 2, 1, "", "create_feature_group_from_spark_df"], [58, 2, 1, "", "create_feature_group_from_template"], [58, 2, 1, "", "create_feature_group_template"], [58, 2, 1, "", "create_feature_group_version"], [58, 2, 1, "", "create_forecasting_monitor"], [58, 2, 1, "", "create_graph_dashboard"], [58, 2, 1, "", "create_holdout_analysis"], [58, 2, 1, "", "create_merge_feature_group"], [58, 2, 1, "", "create_model_from_files"], [58, 2, 1, "", "create_model_from_functions"], [58, 2, 1, "", "create_model_from_local_files"], [58, 2, 1, "", "create_model_from_python"], [58, 2, 1, "", "create_model_monitor"], [58, 2, 1, "", "create_model_version_from_files"], [58, 2, 1, "", "create_model_version_from_local_files"], [58, 2, 1, "", "create_module"], [58, 2, 1, "", "create_module_from_notebook"], [58, 2, 1, "", "create_monitor_alert"], [58, 2, 1, "", "create_nested_feature"], [58, 2, 1, "", "create_nlp_drift_monitor"], [58, 2, 1, "", "create_online_feature_group"], [58, 2, 1, "", "create_operator_feature_group"], [58, 2, 1, "", "create_organization_group"], [58, 2, 1, "", "create_organization_secret"], [58, 2, 1, "", "create_pipeline"], [58, 2, 1, "", "create_pipeline_step"], [58, 2, 1, "", "create_pipeline_step_from_function"], [58, 2, 1, "", "create_point_in_time_feature"], [58, 2, 1, "", "create_point_in_time_group"], [58, 2, 1, "", "create_point_in_time_group_feature"], [58, 2, 1, "", "create_prediction_operator"], [58, 2, 1, "", "create_prediction_operator_from_functions"], [58, 2, 1, "", "create_prediction_operator_version"], [58, 2, 1, "", "create_project"], [58, 2, 1, "", "create_python_function"], [58, 2, 1, "", "create_python_function_from_function"], [58, 2, 1, "", "create_realtime_content_store"], [58, 2, 1, "", "create_realtime_monitor"], [58, 2, 1, "", "create_refresh_policy"], [58, 2, 1, "", "create_sampling_feature_group"], [58, 2, 1, "", "create_snapshot_feature_group"], [58, 2, 1, "", "create_spark_df_from_feature_group_version"], [58, 2, 1, "", "create_streaming_dataset"], [58, 2, 1, "", "create_streaming_token"], [58, 2, 1, "", "create_train_test_data_split_feature_group"], [58, 2, 1, "", "create_vision_drift_monitor"], [58, 2, 1, "", "delete_algorithm"], [58, 2, 1, "", "delete_api_key"], [58, 2, 1, "", "delete_app_user_group"], [58, 2, 1, "", "delete_application_connector"], [58, 2, 1, "", "delete_batch_prediction"], [58, 2, 1, "", "delete_chat_message"], [58, 2, 1, "", "delete_custom_loss_function"], [58, 2, 1, "", "delete_custom_metric"], [58, 2, 1, "", "delete_data"], [58, 2, 1, "", "delete_database_connector"], [58, 2, 1, "", "delete_dataset"], [58, 2, 1, "", "delete_dataset_version"], [58, 2, 1, "", "delete_deployment"], [58, 2, 1, "", "delete_deployment_conversation"], [58, 2, 1, "", "delete_deployment_token"], [58, 2, 1, "", "delete_document_retriever"], [58, 2, 1, "", "delete_document_retriever_version"], [58, 2, 1, "", "delete_eda"], [58, 2, 1, "", "delete_eda_version"], [58, 2, 1, "", "delete_external_application"], [58, 2, 1, "", "delete_feature"], [58, 2, 1, "", "delete_feature_group"], [58, 2, 1, "", "delete_feature_group_template"], [58, 2, 1, "", "delete_feature_group_version"], [58, 2, 1, "", "delete_file_connector"], [58, 2, 1, "", "delete_graph_dashboard"], [58, 2, 1, "", "delete_graph_from_dashboard"], [58, 2, 1, "", "delete_item_embeddings"], [58, 2, 1, "", "delete_model"], [58, 2, 1, "", "delete_model_monitor"], [58, 2, 1, "", "delete_model_monitor_version"], [58, 2, 1, "", "delete_model_version"], [58, 2, 1, "", "delete_module"], [58, 2, 1, "", "delete_monitor_alert"], [58, 2, 1, "", "delete_nested_feature"], [58, 2, 1, "", "delete_organization_group"], [58, 2, 1, "", "delete_organization_secret"], [58, 2, 1, "", "delete_pipeline"], [58, 2, 1, "", "delete_pipeline_step"], [58, 2, 1, "", "delete_point_in_time_group"], [58, 2, 1, "", "delete_prediction_operator"], [58, 2, 1, "", "delete_prediction_operator_version"], [58, 2, 1, "", "delete_project"], [58, 2, 1, "", "delete_python_function"], [58, 2, 1, "", "delete_realtime_monitor"], [58, 2, 1, "", "delete_refresh_policy"], [58, 2, 1, "", "delete_scoped_cache_key"], [58, 2, 1, "", "delete_streaming_connector"], [58, 2, 1, "", "delete_streaming_token"], [58, 2, 1, "", "delete_webhook"], [58, 2, 1, "", "deploy_prediction_operator"], [58, 2, 1, "", "describe_annotation"], [58, 2, 1, "", "describe_async_feature_group_operation"], [58, 2, 1, "", "describe_feature_group_row_process_by_key"], [58, 2, 1, "", "describe_image"], [58, 2, 1, "", "describe_pipeline"], [58, 2, 1, "", "describe_pipeline_by_name"], [58, 2, 1, "", "detach_feature_group_from_template"], [58, 2, 1, "", "evaluate_prompt"], [58, 2, 1, "", "execute_agent"], [58, 2, 1, "", "execute_agent_with_binary_data"], [58, 2, 1, "", "execute_async_feature_group_operation"], [58, 2, 1, "", "execute_chatllm_computer_streaming"], [58, 2, 1, "", "execute_conversation_agent"], [58, 2, 1, "", "execute_conversation_agent_streaming"], [58, 2, 1, "", "execute_data_query_using_llm"], [58, 2, 1, "", "execute_feature_group_sql"], [58, 2, 1, "", "execute_python"], [58, 2, 1, "", "execute_workflow_node"], [58, 2, 1, "", "export_chat_session"], [58, 2, 1, "", "export_custom_model_version"], [58, 2, 1, "", "export_feature_group_version_to_console"], [58, 2, 1, "", "export_feature_group_version_to_database_connector"], [58, 2, 1, "", "export_feature_group_version_to_file_connector"], [58, 2, 1, "", "export_model_artifact_as_feature_group"], [58, 2, 1, "", "extract_agent_workflow_information"], [58, 2, 1, "", "extract_data_using_llm"], [58, 2, 1, "", "extract_document_data"], [58, 2, 1, "", "fetch_web_page"], [58, 2, 1, "", "generate_agent_code"], [58, 2, 1, "", "generate_code_for_data_query_using_llm"], [58, 2, 1, "", "generate_point_in_time_features"], [58, 2, 1, "", "get_agent_context_blob_inputs"], [58, 2, 1, "", "get_agent_context_chat_history"], [58, 2, 1, "", "get_agent_context_chat_history_for_llm"], [58, 2, 1, "", "get_agent_context_conversation_id"], [58, 2, 1, "", "get_agent_context_doc_ids"], [58, 2, 1, "", "get_agent_context_doc_infos"], [58, 2, 1, "", "get_agent_context_external_session_id"], [58, 2, 1, "", "get_agent_context_user_info"], [58, 2, 1, "", "get_alternative_assignments"], [58, 2, 1, "", "get_anomalies"], [58, 2, 1, "", "get_assignments"], [58, 2, 1, "", "get_assignments_online_with_new_inputs"], [58, 2, 1, "", "get_assignments_online_with_new_serialized_inputs"], [58, 2, 1, "", "get_chat_response"], [58, 2, 1, "", "get_chat_response_with_binary_data"], [58, 2, 1, "", "get_classification"], [58, 2, 1, "", "get_cluster"], [58, 2, 1, "", "get_completion"], [58, 2, 1, "", "get_conversation_response"], [58, 2, 1, "", "get_conversation_response_with_binary_data"], [58, 2, 1, "", "get_custom_train_function_info"], [58, 2, 1, "", "get_deep_agent_response"], [58, 2, 1, "", "get_docstore_document_data"], [58, 2, 1, "", "get_docstore_page_data"], [58, 2, 1, "", "get_document_snippet"], [58, 2, 1, "", "get_document_to_annotate"], [58, 2, 1, "", "get_entailment"], [58, 2, 1, "", "get_entities_from_pdf"], [58, 2, 1, "", "get_event_anomaly_score"], [58, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [58, 2, 1, "", "get_feature_group_row_process_summary"], [58, 2, 1, "", "get_forecast"], [58, 2, 1, "", "get_initialized_data"], [58, 2, 1, "", "get_k_nearest"], [58, 2, 1, "", "get_labels"], [58, 2, 1, "", "get_llm_app_response"], [58, 2, 1, "", "get_matching_documents"], [58, 2, 1, "", "get_matrix_agent_schema"], [58, 2, 1, "", "get_multiple_k_nearest"], [58, 2, 1, "", "get_objects_from_image"], [58, 2, 1, "", "get_optimization_input_dataframes_with_new_inputs"], [58, 2, 1, "", "get_optimization_inputs_from_serialized"], [58, 2, 1, "", "get_personalized_ranking"], [58, 2, 1, "", "get_ranked_items"], [58, 2, 1, "", "get_raw_data_from_realtime_dataset"], [58, 2, 1, "", "get_recommendations"], [58, 2, 1, "", "get_related_items"], [58, 2, 1, "", "get_relevant_snippets"], [58, 2, 1, "", "get_request_user_info"], [58, 2, 1, "", "get_runtime_config"], [58, 2, 1, "", "get_scoped_cache_value"], [58, 2, 1, "", "get_search_results"], [58, 2, 1, "", "get_sentiment"], [58, 2, 1, "", "get_streaming_chat_response"], [58, 2, 1, "", "get_streaming_conversation_response"], [58, 2, 1, "", "get_summary"], [58, 2, 1, "", "get_text_from_document"], [58, 2, 1, "", "get_timeseries_anomalies"], [58, 2, 1, "", "get_train_function_input"], [58, 2, 1, "", "get_train_function_input_from_model_version"], [58, 2, 1, "", "get_training_config_options"], [58, 2, 1, "", "import_annotation_labels"], [58, 2, 1, "", "import_module"], [58, 2, 1, "", "invite_users_to_app_user_group"], [58, 2, 1, "", "is_anomaly"], [58, 2, 1, "", "list_builtin_algorithms"], [58, 2, 1, "", "list_feature_group_row_processes"], [58, 2, 1, "", "list_pipeline_versions"], [58, 2, 1, "", "list_projects_dashboard"], [58, 2, 1, "", "lookup_features"], [58, 2, 1, "", "lookup_matches"], [58, 2, 1, "", "mark_upload_complete"], [58, 2, 1, "", "pause_autonomous_agent"], [58, 2, 1, "", "pause_pipeline_refresh_schedule"], [58, 2, 1, "", "pause_refresh_policy"], [58, 2, 1, "", "predict"], [58, 2, 1, "", "predict_churn"], [58, 2, 1, "", "predict_class"], [58, 2, 1, "", "predict_fraud"], [58, 2, 1, "", "predict_from_datasets"], [58, 2, 1, "", "predict_language"], [58, 2, 1, "", "predict_lead"], [58, 2, 1, "", "predict_multiple"], [58, 2, 1, "", "predict_takeover"], [58, 2, 1, "", "predict_target"], [58, 2, 1, "", "predict_with_binary_data"], [58, 2, 1, "", "preview_feature_group_template_resolution"], [58, 2, 1, "", "query_mcp_server"], [58, 2, 1, "", "remove_app_user_group_from_external_application"], [58, 2, 1, "", "remove_app_user_group_report_permission"], [58, 2, 1, "", "remove_concatenation_config"], [58, 2, 1, "", "remove_deployment_feature_group_export_output"], [58, 2, 1, "", "remove_developers_from_external_application"], [58, 2, 1, "", "remove_feature_group_annotation_label"], [58, 2, 1, "", "remove_feature_group_from_project"], [58, 2, 1, "", "remove_feature_group_tag"], [58, 2, 1, "", "remove_feature_tag"], [58, 2, 1, "", "remove_organization_group_from_feature_group_modifiers"], [58, 2, 1, "", "remove_organization_group_permission"], [58, 2, 1, "", "remove_project_tags"], [58, 2, 1, "", "remove_user_from_feature_group_modifiers"], [58, 2, 1, "", "remove_user_from_organization"], [58, 2, 1, "", "remove_user_from_organization_group"], [58, 2, 1, "", "remove_user_group_object_permission"], [58, 2, 1, "", "remove_users_from_app_user_group"], [58, 2, 1, "", "rename_application_connector"], [58, 2, 1, "", "rename_chat_session"], [58, 2, 1, "", "rename_database_connector"], [58, 2, 1, "", "rename_deployment"], [58, 2, 1, "", "rename_deployment_conversation"], [58, 2, 1, "", "rename_document_retriever"], [58, 2, 1, "", "rename_eda"], [58, 2, 1, "", "rename_model"], [58, 2, 1, "", "rename_model_monitor"], [58, 2, 1, "", "rename_pipeline"], [58, 2, 1, "", "rename_pipeline_step"], [58, 2, 1, "", "rename_project"], [58, 2, 1, "", "rename_streaming_connector"], [58, 2, 1, "", "render_feature_groups_for_llm"], [58, 2, 1, "", "rerun_eda"], [58, 2, 1, "", "rerun_holdout_analysis"], [58, 2, 1, "", "rerun_model_monitor"], [58, 2, 1, "", "reset_feature_group_row_process_by_key"], [58, 2, 1, "", "reset_pipeline_version"], [58, 2, 1, "", "restart_document_retriever"], [58, 2, 1, "", "resume_pipeline_refresh_schedule"], [58, 2, 1, "", "resume_refresh_policy"], [58, 2, 1, "", "retrain_model"], [58, 2, 1, "", "run_monitor_alert"], [58, 2, 1, "", "run_pipeline"], [58, 2, 1, "", "run_refresh_policy"], [58, 2, 1, "", "run_workflow_graph"], [58, 2, 1, "", "score_image"], [58, 2, 1, "", "search_web_for_llm"], [58, 2, 1, "", "send_email"], [58, 2, 1, "", "set_agent_context_chat_history"], [58, 2, 1, "", "set_agent_context_conversation_id"], [58, 2, 1, "", "set_agent_context_doc_ids"], [58, 2, 1, "", "set_agent_context_doc_infos"], [58, 2, 1, "", "set_agent_context_external_session_id"], [58, 2, 1, "", "set_agent_response_document_sources"], [58, 2, 1, "", "set_annotation_status_feature"], [58, 2, 1, "", "set_auto_deployment"], [58, 2, 1, "", "set_azure_blob_connection_string"], [58, 2, 1, "", "set_batch_prediction_database_connector_output"], [58, 2, 1, "", "set_batch_prediction_dataset_remap"], [58, 2, 1, "", "set_batch_prediction_feature_group"], [58, 2, 1, "", "set_batch_prediction_feature_group_output"], [58, 2, 1, "", "set_batch_prediction_file_connector_output"], [58, 2, 1, "", "set_batch_prediction_output_to_console"], [58, 2, 1, "", "set_cache_scope"], [58, 2, 1, "", "set_dataset_column_data_type"], [58, 2, 1, "", "set_default_model_algorithm"], [58, 2, 1, "", "set_default_organization_group"], [58, 2, 1, "", "set_default_prediction_arguments"], [58, 2, 1, "", "set_deployment_conversation_feedback"], [58, 2, 1, "", "set_deployment_feature_group_export_database_connector_output"], [58, 2, 1, "", "set_deployment_feature_group_export_file_connector_output"], [58, 2, 1, "", "set_deployment_feature_group_version"], [58, 2, 1, "", "set_deployment_model_version"], [58, 2, 1, "", "set_deployment_prediction_operator_version"], [58, 2, 1, "", "set_export_on_materialization"], [58, 2, 1, "", "set_feature_as_annotatable_feature"], [58, 2, 1, "", "set_feature_group_export_connector_config"], [58, 2, 1, "", "set_feature_group_indexing_config"], [58, 2, 1, "", "set_feature_group_merge_config"], [58, 2, 1, "", "set_feature_group_modifier_lock"], [58, 2, 1, "", "set_feature_group_operator_config"], [58, 2, 1, "", "set_feature_group_sampling_config"], [58, 2, 1, "", "set_feature_group_schema"], [58, 2, 1, "", "set_feature_group_type"], [58, 2, 1, "", "set_feature_mapping"], [58, 2, 1, "", "set_feature_type"], [58, 2, 1, "", "set_model_objective"], [58, 2, 1, "", "set_model_prediction_params"], [58, 2, 1, "", "set_model_training_config"], [58, 2, 1, "", "set_natural_language_explanation"], [58, 2, 1, "", "set_project_feature_group_config"], [58, 2, 1, "", "set_scoped_cache_value"], [58, 2, 1, "", "set_streaming_retention_policy"], [58, 2, 1, "", "set_user_role_to_platform"], [58, 2, 1, "", "skip_pending_pipeline_version_steps"], [58, 2, 1, "", "snapshot_streaming_data"], [58, 2, 1, "", "start_autonomous_agent"], [58, 2, 1, "", "start_batch_prediction"], [58, 2, 1, "", "start_deployment"], [58, 2, 1, "", "stop_deployment"], [58, 2, 1, "", "stream_message"], [58, 2, 1, "", "stream_response_section"], [58, 2, 1, "", "stream_section_output"], [58, 2, 1, "", "streaming_evaluate_prompt"], [58, 2, 1, "", "suggest_abacus_apis"], [58, 2, 1, "", "train_model"], [58, 2, 1, "", "transcribe_audio"], [58, 2, 1, "", "transfer_style"], [58, 2, 1, "", "unset_feature_as_annotatable_feature"], [58, 2, 1, "", "unset_pipeline_refresh_schedule"], [58, 2, 1, "", "update_agent"], [58, 2, 1, "", "update_agent_with_function"], [58, 2, 1, "", "update_algorithm"], [58, 2, 1, "", "update_algorithm_from_function"], [58, 2, 1, "", "update_annotation_status"], [58, 2, 1, "", "update_batch_prediction"], [58, 2, 1, "", "update_custom_loss_function"], [58, 2, 1, "", "update_custom_loss_function_with_source_code"], [58, 2, 1, "", "update_custom_metric"], [58, 2, 1, "", "update_custom_metric_from_function"], [58, 2, 1, "", "update_dataset_feature_group_feature_expression"], [58, 2, 1, "", "update_deployment"], [58, 2, 1, "", "update_external_application"], [58, 2, 1, "", "update_feature"], [58, 2, 1, "", "update_feature_group"], [58, 2, 1, "", "update_feature_group_from_pandas_df"], [58, 2, 1, "", "update_feature_group_from_spark_df"], [58, 2, 1, "", "update_feature_group_python_function"], [58, 2, 1, "", "update_feature_group_python_function_bindings"], [58, 2, 1, "", "update_feature_group_sql_definition"], [58, 2, 1, "", "update_feature_group_template"], [58, 2, 1, "", "update_feature_group_template_bindings"], [58, 2, 1, "", "update_graph_dashboard"], [58, 2, 1, "", "update_graph_to_dashboard"], [58, 2, 1, "", "update_model_from_functions"], [58, 2, 1, "", "update_module"], [58, 2, 1, "", "update_module_from_notebook"], [58, 2, 1, "", "update_monitor_alert"], [58, 2, 1, "", "update_nested_feature"], [58, 2, 1, "", "update_organization_secret"], [58, 2, 1, "", "update_pipeline"], [58, 2, 1, "", "update_pipeline_step"], [58, 2, 1, "", "update_pipeline_step_from_function"], [58, 2, 1, "", "update_point_in_time_feature"], [58, 2, 1, "", "update_point_in_time_group"], [58, 2, 1, "", "update_point_in_time_group_feature"], [58, 2, 1, "", "update_prediction_operator"], [58, 2, 1, "", "update_prediction_operator_from_functions"], [58, 2, 1, "", "update_python_function"], [58, 2, 1, "", "update_python_function_code"], [58, 2, 1, "", "update_python_model"], [58, 2, 1, "", "update_python_model_git"], [58, 2, 1, "", "update_python_model_zip"], [58, 2, 1, "", "update_realtime_monitor"], [58, 2, 1, "", "update_refresh_policy"], [58, 2, 1, "", "update_user_group_object_permission"], [58, 2, 1, "", "update_webhook"], [58, 2, 1, "", "upload_part"], [58, 2, 1, "", "upsert_data"], [58, 2, 1, "", "upsert_item_embeddings"], [58, 2, 1, "", "upsert_multiple_item_embeddings"], [58, 2, 1, "", "validate_workflow_graph"], [58, 2, 1, "", "verify_application_connector"], [58, 2, 1, "", "verify_database_connector"], [58, 2, 1, "", "verify_file_connector"], [58, 2, 1, "", "verify_streaming_connector"]], "abacusai.client.ApiException": [[58, 2, 1, "", "__str__"], [58, 3, 1, "", "exception"], [58, 3, 1, "", "http_status"], [58, 3, 1, "", "message"], [58, 3, 1, "", "request_id"]], "abacusai.client.BaseApiClient": [[58, 2, 1, "", "_build_class"], [58, 3, 1, "", "_cache"], [58, 2, 1, "", "_call_api"], [58, 2, 1, "", "_clean_api_objects"], [58, 2, 1, "", "_get_prediction_endpoint"], [58, 2, 1, "", "_get_proxy_endpoint"], [58, 2, 1, "", "_get_streaming_endpoint"], [58, 2, 1, "", "_poll"], [58, 2, 1, "", "_proxy_request"], [58, 2, 1, "", "_request"], [58, 2, 1, "", "_upload_from_pandas"], [58, 2, 1, "", "_upload_from_spark"], [58, 2, 1, "", "_validate_pandas_df"], [58, 3, 1, "", "api_endpoint"], [58, 3, 1, "", "api_key"], [58, 3, 1, "", "cache_scope"], [58, 3, 1, "", "client_options"], [58, 3, 1, "", "client_version"], [58, 3, 1, "", "notebook_id"], [58, 3, 1, "", "pipeline_id"], [58, 3, 1, "", "prediction_endpoint"], [58, 3, 1, "", "proxy_endpoint"], [58, 3, 1, "", "server"], [58, 3, 1, "", "service_discovery_url"], [58, 3, 1, "", "web_version"]], "abacusai.client.ClientOptions": [[58, 3, 1, "", "exception_on_404"], [58, 3, 1, "", "server"]], "abacusai.client.ReadOnlyClient": [[58, 2, 1, "", "copy_agent"], [58, 2, 1, "", "describe_agent"], [58, 2, 1, "", "describe_agent_version"], [58, 2, 1, "", "describe_algorithm"], [58, 2, 1, "", "describe_batch_prediction"], [58, 2, 1, "", "describe_batch_prediction_version"], [58, 2, 1, "", "describe_custom_loss_function"], [58, 2, 1, "", "describe_custom_metric"], [58, 2, 1, "", "describe_custom_metric_version"], [58, 2, 1, "", "describe_dataset"], [58, 2, 1, "", "describe_dataset_version"], [58, 2, 1, "", "describe_deployment"], [58, 2, 1, "", "describe_document_retriever"], [58, 2, 1, "", "describe_document_retriever_by_name"], [58, 2, 1, "", "describe_document_retriever_version"], [58, 2, 1, "", "describe_eda"], [58, 2, 1, "", "describe_eda_version"], [58, 2, 1, "", "describe_external_application"], [58, 2, 1, "", "describe_feature_group"], [58, 2, 1, "", "describe_feature_group_by_table_name"], [58, 2, 1, "", "describe_feature_group_export"], [58, 2, 1, "", "describe_feature_group_template"], [58, 2, 1, "", "describe_feature_group_version"], [58, 2, 1, "", "describe_graph_dashboard"], [58, 2, 1, "", "describe_graph_for_dashboard"], [58, 2, 1, "", "describe_holdout_analysis"], [58, 2, 1, "", "describe_holdout_analysis_version"], [58, 2, 1, "", "describe_model"], [58, 2, 1, "", "describe_model_artifacts_export"], [58, 2, 1, "", "describe_model_monitor"], [58, 2, 1, "", "describe_model_monitor_version"], [58, 2, 1, "", "describe_model_version"], [58, 2, 1, "", "describe_module"], [58, 2, 1, "", "describe_monitor_alert"], [58, 2, 1, "", "describe_monitor_alert_version"], [58, 2, 1, "", "describe_organization_group"], [58, 2, 1, "", "describe_pipeline_step"], [58, 2, 1, "", "describe_pipeline_step_by_name"], [58, 2, 1, "", "describe_pipeline_step_version"], [58, 2, 1, "", "describe_pipeline_version"], [58, 2, 1, "", "describe_prediction_operator"], [58, 2, 1, "", "describe_problem_type"], [58, 2, 1, "", "describe_project"], [58, 2, 1, "", "describe_project_feature_group"], [58, 2, 1, "", "describe_python_function"], [58, 2, 1, "", "describe_realtime_monitor"], [58, 2, 1, "", "describe_refresh_pipeline_run"], [58, 2, 1, "", "describe_refresh_policy"], [58, 2, 1, "", "describe_train_test_data_split_feature_group"], [58, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [58, 2, 1, "", "describe_upload"], [58, 2, 1, "", "describe_use_case_requirements"], [58, 2, 1, "", "describe_user"], [58, 2, 1, "", "describe_webhook"], [58, 2, 1, "", "download_agent_attachment"], [58, 2, 1, "", "download_batch_prediction_result_chunk"], [58, 2, 1, "", "download_execute_feature_group_operation_result_part_chunk"], [58, 2, 1, "", "export_deployment_conversation"], [58, 2, 1, "", "generate_natural_language_explanation"], [58, 2, 1, "", "get_annotations_status"], [58, 2, 1, "", "get_api_endpoint"], [58, 2, 1, "", "get_app_user_group"], [58, 2, 1, "", "get_app_user_group_from_name"], [58, 2, 1, "", "get_app_user_group_sign_in_token"], [58, 2, 1, "", "get_batch_prediction_connector_errors"], [58, 2, 1, "", "get_batch_prediction_version_logs"], [58, 2, 1, "", "get_chat_session"], [58, 2, 1, "", "get_collinearity_for_feature"], [58, 2, 1, "", "get_connector_auth"], [58, 2, 1, "", "get_data"], [58, 2, 1, "", "get_database_connector_auth"], [58, 2, 1, "", "get_database_connector_object_schema"], [58, 2, 1, "", "get_dataset_schema"], [58, 2, 1, "", "get_dataset_version_logs"], [58, 2, 1, "", "get_dataset_version_metrics"], [58, 2, 1, "", "get_deployment_conversation"], [58, 2, 1, "", "get_deployment_conversation_file"], [58, 2, 1, "", "get_deployment_statistics_over_time"], [58, 2, 1, "", "get_docstore_document"], [58, 2, 1, "", "get_docstore_image"], [58, 2, 1, "", "get_drift_for_feature"], [58, 2, 1, "", "get_eda_collinearity"], [58, 2, 1, "", "get_eda_data_consistency"], [58, 2, 1, "", "get_eda_forecasting_analysis"], [58, 2, 1, "", "get_execute_feature_group_operation_result_part_count"], [58, 2, 1, "", "get_feature_association"], [58, 2, 1, "", "get_feature_group_export_connector_errors"], [58, 2, 1, "", "get_feature_group_schema"], [58, 2, 1, "", "get_feature_group_schemas_for_model_version"], [58, 2, 1, "", "get_feature_group_version_export_download_url"], [58, 2, 1, "", "get_feature_group_version_logs"], [58, 2, 1, "", "get_feature_group_version_metrics"], [58, 2, 1, "", "get_feature_importance_by_model_version"], [58, 2, 1, "", "get_file_connector_instructions"], [58, 2, 1, "", "get_materialization_logs"], [58, 2, 1, "", "get_model_metrics"], [58, 2, 1, "", "get_model_monitor_chart_from_organization"], [58, 2, 1, "", "get_model_monitor_summary"], [58, 2, 1, "", "get_model_monitor_summary_from_organization"], [58, 2, 1, "", "get_model_training_types_for_deployment"], [58, 2, 1, "", "get_natural_language_explanation"], [58, 2, 1, "", "get_organization_secret"], [58, 2, 1, "", "get_outliers_for_feature"], [58, 2, 1, "", "get_point_in_time_feature_group_creation_options"], [58, 2, 1, "", "get_prediction_drift"], [58, 2, 1, "", "get_prediction_logs_records"], [58, 2, 1, "", "get_project_feature_group_config"], [58, 2, 1, "", "get_recent_feature_group_streamed_data"], [58, 2, 1, "", "get_step_version_logs"], [58, 2, 1, "", "get_training_data_logs"], [58, 2, 1, "", "get_training_logs"], [58, 2, 1, "", "get_user_connector_auth"], [58, 2, 1, "", "get_user_mcp_connector_auth"], [58, 2, 1, "", "infer_feature_mappings"], [58, 2, 1, "", "list_agent_versions"], [58, 2, 1, "", "list_agents"], [58, 2, 1, "", "list_algorithms"], [58, 2, 1, "", "list_api_keys"], [58, 2, 1, "", "list_application_connector_objects"], [58, 2, 1, "", "list_application_connectors"], [58, 2, 1, "", "list_batch_prediction_versions"], [58, 2, 1, "", "list_batch_predictions"], [58, 2, 1, "", "list_chat_sessions"], [58, 2, 1, "", "list_custom_loss_functions"], [58, 2, 1, "", "list_custom_metrics"], [58, 2, 1, "", "list_database_connector_objects"], [58, 2, 1, "", "list_database_connectors"], [58, 2, 1, "", "list_dataset_versions"], [58, 2, 1, "", "list_datasets"], [58, 2, 1, "", "list_deployment_alerts"], [58, 2, 1, "", "list_deployment_conversations"], [58, 2, 1, "", "list_deployment_tokens"], [58, 2, 1, "", "list_deployment_webhooks"], [58, 2, 1, "", "list_deployments"], [58, 2, 1, "", "list_document_retriever_versions"], [58, 2, 1, "", "list_document_retrievers"], [58, 2, 1, "", "list_eda"], [58, 2, 1, "", "list_eda_versions"], [58, 2, 1, "", "list_external_applications"], [58, 2, 1, "", "list_feature_group_exports"], [58, 2, 1, "", "list_feature_group_modifiers"], [58, 2, 1, "", "list_feature_group_templates"], [58, 2, 1, "", "list_feature_group_versions"], [58, 2, 1, "", "list_feature_groups"], [58, 2, 1, "", "list_file_connectors"], [58, 2, 1, "", "list_graph_dashboards"], [58, 2, 1, "", "list_holdout_analysis"], [58, 2, 1, "", "list_holdout_analysis_versions"], [58, 2, 1, "", "list_llm_apps"], [58, 2, 1, "", "list_model_artifacts_exports"], [58, 2, 1, "", "list_model_monitor_versions"], [58, 2, 1, "", "list_model_monitors"], [58, 2, 1, "", "list_model_versions"], [58, 2, 1, "", "list_models"], [58, 2, 1, "", "list_modules"], [58, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [58, 2, 1, "", "list_monitor_alerts_for_monitor"], [58, 2, 1, "", "list_organization_groups"], [58, 2, 1, "", "list_organization_model_monitors"], [58, 2, 1, "", "list_organization_secrets"], [58, 2, 1, "", "list_organization_users"], [58, 2, 1, "", "list_pipeline_version_logs"], [58, 2, 1, "", "list_pipelines"], [58, 2, 1, "", "list_prediction_operator_versions"], [58, 2, 1, "", "list_prediction_operators"], [58, 2, 1, "", "list_project_feature_group_templates"], [58, 2, 1, "", "list_project_feature_groups"], [58, 2, 1, "", "list_projects"], [58, 2, 1, "", "list_python_function_feature_groups"], [58, 2, 1, "", "list_python_functions"], [58, 2, 1, "", "list_realtime_monitors"], [58, 2, 1, "", "list_refresh_pipeline_runs"], [58, 2, 1, "", "list_refresh_policies"], [58, 2, 1, "", "list_route_llm_models"], [58, 2, 1, "", "list_streaming_connectors"], [58, 2, 1, "", "list_streaming_tokens"], [58, 2, 1, "", "list_uploads"], [58, 2, 1, "", "list_use_cases"], [58, 2, 1, "", "list_user_group_object_permissions"], [58, 2, 1, "", "model_monitor_version_metric_data"], [58, 2, 1, "", "query_database_connector"], [58, 2, 1, "", "query_database_connector_datallm"], [58, 2, 1, "", "query_feature_group_code_generator"], [58, 2, 1, "", "search_feature_groups"], [58, 2, 1, "", "set_dataset_database_connector_config"], [58, 2, 1, "", "suggest_feature_group_template_for_feature_group"], [58, 2, 1, "", "update_dataset_version_limit"], [58, 2, 1, "", "update_feature_group_version_limit"], [58, 2, 1, "", "validate_project"], [58, 2, 1, "", "verify_and_describe_annotation"]], "abacusai.client._ApiExceptionFactory": [[58, 2, 1, "", "from_response"]], "abacusai.code_agent_response": [[59, 1, 1, "", "CodeAgentResponse"]], "abacusai.code_agent_response.CodeAgentResponse": [[59, 2, 1, "", "__repr__"], [59, 3, 1, "", "deployment_conversation_id"], [59, 3, 1, "", "deprecated_keys"], [59, 3, 1, "", "messages"], [59, 2, 1, "", "to_dict"], [59, 3, 1, "", "tool_use_request"]], "abacusai.code_autocomplete_edit_prediction_response": [[60, 1, 1, "", "CodeAutocompleteEditPredictionResponse"]], "abacusai.code_autocomplete_edit_prediction_response.CodeAutocompleteEditPredictionResponse": [[60, 2, 1, "", "__repr__"], [60, 3, 1, "", "autocomplete_response"], [60, 3, 1, "", "deprecated_keys"], [60, 3, 1, "", "show_autocomplete"], [60, 2, 1, "", "to_dict"]], "abacusai.code_autocomplete_response": [[61, 1, 1, "", "CodeAutocompleteResponse"]], "abacusai.code_autocomplete_response.CodeAutocompleteResponse": [[61, 2, 1, "", "__repr__"], [61, 3, 1, "", "autocomplete_response"], [61, 3, 1, "", "deprecated_keys"], [61, 3, 1, "", "line_number"], [61, 3, 1, "", "show_autocomplete"], [61, 2, 1, "", "to_dict"]], "abacusai.code_bot": [[62, 1, 1, "", "CodeBot"]], "abacusai.code_bot.CodeBot": [[62, 2, 1, "", "__repr__"], [62, 3, 1, "", "api_key_url"], [62, 3, 1, "", "code_agent_supported"], [62, 3, 1, "", "code_edit_supported"], [62, 3, 1, "", "deprecated_keys"], [62, 3, 1, "", "image_upload_supported"], [62, 3, 1, "", "is_premium"], [62, 3, 1, "", "is_rate_limited"], [62, 3, 1, "", "is_user_api_key_allowed"], [62, 3, 1, "", "llm_bot_icon"], [62, 3, 1, "", "llm_name"], [62, 3, 1, "", "name"], [62, 3, 1, "", "provider"], [62, 2, 1, "", "to_dict"]], "abacusai.code_edit": [[63, 1, 1, "", "CodeEdit"]], "abacusai.code_edit.CodeEdit": [[63, 2, 1, "", "__repr__"], [63, 3, 1, "", "deprecated_keys"], [63, 3, 1, "", "end_line"], [63, 3, 1, "", "file_path"], [63, 3, 1, "", "start_line"], [63, 3, 1, "", "text"], [63, 2, 1, "", "to_dict"]], "abacusai.code_edit_response": [[64, 1, 1, "", "CodeEditResponse"]], "abacusai.code_edit_response.CodeEditResponse": [[64, 2, 1, "", "__repr__"], [64, 3, 1, "", "code_changes"], [64, 3, 1, "", "deprecated_keys"], [64, 2, 1, "", "to_dict"]], "abacusai.code_edits": [[65, 1, 1, "", "CodeEdits"]], "abacusai.code_edits.CodeEdits": [[65, 2, 1, "", "__repr__"], [65, 3, 1, "", "code_changes"], [65, 3, 1, "", "code_edits"], [65, 3, 1, "", "deprecated_keys"], [65, 2, 1, "", "to_dict"]], "abacusai.code_embeddings": [[66, 1, 1, "", "CodeEmbeddings"]], "abacusai.code_embeddings.CodeEmbeddings": [[66, 2, 1, "", "__repr__"], [66, 3, 1, "", "chunking_scheme"], [66, 3, 1, "", "deprecated_keys"], [66, 3, 1, "", "embeddings"], [66, 2, 1, "", "to_dict"]], "abacusai.code_llm_changed_files": [[67, 1, 1, "", "CodeLlmChangedFiles"]], "abacusai.code_llm_changed_files.CodeLlmChangedFiles": [[67, 2, 1, "", "__repr__"], [67, 3, 1, "", "added_files"], [67, 3, 1, "", "deleted_files"], [67, 3, 1, "", "deprecated_keys"], [67, 2, 1, "", "to_dict"], [67, 3, 1, "", "updated_files"]], "abacusai.code_source": [[68, 1, 1, "", "CodeSource"]], "abacusai.code_source.CodeSource": [[68, 2, 1, "", "__repr__"], [68, 3, 1, "", "application_connector_id"], [68, 3, 1, "", "application_connector_info"], [68, 3, 1, "", "deprecated_keys"], [68, 3, 1, "", "error"], [68, 2, 1, "", "import_as_cell"], [68, 3, 1, "", "module_dependencies"], [68, 3, 1, "", "package_requirements"], [68, 3, 1, "", "publishing_msg"], [68, 3, 1, "", "source_code"], [68, 3, 1, "", "source_type"], [68, 3, 1, "", "status"], [68, 2, 1, "", "to_dict"]], "abacusai.code_suggestion_validation_response": [[69, 1, 1, "", "CodeSuggestionValidationResponse"]], "abacusai.code_suggestion_validation_response.CodeSuggestionValidationResponse": [[69, 2, 1, "", "__repr__"], [69, 3, 1, "", "deprecated_keys"], [69, 3, 1, "", "is_valid"], [69, 2, 1, "", "to_dict"]], "abacusai.code_summary_response": [[70, 1, 1, "", "CodeSummaryResponse"]], "abacusai.code_summary_response.CodeSummaryResponse": [[70, 2, 1, "", "__repr__"], [70, 3, 1, "", "deprecated_keys"], [70, 3, 1, "", "summary"], [70, 2, 1, "", "to_dict"]], "abacusai.codellm_embedding_constants": [[71, 1, 1, "", "CodellmEmbeddingConstants"]], "abacusai.codellm_embedding_constants.CodellmEmbeddingConstants": [[71, 2, 1, "", "__repr__"], [71, 3, 1, "", "deprecated_keys"], [71, 3, 1, "", "file_extension_to_chunking_scheme"], [71, 3, 1, "", "idle_timeout_seconds"], [71, 3, 1, "", "max_concurrent_requests"], [71, 3, 1, "", "max_supported_workspace_chunks"], [71, 3, 1, "", "max_supported_workspace_files"], [71, 2, 1, "", "to_dict"]], "abacusai.compute_point_info": [[72, 1, 1, "", "ComputePointInfo"]], "abacusai.compute_point_info.ComputePointInfo": [[72, 2, 1, "", "__repr__"], [72, 3, 1, "", "always_display"], [72, 3, 1, "", "curr_month_avail_points"], [72, 3, 1, "", "curr_month_usage"], [72, 3, 1, "", "deprecated_keys"], [72, 3, 1, "", "last_24_hours_usage"], [72, 3, 1, "", "last_7_days_usage"], [72, 3, 1, "", "last_throttle_pop_up"], [72, 2, 1, "", "to_dict"], [72, 3, 1, "", "updated_at"]], "abacusai.concatenation_config": [[73, 1, 1, "", "ConcatenationConfig"]], "abacusai.concatenation_config.ConcatenationConfig": [[73, 2, 1, "", "__repr__"], [73, 3, 1, "", "concatenated_table"], [73, 3, 1, "", "deprecated_keys"], [73, 3, 1, "", "merge_type"], [73, 3, 1, "", "replace_until_timestamp"], [73, 3, 1, "", "skip_materialize"], [73, 2, 1, "", "to_dict"]], "abacusai.constants_autocomplete_response": [[74, 1, 1, "", "ConstantsAutocompleteResponse"]], "abacusai.constants_autocomplete_response.ConstantsAutocompleteResponse": [[74, 2, 1, "", "__repr__"], [74, 3, 1, "", "acceptance_delay"], [74, 3, 1, "", "debounce_delay"], [74, 3, 1, "", "default_surrounding_lines"], [74, 3, 1, "", "delay_summary_batches"], [74, 3, 1, "", "delay_summary_batches_rate_limit"], [74, 3, 1, "", "deprecated_keys"], [74, 3, 1, "", "derivative_threshold"], [74, 3, 1, "", "diagnostic_each_threshold"], [74, 3, 1, "", "diagnostics_threshold"], [74, 3, 1, "", "diff_threshold"], [74, 3, 1, "", "edit_cooldown_ms"], [74, 3, 1, "", "edit_prediction_enabled"], [74, 3, 1, "", "edit_prediction_similarity_threshold"], [74, 3, 1, "", "embedding_constants"], [74, 3, 1, "", "fuzzy_symbol_match_threshold"], [74, 3, 1, "", "job_reorder_interval"], [74, 3, 1, "", "lines_for_snapshot"], [74, 3, 1, "", "lsp_deadline"], [74, 3, 1, "", "max_lines"], [74, 3, 1, "", "max_occurrences_per_word"], [74, 3, 1, "", "max_pending_requests"], [74, 3, 1, "", "max_symbols_fuzzy_match"], [74, 3, 1, "", "max_tracked_recent_changes"], [74, 3, 1, "", "max_tracked_visit_changes"], [74, 3, 1, "", "max_words_content_matches"], [74, 3, 1, "", "min_refresh_summary_interval"], [74, 3, 1, "", "min_reindexing_interval"], [74, 3, 1, "", "min_search_word_length"], [74, 3, 1, "", "num_vs_code_suggestions"], [74, 3, 1, "", "record_user_action"], [74, 3, 1, "", "scroll_debounce_ms"], [74, 3, 1, "", "selection_cooldown_ms"], [74, 3, 1, "", "snapshot_interval_ms"], [74, 3, 1, "", "stop_rapid_changes"], [74, 3, 1, "", "summary_batch_size"], [74, 3, 1, "", "symbols_cache_update_interval"], [74, 3, 1, "", "symbols_storage_update_interval"], [74, 2, 1, "", "to_dict"], [74, 3, 1, "", "validate_suggestion"], [74, 3, 1, "", "validation_lines_threshold"], [74, 3, 1, "", "viewing_cooldown_ms"]], "abacusai.cpu_gpu_memory_specs": [[75, 1, 1, "", "CpuGpuMemorySpecs"]], "abacusai.cpu_gpu_memory_specs.CpuGpuMemorySpecs": [[75, 2, 1, "", "__repr__"], [75, 3, 1, "", "data"], [75, 3, 1, "", "default"], [75, 3, 1, "", "deprecated_keys"], [75, 2, 1, "", "to_dict"]], "abacusai.cryptography": [[76, 7, 1, "", "get_public_key"], [76, 7, 1, "", "verify_response"]], "abacusai.custom_chat_instructions": [[77, 1, 1, "", "CustomChatInstructions"]], "abacusai.custom_chat_instructions.CustomChatInstructions": [[77, 2, 1, "", "__repr__"], [77, 3, 1, "", "deprecated_keys"], [77, 3, 1, "", "enable_code_execution"], [77, 3, 1, "", "enable_image_generation"], [77, 3, 1, "", "enable_memories"], [77, 3, 1, "", "enable_playground"], [77, 3, 1, "", "enable_web_search"], [77, 3, 1, "", "experimental_features"], [77, 3, 1, "", "response_instructions"], [77, 2, 1, "", "to_dict"], [77, 3, 1, "", "user_information_instructions"]], "abacusai.custom_domain": [[78, 1, 1, "", "CustomDomain"]], "abacusai.custom_domain.CustomDomain": [[78, 2, 1, "", "__repr__"], [78, 3, 1, "", "current_nameservers"], [78, 3, 1, "", "deprecated_keys"], [78, 3, 1, "", "expected_nameservers"], [78, 3, 1, "", "message"], [78, 3, 1, "", "status"], [78, 2, 1, "", "to_dict"]], "abacusai.custom_loss_function": [[79, 1, 1, "", "CustomLossFunction"]], "abacusai.custom_loss_function.CustomLossFunction": [[79, 2, 1, "", "__repr__"], [79, 3, 1, "", "code_source"], [79, 3, 1, "", "created_at"], [79, 3, 1, "", "deprecated_keys"], [79, 3, 1, "", "loss_function_name"], [79, 3, 1, "", "loss_function_type"], [79, 3, 1, "", "name"], [79, 3, 1, "", "notebook_id"], [79, 2, 1, "", "to_dict"]], "abacusai.custom_metric": [[80, 1, 1, "", "CustomMetric"]], "abacusai.custom_metric.CustomMetric": [[80, 2, 1, "", "__repr__"], [80, 3, 1, "", "created_at"], [80, 3, 1, "", "custom_metric_id"], [80, 3, 1, "", "deprecated_keys"], [80, 3, 1, "", "latest_custom_metric_version"], [80, 3, 1, "", "name"], [80, 3, 1, "", "notebook_id"], [80, 3, 1, "", "problem_type"], [80, 2, 1, "", "to_dict"]], "abacusai.custom_metric_version": [[81, 1, 1, "", "CustomMetricVersion"]], "abacusai.custom_metric_version.CustomMetricVersion": [[81, 2, 1, "", "__repr__"], [81, 3, 1, "", "code_source"], [81, 3, 1, "", "created_at"], [81, 3, 1, "", "custom_metric_function_name"], [81, 3, 1, "", "custom_metric_version"], [81, 3, 1, "", "deprecated_keys"], [81, 2, 1, "", "describe"], [81, 3, 1, "", "name"], [81, 2, 1, "", "refresh"], [81, 2, 1, "", "to_dict"]], "abacusai.custom_train_function_info": [[82, 1, 1, "", "CustomTrainFunctionInfo"]], "abacusai.custom_train_function_info.CustomTrainFunctionInfo": [[82, 2, 1, "", "__repr__"], [82, 3, 1, "", "deprecated_keys"], [82, 3, 1, "", "schema_mappings"], [82, 2, 1, "", "to_dict"], [82, 3, 1, "", "train_data_parameter_to_feature_group_ids"], [82, 3, 1, "", "training_config"], [82, 3, 1, "", "training_data_parameter_name_mapping"]], "abacusai.daemon_task_conversation": [[83, 1, 1, "", "DaemonTaskConversation"]], "abacusai.daemon_task_conversation.DaemonTaskConversation": [[83, 2, 1, "", "__repr__"], [83, 3, 1, "", "created_at"], [83, 3, 1, "", "deployment_conversation_id"], [83, 3, 1, "", "deployment_conversation_name"], [83, 3, 1, "", "deprecated_keys"], [83, 3, 1, "", "external_application_id"], [83, 2, 1, "", "to_dict"], [83, 3, 1, "", "updated_at"]], "abacusai.data_consistency_duplication": [[84, 1, 1, "", "DataConsistencyDuplication"]], "abacusai.data_consistency_duplication.DataConsistencyDuplication": [[84, 2, 1, "", "__repr__"], [84, 3, 1, "", "deprecated_keys"], [84, 3, 1, "", "num_duplicates"], [84, 3, 1, "", "sample"], [84, 2, 1, "", "to_dict"], [84, 3, 1, "", "total_count"]], "abacusai.data_metrics": [[85, 1, 1, "", "DataMetrics"]], "abacusai.data_metrics.DataMetrics": [[85, 2, 1, "", "__repr__"], [85, 3, 1, "", "deprecated_keys"], [85, 3, 1, "", "metrics"], [85, 3, 1, "", "num_cols"], [85, 3, 1, "", "num_duplicate_rows"], [85, 3, 1, "", "num_rows"], [85, 3, 1, "", "schema"], [85, 2, 1, "", "to_dict"]], "abacusai.data_prep_logs": [[86, 1, 1, "", "DataPrepLogs"]], "abacusai.data_prep_logs.DataPrepLogs": [[86, 2, 1, "", "__repr__"], [86, 3, 1, "", "deprecated_keys"], [86, 3, 1, "", "logs"], [86, 2, 1, "", "to_dict"]], "abacusai.data_quality_results": [[87, 1, 1, "", "DataQualityResults"]], "abacusai.data_quality_results.DataQualityResults": [[87, 2, 1, "", "__repr__"], [87, 3, 1, "", "deprecated_keys"], [87, 3, 1, "", "results"], [87, 2, 1, "", "to_dict"]], "abacusai.data_upload_result": [[88, 1, 1, "", "DataUploadResult"]], "abacusai.data_upload_result.DataUploadResult": [[88, 2, 1, "", "__repr__"], [88, 3, 1, "", "deprecated_keys"], [88, 3, 1, "", "doc_infos"], [88, 3, 1, "", "max_count"], [88, 2, 1, "", "to_dict"]], "abacusai.database_column_feature_mapping": [[89, 1, 1, "", "DatabaseColumnFeatureMapping"]], "abacusai.database_column_feature_mapping.DatabaseColumnFeatureMapping": [[89, 2, 1, "", "__repr__"], [89, 3, 1, "", "database_column"], [89, 3, 1, "", "deprecated_keys"], [89, 3, 1, "", "feature"], [89, 2, 1, "", "to_dict"]], "abacusai.database_connector": [[90, 1, 1, "", "DatabaseConnector"]], "abacusai.database_connector.DatabaseConnector": [[90, 2, 1, "", "__repr__"], [90, 3, 1, "", "auth"], [90, 3, 1, "", "created_at"], [90, 3, 1, "", "database_connector_id"], [90, 2, 1, "", "delete"], [90, 3, 1, "", "deprecated_keys"], [90, 2, 1, "", "get_auth"], [90, 2, 1, "", "get_object_schema"], [90, 2, 1, "", "list_objects"], [90, 3, 1, "", "name"], [90, 2, 1, "", "query"], [90, 2, 1, "", "query_datallm"], [90, 2, 1, "", "rename"], [90, 3, 1, "", "service"], [90, 3, 1, "", "status"], [90, 2, 1, "", "to_dict"], [90, 2, 1, "", "verify"]], "abacusai.database_connector_column": [[91, 1, 1, "", "DatabaseConnectorColumn"]], "abacusai.database_connector_column.DatabaseConnectorColumn": [[91, 2, 1, "", "__repr__"], [91, 3, 1, "", "deprecated_keys"], [91, 3, 1, "", "external_data_type"], [91, 3, 1, "", "name"], [91, 2, 1, "", "to_dict"]], "abacusai.database_connector_schema": [[92, 1, 1, "", "DatabaseConnectorSchema"]], "abacusai.database_connector_schema.DatabaseConnectorSchema": [[92, 2, 1, "", "__repr__"], [92, 3, 1, "", "columns"], [92, 3, 1, "", "deprecated_keys"], [92, 3, 1, "", "table_name"], [92, 2, 1, "", "to_dict"]], "abacusai.dataset": [[93, 1, 1, "", "Dataset"]], "abacusai.dataset.Dataset": [[93, 2, 1, "", "__repr__"], [93, 3, 1, "", "application_connector_config"], [93, 3, 1, "", "application_connector_id"], [93, 3, 1, "", "attachment_parsing_config"], [93, 3, 1, "", "connector_type"], [93, 2, 1, "", "create_refresh_policy"], [93, 2, 1, "", "create_version_from_application_connector"], [93, 2, 1, "", "create_version_from_database_connector"], [93, 2, 1, "", "create_version_from_document_reprocessing"], [93, 2, 1, "", "create_version_from_file_connector"], [93, 2, 1, "", "create_version_from_upload"], [93, 3, 1, "", "created_at"], [93, 3, 1, "", "data_source"], [93, 3, 1, "", "database_connector_config"], [93, 3, 1, "", "database_connector_id"], [93, 3, 1, "", "dataset_id"], [93, 2, 1, "", "delete"], [93, 3, 1, "", "deprecated_keys"], [93, 2, 1, "", "describe"], [93, 2, 1, "", "describe_feature_group"], [93, 3, 1, "", "document_processing_config"], [93, 3, 1, "", "ephemeral"], [93, 3, 1, "", "extract_bounding_boxes"], [93, 3, 1, "", "feature_group_table_name"], [93, 2, 1, "", "get_raw_data_from_realtime"], [93, 2, 1, "", "get_schema"], [93, 2, 1, "", "get_status"], [93, 3, 1, "", "ignore_before"], [93, 3, 1, "", "incremental"], [93, 3, 1, "", "is_documentset"], [93, 3, 1, "", "latest_dataset_version"], [93, 2, 1, "", "list_refresh_policies"], [93, 2, 1, "", "list_versions"], [93, 3, 1, "", "lookback_days"], [93, 3, 1, "", "merge_file_schemas"], [93, 3, 1, "", "parsing_config"], [93, 3, 1, "", "reference_only_documentset"], [93, 2, 1, "", "refresh"], [93, 3, 1, "", "refresh_schedules"], [93, 3, 1, "", "schema"], [93, 2, 1, "", "set_column_data_type"], [93, 2, 1, "", "set_database_connector_config"], [93, 2, 1, "", "set_streaming_retention_policy"], [93, 2, 1, "", "snapshot_streaming_data"], [93, 3, 1, "", "source_type"], [93, 2, 1, "", "to_dict"], [93, 2, 1, "", "update_version_limit"], [93, 3, 1, "", "version_limit"], [93, 2, 1, "", "wait_for_import"], [93, 2, 1, "", "wait_for_inspection"]], "abacusai.dataset_column": [[94, 1, 1, "", "DatasetColumn"]], "abacusai.dataset_column.DatasetColumn": [[94, 2, 1, "", "__repr__"], [94, 3, 1, "", "data_type"], [94, 3, 1, "", "deprecated_keys"], [94, 3, 1, "", "detected_data_type"], [94, 3, 1, "", "detected_feature_type"], [94, 3, 1, "", "feature_type"], [94, 3, 1, "", "name"], [94, 3, 1, "", "original_name"], [94, 3, 1, "", "time_format"], [94, 3, 1, "", "timestamp_frequency"], [94, 2, 1, "", "to_dict"], [94, 3, 1, "", "valid_data_types"]], "abacusai.dataset_version": [[95, 1, 1, "", "DatasetVersion"]], "abacusai.dataset_version.DatasetVersion": [[95, 2, 1, "", "__repr__"], [95, 3, 1, "", "application_connector_config"], [95, 3, 1, "", "created_at"], [95, 3, 1, "", "database_connector_config"], [95, 3, 1, "", "dataset_id"], [95, 3, 1, "", "dataset_version"], [95, 2, 1, "", "delete"], [95, 3, 1, "", "deprecated_keys"], [95, 2, 1, "", "describe"], [95, 3, 1, "", "error"], [95, 3, 1, "", "file_inspect_metadata"], [95, 2, 1, "", "get_logs"], [95, 2, 1, "", "get_metrics"], [95, 2, 1, "", "get_status"], [95, 3, 1, "", "incremental_queried_at"], [95, 3, 1, "", "invalid_records"], [95, 3, 1, "", "merge_file_schemas"], [95, 2, 1, "", "refresh"], [95, 3, 1, "", "row_count"], [95, 3, 1, "", "size"], [95, 3, 1, "", "status"], [95, 2, 1, "", "to_dict"], [95, 3, 1, "", "upload_id"], [95, 2, 1, "", "wait_for_import"], [95, 2, 1, "", "wait_for_inspection"]], "abacusai.dataset_version_logs": [[96, 1, 1, "", "DatasetVersionLogs"]], "abacusai.dataset_version_logs.DatasetVersionLogs": [[96, 2, 1, "", "__repr__"], [96, 3, 1, "", "deprecated_keys"], [96, 3, 1, "", "logs"], [96, 2, 1, "", "to_dict"]], "abacusai.default_llm": [[97, 1, 1, "", "DefaultLlm"]], "abacusai.default_llm.DefaultLlm": [[97, 2, 1, "", "__repr__"], [97, 3, 1, "", "deprecated_keys"], [97, 3, 1, "", "enum"], [97, 3, 1, "", "name"], [97, 2, 1, "", "to_dict"]], "abacusai.deployment": [[98, 1, 1, "", "Deployment"]], "abacusai.deployment.Deployment": [[98, 2, 1, "", "__repr__"], [98, 3, 1, "", "algo_name"], [98, 3, 1, "", "algorithm"], [98, 3, 1, "", "auto_deploy"], [98, 3, 1, "", "batch_streaming_updates"], [98, 3, 1, "", "calls_per_second"], [98, 2, 1, "", "create_alert"], [98, 2, 1, "", "create_batch_prediction"], [98, 2, 1, "", "create_conversation"], [98, 2, 1, "", "create_external_application"], [98, 2, 1, "", "create_realtime_monitor"], [98, 2, 1, "", "create_refresh_policy"], [98, 2, 1, "", "create_webhook"], [98, 3, 1, "", "created_at"], [98, 3, 1, "", "default_prediction_arguments"], [98, 2, 1, "", "delete"], [98, 3, 1, "", "deployed_at"], [98, 3, 1, "", "deployment_id"], [98, 3, 1, "", "deprecated_keys"], [98, 2, 1, "", "describe"], [98, 2, 1, "", "describe_feature_group_row_process_by_key"], [98, 3, 1, "", "description"], [98, 2, 1, "", "download_agent_attachment"], [98, 3, 1, "", "error"], [98, 3, 1, "", "feature_group_export_config"], [98, 3, 1, "", "feature_group_id"], [98, 3, 1, "", "feature_group_version"], [98, 2, 1, "", "get_conversation_response"], [98, 2, 1, "", "get_conversation_response_with_binary_data"], [98, 2, 1, "", "get_feature_group_row_process_logs_by_key"], [98, 2, 1, "", "get_feature_group_row_process_summary"], [98, 2, 1, "", "get_prediction_logs_records"], [98, 2, 1, "", "get_statistics_over_time"], [98, 2, 1, "", "get_status"], [98, 3, 1, "", "is_system_created"], [98, 2, 1, "", "list_alerts"], [98, 2, 1, "", "list_conversations"], [98, 2, 1, "", "list_feature_group_row_processes"], [98, 2, 1, "", "list_refresh_policies"], [98, 2, 1, "", "list_webhooks"], [98, 3, 1, "", "model_deployment_config"], [98, 3, 1, "", "model_id"], [98, 3, 1, "", "model_version"], [98, 3, 1, "", "name"], [98, 3, 1, "", "online_feature_group_id"], [98, 3, 1, "", "output_online_feature_group_id"], [98, 3, 1, "", "pending_model_version"], [98, 3, 1, "", "pending_prediction_operator_version"], [98, 3, 1, "", "prediction_operator_id"], [98, 3, 1, "", "prediction_operator_version"], [98, 3, 1, "", "project_id"], [98, 3, 1, "", "realtime_monitor_id"], [98, 2, 1, "", "refresh"], [98, 3, 1, "", "refresh_schedules"], [98, 3, 1, "", "regions"], [98, 2, 1, "", "remove_feature_group_export_output"], [98, 2, 1, "", "rename"], [98, 2, 1, "", "reset_feature_group_row_process_by_key"], [98, 3, 1, "", "runtime_configs"], [98, 2, 1, "", "set_auto"], [98, 2, 1, "", "set_default_prediction_arguments"], [98, 2, 1, "", "set_feature_group_export_database_connector_output"], [98, 2, 1, "", "set_feature_group_export_file_connector_output"], [98, 2, 1, "", "set_feature_group_version"], [98, 2, 1, "", "set_model_version"], [98, 2, 1, "", "set_prediction_operator_version"], [98, 3, 1, "", "skip_metrics_check"], [98, 2, 1, "", "start"], [98, 3, 1, "", "status"], [98, 2, 1, "", "stop"], [98, 2, 1, "", "to_dict"], [98, 2, 1, "", "update"], [98, 2, 1, "", "wait_for_deployment"], [98, 2, 1, "", "wait_for_pending_deployment_update"]], "abacusai.deployment_auth_token": [[99, 1, 1, "", "DeploymentAuthToken"]], "abacusai.deployment_auth_token.DeploymentAuthToken": [[99, 2, 1, "", "__repr__"], [99, 3, 1, "", "created_at"], [99, 3, 1, "", "deployment_token"], [99, 3, 1, "", "deprecated_keys"], [99, 3, 1, "", "name"], [99, 2, 1, "", "to_dict"]], "abacusai.deployment_conversation": [[100, 1, 1, "", "DeploymentConversation"]], "abacusai.deployment_conversation.DeploymentConversation": [[100, 2, 1, "", "__repr__"], [100, 3, 1, "", "chatllm_task_id"], [100, 2, 1, "", "clear"], [100, 3, 1, "", "computer_status"], [100, 2, 1, "", "construct_agent_conversation_messages_for_llm"], [100, 3, 1, "", "contest_names"], [100, 3, 1, "", "conversation_status"], [100, 3, 1, "", "conversation_type"], [100, 3, 1, "", "conversation_warning"], [100, 3, 1, "", "created_at"], [100, 3, 1, "", "daemon_task_id"], [100, 2, 1, "", "delete"], [100, 3, 1, "", "deployment_conversation_id"], [100, 3, 1, "", "deployment_id"], [100, 3, 1, "", "deprecated_keys"], [100, 2, 1, "", "export"], [100, 3, 1, "", "external_application_id"], [100, 3, 1, "", "external_session_id"], [100, 3, 1, "", "filesystem_status"], [100, 2, 1, "", "get"], [100, 2, 1, "", "get_file"], [100, 3, 1, "", "has_history"], [100, 3, 1, "", "history"], [100, 3, 1, "", "hosted_artifacts"], [100, 3, 1, "", "humanize_instructions"], [100, 3, 1, "", "intro_message"], [100, 3, 1, "", "last_event_created_at"], [100, 3, 1, "", "latest_context"], [100, 3, 1, "", "llm_bot_icon"], [100, 3, 1, "", "llm_display_name"], [100, 3, 1, "", "metadata"], [100, 3, 1, "", "name"], [100, 3, 1, "", "owner_org_id"], [100, 3, 1, "", "owner_user_id"], [100, 3, 1, "", "parent_deployment_conversation_id"], [100, 3, 1, "", "preview_info"], [100, 3, 1, "", "regenerate_attempt"], [100, 2, 1, "", "rename"], [100, 3, 1, "", "search_suggestions"], [100, 2, 1, "", "set_feedback"], [100, 3, 1, "", "share_type"], [100, 2, 1, "", "to_dict"], [100, 3, 1, "", "total_events"], [100, 3, 1, "", "unused_document_upload_ids"]], "abacusai.deployment_conversation_event": [[101, 1, 1, "", "DeploymentConversationEvent"]], "abacusai.deployment_conversation_event.DeploymentConversationEvent": [[101, 2, 1, "", "__repr__"], [101, 3, 1, "", "agent_response"], [101, 3, 1, "", "agent_workflow_node_id"], [101, 3, 1, "", "all_versions"], [101, 3, 1, "", "allow_task_automation"], [101, 3, 1, "", "attached_user_file_names"], [101, 3, 1, "", "attachments"], [101, 3, 1, "", "chat_type"], [101, 3, 1, "", "compute_points_used"], [101, 3, 1, "", "computer_files"], [101, 3, 1, "", "deepagent_mode"], [101, 3, 1, "", "deprecated_keys"], [101, 3, 1, "", "doc_infos"], [101, 3, 1, "", "error"], [101, 3, 1, "", "feedback"], [101, 3, 1, "", "feedback_type"], [101, 3, 1, "", "form_response"], [101, 3, 1, "", "highlights"], [101, 3, 1, "", "input_params"], [101, 3, 1, "", "is_last_message"], [101, 3, 1, "", "is_useful"], [101, 3, 1, "", "keyword_arguments"], [101, 3, 1, "", "llm_bot_icon"], [101, 3, 1, "", "llm_display_name"], [101, 3, 1, "", "message_index"], [101, 3, 1, "", "model_version"], [101, 3, 1, "", "next_agent_workflow_node_id"], [101, 3, 1, "", "old_file_content"], [101, 3, 1, "", "regenerate_attempt"], [101, 3, 1, "", "response_version"], [101, 3, 1, "", "role"], [101, 3, 1, "", "routed_llm"], [101, 3, 1, "", "search_results"], [101, 3, 1, "", "segments"], [101, 3, 1, "", "selected_version_index"], [101, 3, 1, "", "streamed_data"], [101, 3, 1, "", "streamed_section_data"], [101, 3, 1, "", "text"], [101, 3, 1, "", "timestamp"], [101, 2, 1, "", "to_dict"], [101, 3, 1, "", "tool_use_request"], [101, 3, 1, "", "tool_use_result"], [101, 3, 1, "", "total_versions"], [101, 3, 1, "", "verification_summary"]], "abacusai.deployment_conversation_export": [[102, 1, 1, "", "DeploymentConversationExport"]], "abacusai.deployment_conversation_export.DeploymentConversationExport": [[102, 2, 1, "", "__repr__"], [102, 3, 1, "", "conversation_export_html"], [102, 3, 1, "", "deployment_conversation_id"], [102, 3, 1, "", "deprecated_keys"], [102, 2, 1, "", "to_dict"]], "abacusai.deployment_statistics": [[103, 1, 1, "", "DeploymentStatistics"]], "abacusai.deployment_statistics.DeploymentStatistics": [[103, 2, 1, "", "__repr__"], [103, 3, 1, "", "date_labels"], [103, 3, 1, "", "deprecated_keys"], [103, 3, 1, "", "http_status_series"], [103, 3, 1, "", "latency_series"], [103, 3, 1, "", "request_series"], [103, 2, 1, "", "to_dict"]], "abacusai.document_data": [[104, 1, 1, "", "DocumentData"]], "abacusai.document_data.DocumentData": [[104, 2, 1, "", "__repr__"], [104, 3, 1, "", "augmented_page_text"], [104, 3, 1, "", "deprecated_keys"], [104, 3, 1, "", "doc_id"], [104, 3, 1, "", "embedded_text"], [104, 3, 1, "", "extracted_page_text"], [104, 3, 1, "", "extracted_text"], [104, 3, 1, "", "metadata"], [104, 3, 1, "", "mime_type"], [104, 3, 1, "", "page_count"], [104, 3, 1, "", "page_markdown"], [104, 3, 1, "", "pages"], [104, 2, 1, "", "to_dict"], [104, 3, 1, "", "tokens"], [104, 3, 1, "", "total_page_count"]], "abacusai.document_retriever": [[105, 1, 1, "", "DocumentRetriever"]], "abacusai.document_retriever.DocumentRetriever": [[105, 2, 1, "", "__repr__"], [105, 2, 1, "", "create_version"], [105, 3, 1, "", "created_at"], [105, 3, 1, "", "deprecated_keys"], [105, 2, 1, "", "describe"], [105, 3, 1, "", "document_retriever_config"], [105, 3, 1, "", "document_retriever_id"], [105, 3, 1, "", "feature_group_id"], [105, 3, 1, "", "feature_group_name"], [105, 2, 1, "", "get_deployment_status"], [105, 2, 1, "", "get_document_snippet"], [105, 2, 1, "", "get_matching_documents"], [105, 2, 1, "", "get_status"], [105, 3, 1, "", "indexing_required"], [105, 3, 1, "", "latest_document_retriever_version"], [105, 2, 1, "", "list_versions"], [105, 3, 1, "", "name"], [105, 2, 1, "", "refresh"], [105, 2, 1, "", "rename"], [105, 2, 1, "", "restart"], [105, 2, 1, "", "to_dict"], [105, 2, 1, "", "wait_until_deployment_ready"], [105, 2, 1, "", "wait_until_ready"]], "abacusai.document_retriever_lookup_result": [[106, 1, 1, "", "DocumentRetrieverLookupResult"]], "abacusai.document_retriever_lookup_result.DocumentRetrieverLookupResult": [[106, 2, 1, "", "__repr__"], [106, 3, 1, "", "bounding_boxes"], [106, 3, 1, "", "deprecated_keys"], [106, 3, 1, "", "document"], [106, 3, 1, "", "document_source"], [106, 3, 1, "", "image_ids"], [106, 3, 1, "", "metadata"], [106, 3, 1, "", "pages"], [106, 3, 1, "", "properties"], [106, 3, 1, "", "score"], [106, 2, 1, "", "to_dict"]], "abacusai.document_retriever_version": [[107, 1, 1, "", "DocumentRetrieverVersion"]], "abacusai.document_retriever_version.DocumentRetrieverVersion": [[107, 2, 1, "", "__repr__"], [107, 3, 1, "", "created_at"], [107, 2, 1, "", "delete"], [107, 3, 1, "", "deployment_status"], [107, 3, 1, "", "deprecated_keys"], [107, 2, 1, "", "describe"], [107, 3, 1, "", "document_retriever_config"], [107, 3, 1, "", "document_retriever_id"], [107, 3, 1, "", "document_retriever_version"], [107, 3, 1, "", "embedding_file_size"], [107, 3, 1, "", "error"], [107, 3, 1, "", "feature_group_id"], [107, 3, 1, "", "feature_group_version"], [107, 2, 1, "", "get_deployment_status"], [107, 2, 1, "", "get_status"], [107, 3, 1, "", "number_of_chunks"], [107, 2, 1, "", "refresh"], [107, 3, 1, "", "resolved_config"], [107, 3, 1, "", "status"], [107, 2, 1, "", "to_dict"], [107, 2, 1, "", "wait_for_results"], [107, 2, 1, "", "wait_until_deployment_ready"], [107, 2, 1, "", "wait_until_ready"], [107, 3, 1, "", "warnings"]], "abacusai.document_retriever_version_logs": [[108, 1, 1, "", "DocumentRetrieverVersionLogs"]], "abacusai.document_retriever_version_logs.DocumentRetrieverVersionLogs": [[108, 2, 1, "", "__repr__"], [108, 3, 1, "", "deprecated_keys"], [108, 3, 1, "", "logs"], [108, 2, 1, "", "to_dict"]], "abacusai.domain_purchase_result": [[109, 1, 1, "", "DomainPurchaseResult"]], "abacusai.domain_purchase_result.DomainPurchaseResult": [[109, 2, 1, "", "__repr__"], [109, 3, 1, "", "billed_credits"], [109, 3, 1, "", "deprecated_keys"], [109, 3, 1, "", "domain"], [109, 2, 1, "", "to_dict"]], "abacusai.domain_search_result": [[110, 1, 1, "", "DomainSearchResult"]], "abacusai.domain_search_result.DomainSearchResult": [[110, 2, 1, "", "__repr__"], [110, 3, 1, "", "deprecated_keys"], [110, 3, 1, "", "domain"], [110, 3, 1, "", "register_credits"], [110, 3, 1, "", "register_years"], [110, 3, 1, "", "renewal_credits"], [110, 3, 1, "", "renewal_years"], [110, 2, 1, "", "to_dict"]], "abacusai.drift_distribution": [[111, 1, 1, "", "DriftDistribution"]], "abacusai.drift_distribution.DriftDistribution": [[111, 2, 1, "", "__repr__"], [111, 3, 1, "", "deprecated_keys"], [111, 3, 1, "", "distribution"], [111, 3, 1, "", "metrics"], [111, 3, 1, "", "predicted_column"], [111, 2, 1, "", "to_dict"], [111, 3, 1, "", "train_column"]], "abacusai.drift_distributions": [[112, 1, 1, "", "DriftDistributions"]], "abacusai.drift_distributions.DriftDistributions": [[112, 2, 1, "", "__repr__"], [112, 3, 1, "", "bp_prediction_drift"], [112, 3, 1, "", "deprecated_keys"], [112, 3, 1, "", "label_drift"], [112, 3, 1, "", "prediction_drift"], [112, 2, 1, "", "to_dict"]], "abacusai.eda": [[113, 1, 1, "", "Eda"]], "abacusai.eda.Eda": [[113, 2, 1, "", "__repr__"], [113, 3, 1, "", "created_at"], [113, 2, 1, "", "delete"], [113, 3, 1, "", "deprecated_keys"], [113, 2, 1, "", "describe"], [113, 3, 1, "", "eda_configs"], [113, 3, 1, "", "eda_id"], [113, 3, 1, "", "feature_group_id"], [113, 3, 1, "", "latest_eda_version"], [113, 2, 1, "", "list_versions"], [113, 3, 1, "", "name"], [113, 3, 1, "", "project_id"], [113, 3, 1, "", "reference_feature_group_version"], [113, 2, 1, "", "refresh"], [113, 3, 1, "", "refresh_schedules"], [113, 2, 1, "", "rename"], [113, 2, 1, "", "rerun"], [113, 3, 1, "", "test_feature_group_version"], [113, 2, 1, "", "to_dict"]], "abacusai.eda_chart_description": [[114, 1, 1, "", "EdaChartDescription"]], "abacusai.eda_chart_description.EdaChartDescription": [[114, 2, 1, "", "__repr__"], [114, 3, 1, "", "chart_type"], [114, 3, 1, "", "deprecated_keys"], [114, 3, 1, "", "description"], [114, 2, 1, "", "to_dict"]], "abacusai.eda_collinearity": [[115, 1, 1, "", "EdaCollinearity"]], "abacusai.eda_collinearity.EdaCollinearity": [[115, 2, 1, "", "__repr__"], [115, 3, 1, "", "collinearity_groups"], [115, 3, 1, "", "collinearity_matrix"], [115, 3, 1, "", "column_names"], [115, 3, 1, "", "column_names_x"], [115, 3, 1, "", "deprecated_keys"], [115, 3, 1, "", "group_feature_dict"], [115, 2, 1, "", "to_dict"]], "abacusai.eda_data_consistency": [[116, 1, 1, "", "EdaDataConsistency"]], "abacusai.eda_data_consistency.EdaDataConsistency": [[116, 2, 1, "", "__repr__"], [116, 3, 1, "", "base_duplicates"], [116, 3, 1, "", "column_names"], [116, 3, 1, "", "compare_duplicates"], [116, 3, 1, "", "deletions"], [116, 3, 1, "", "deprecated_keys"], [116, 3, 1, "", "primary_keys"], [116, 2, 1, "", "to_dict"], [116, 3, 1, "", "transformation_column_names"], [116, 3, 1, "", "transformations"]], "abacusai.eda_feature_association": [[117, 1, 1, "", "EdaFeatureAssociation"]], "abacusai.eda_feature_association.EdaFeatureAssociation": [[117, 2, 1, "", "__repr__"], [117, 3, 1, "", "data"], [117, 3, 1, "", "data_columns"], [117, 3, 1, "", "deprecated_keys"], [117, 3, 1, "", "is_box_whisker"], [117, 3, 1, "", "is_scatter"], [117, 2, 1, "", "to_dict"], [117, 3, 1, "", "x_axis"], [117, 3, 1, "", "x_axis_column_values"], [117, 3, 1, "", "y_axis"], [117, 3, 1, "", "y_axis_column_values"]], "abacusai.eda_feature_collinearity": [[118, 1, 1, "", "EdaFeatureCollinearity"]], "abacusai.eda_feature_collinearity.EdaFeatureCollinearity": [[118, 2, 1, "", "__repr__"], [118, 3, 1, "", "deprecated_keys"], [118, 3, 1, "", "feature_collinearity"], [118, 3, 1, "", "selected_feature"], [118, 3, 1, "", "sorted_column_names"], [118, 2, 1, "", "to_dict"]], "abacusai.eda_forecasting_analysis": [[119, 1, 1, "", "EdaForecastingAnalysis"]], "abacusai.eda_forecasting_analysis.EdaForecastingAnalysis": [[119, 2, 1, "", "__repr__"], [119, 3, 1, "", "autocorrelation"], [119, 3, 1, "", "cummulative_contribution"], [119, 3, 1, "", "deprecated_keys"], [119, 3, 1, "", "forecast_frequency"], [119, 3, 1, "", "forecasting_target_feature"], [119, 3, 1, "", "history_length"], [119, 3, 1, "", "missing_value_distribution"], [119, 3, 1, "", "num_rows_histogram"], [119, 3, 1, "", "partial_autocorrelation"], [119, 3, 1, "", "primary_keys"], [119, 3, 1, "", "product_maturity"], [119, 3, 1, "", "sales_across_time"], [119, 3, 1, "", "seasonality_day_of_month"], [119, 3, 1, "", "seasonality_day_of_week"], [119, 3, 1, "", "seasonality_day_of_year"], [119, 3, 1, "", "seasonality_hour"], [119, 3, 1, "", "seasonality_minute"], [119, 3, 1, "", "seasonality_month"], [119, 3, 1, "", "seasonality_quarter"], [119, 3, 1, "", "seasonality_second"], [119, 3, 1, "", "seasonality_week_of_year"], [119, 3, 1, "", "seasonality_year"], [119, 3, 1, "", "timestamp_feature"], [119, 2, 1, "", "to_dict"]], "abacusai.eda_version": [[120, 1, 1, "", "EdaVersion"]], "abacusai.eda_version.EdaVersion": [[120, 2, 1, "", "__repr__"], [120, 2, 1, "", "delete"], [120, 3, 1, "", "deprecated_keys"], [120, 2, 1, "", "describe"], [120, 3, 1, "", "eda_completed_at"], [120, 3, 1, "", "eda_id"], [120, 3, 1, "", "eda_started_at"], [120, 3, 1, "", "eda_version"], [120, 3, 1, "", "error"], [120, 2, 1, "", "get_collinearity_for_feature"], [120, 2, 1, "", "get_eda_collinearity"], [120, 2, 1, "", "get_eda_data_consistency"], [120, 2, 1, "", "get_eda_forecasting_analysis"], [120, 2, 1, "", "get_feature_association"], [120, 2, 1, "", "get_status"], [120, 3, 1, "", "reference_feature_group_version"], [120, 2, 1, "", "refresh"], [120, 3, 1, "", "status"], [120, 3, 1, "", "test_feature_group_version"], [120, 2, 1, "", "to_dict"], [120, 2, 1, "", "wait_for_eda"]], "abacusai.edit_image_models": [[121, 1, 1, "", "EditImageModels"]], "abacusai.edit_image_models.EditImageModels": [[121, 2, 1, "", "__repr__"], [121, 3, 1, "", "default"], [121, 3, 1, "", "deprecated_keys"], [121, 3, 1, "", "models"], [121, 2, 1, "", "to_dict"]], "abacusai.embedding_feature_drift_distribution": [[122, 1, 1, "", "EmbeddingFeatureDriftDistribution"]], "abacusai.embedding_feature_drift_distribution.EmbeddingFeatureDriftDistribution": [[122, 2, 1, "", "__repr__"], [122, 3, 1, "", "average_drift"], [122, 3, 1, "", "chi_square"], [122, 3, 1, "", "csi"], [122, 3, 1, "", "deprecated_keys"], [122, 3, 1, "", "distance"], [122, 3, 1, "", "js_distance"], [122, 3, 1, "", "ks_statistic"], [122, 3, 1, "", "psi"], [122, 2, 1, "", "to_dict"], [122, 3, 1, "", "ws_distance"]], "abacusai.entri_auth_token": [[123, 1, 1, "", "EntriAuthToken"]], "abacusai.entri_auth_token.EntriAuthToken": [[123, 2, 1, "", "__repr__"], [123, 3, 1, "", "application_id"], [123, 3, 1, "", "deprecated_keys"], [123, 2, 1, "", "to_dict"], [123, 3, 1, "", "token"], [123, 3, 1, "", "ttl"]], "abacusai.execute_feature_group_operation": [[124, 1, 1, "", "ExecuteFeatureGroupOperation"]], "abacusai.execute_feature_group_operation.ExecuteFeatureGroupOperation": [[124, 2, 1, "", "__repr__"], [124, 2, 1, "", "_download_avro_file"], [124, 3, 1, "", "deprecated_keys"], [124, 2, 1, "", "describe"], [124, 3, 1, "", "error"], [124, 3, 1, "", "feature_group_operation_run_id"], [124, 2, 1, "", "get_status"], [124, 2, 1, "", "load_as_pandas"], [124, 3, 1, "", "query"], [124, 2, 1, "", "refresh"], [124, 3, 1, "", "status"], [124, 2, 1, "", "to_dict"], [124, 2, 1, "", "wait_for_execution"], [124, 2, 1, "", "wait_for_results"]], "abacusai.external_application": [[125, 1, 1, "", "ExternalApplication"]], "abacusai.external_application.ExternalApplication": [[125, 2, 1, "", "__repr__"], [125, 2, 1, "", "add_developers_to"], [125, 2, 1, "", "delete"], [125, 3, 1, "", "deployment_conversation_retention_hours"], [125, 3, 1, "", "deployment_id"], [125, 3, 1, "", "deprecated_keys"], [125, 2, 1, "", "describe"], [125, 3, 1, "", "description"], [125, 3, 1, "", "external_application_id"], [125, 3, 1, "", "has_fast_mode"], [125, 3, 1, "", "has_thinking_option"], [125, 3, 1, "", "is_agent"], [125, 3, 1, "", "is_codellm_chatmode_supported"], [125, 3, 1, "", "is_customizable"], [125, 3, 1, "", "is_deprecated"], [125, 3, 1, "", "is_system_created"], [125, 3, 1, "", "is_visible"], [125, 3, 1, "", "logo"], [125, 3, 1, "", "managed_user_service"], [125, 3, 1, "", "name"], [125, 3, 1, "", "only_image_gen_enabled"], [125, 3, 1, "", "prediction_overrides"], [125, 3, 1, "", "project_id"], [125, 2, 1, "", "refresh"], [125, 2, 1, "", "remove_developers_from"], [125, 3, 1, "", "status"], [125, 3, 1, "", "theme"], [125, 2, 1, "", "to_dict"], [125, 2, 1, "", "update"], [125, 3, 1, "", "use_case"], [125, 3, 1, "", "user_group_ids"]], "abacusai.external_invite": [[126, 1, 1, "", "ExternalInvite"]], "abacusai.external_invite.ExternalInvite": [[126, 2, 1, "", "__repr__"], [126, 3, 1, "", "deprecated_keys"], [126, 3, 1, "", "successful_invites"], [126, 2, 1, "", "to_dict"], [126, 3, 1, "", "user_already_in_app_group"], [126, 3, 1, "", "user_already_in_org"], [126, 3, 1, "", "user_exists_as_internal"]], "abacusai.extracted_fields": [[127, 1, 1, "", "ExtractedFields"]], "abacusai.extracted_fields.ExtractedFields": [[127, 2, 1, "", "__repr__"], [127, 3, 1, "", "data"], [127, 3, 1, "", "deprecated_keys"], [127, 3, 1, "", "raw_llm_response"], [127, 2, 1, "", "to_dict"]], "abacusai.feature": [[128, 1, 1, "", "Feature"]], "abacusai.feature.Feature": [[128, 2, 1, "", "__repr__"], [128, 3, 1, "", "columns"], [128, 3, 1, "", "data_type"], [128, 3, 1, "", "deprecated_keys"], [128, 3, 1, "", "detected_data_type"], [128, 3, 1, "", "detected_feature_type"], [128, 3, 1, "", "feature_mapping"], [128, 3, 1, "", "feature_type"], [128, 3, 1, "", "name"], [128, 3, 1, "", "order_clause"], [128, 3, 1, "", "original_name"], [128, 3, 1, "", "point_in_time_info"], [128, 3, 1, "", "select_clause"], [128, 3, 1, "", "source_table"], [128, 2, 1, "", "to_dict"], [128, 3, 1, "", "using_clause"], [128, 3, 1, "", "where_clause"]], "abacusai.feature_distribution": [[129, 1, 1, "", "FeatureDistribution"]], "abacusai.feature_distribution.FeatureDistribution": [[129, 2, 1, "", "__repr__"], [129, 3, 1, "", "deprecated_keys"], [129, 3, 1, "", "numerical_prediction_distribution"], [129, 3, 1, "", "numerical_training_distribution"], [129, 3, 1, "", "prediction_distribution"], [129, 3, 1, "", "prediction_statistics"], [129, 2, 1, "", "to_dict"], [129, 3, 1, "", "training_distribution"], [129, 3, 1, "", "training_statistics"], [129, 3, 1, "", "type"]], "abacusai.feature_drift_record": [[130, 1, 1, "", "FeatureDriftRecord"]], "abacusai.feature_drift_record.FeatureDriftRecord": [[130, 2, 1, "", "__repr__"], [130, 3, 1, "", "chi_square"], [130, 3, 1, "", "csi"], [130, 3, 1, "", "deprecated_keys"], [130, 3, 1, "", "distance"], [130, 3, 1, "", "js_distance"], [130, 3, 1, "", "ks_statistic"], [130, 3, 1, "", "name"], [130, 3, 1, "", "psi"], [130, 2, 1, "", "to_dict"], [130, 3, 1, "", "ws_distance"]], "abacusai.feature_drift_summary": [[131, 1, 1, "", "FeatureDriftSummary"]], "abacusai.feature_drift_summary.FeatureDriftSummary": [[131, 2, 1, "", "__repr__"], [131, 3, 1, "", "cat_violations"], [131, 3, 1, "", "chi_square"], [131, 3, 1, "", "csi"], [131, 3, 1, "", "data_integrity_timeseries"], [131, 3, 1, "", "deprecated_keys"], [131, 3, 1, "", "distance"], [131, 3, 1, "", "feature_index"], [131, 3, 1, "", "js_distance"], [131, 3, 1, "", "ks_statistic"], [131, 3, 1, "", "name"], [131, 3, 1, "", "nested_summary"], [131, 3, 1, "", "null_violations"], [131, 3, 1, "", "prediction_drift"], [131, 3, 1, "", "psi"], [131, 3, 1, "", "range_violations"], [131, 3, 1, "", "target_column"], [131, 2, 1, "", "to_dict"], [131, 3, 1, "", "ws_distance"]], "abacusai.feature_group": [[132, 1, 1, "", "FeatureGroup"]], "abacusai.feature_group.FeatureGroup": [[132, 2, 1, "", "__repr__"], [132, 2, 1, "", "add_annotatable_feature"], [132, 2, 1, "", "add_annotation_label"], [132, 2, 1, "", "add_feature_tag"], [132, 2, 1, "", "add_organization_group_to_modifiers"], [132, 2, 1, "", "add_tag"], [132, 2, 1, "", "add_to_project"], [132, 2, 1, "", "add_user_to_modifiers"], [132, 3, 1, "", "annotation_config"], [132, 2, 1, "", "append_data"], [132, 2, 1, "", "append_multiple_data"], [132, 3, 1, "", "code_source"], [132, 2, 1, "", "concatenate_data"], [132, 3, 1, "", "concatenation_config"], [132, 3, 1, "", "cpu_size"], [132, 2, 1, "", "create_feature"], [132, 2, 1, "", "create_nested_feature"], [132, 2, 1, "", "create_point_in_time_feature"], [132, 2, 1, "", "create_point_in_time_group"], [132, 2, 1, "", "create_point_in_time_group_feature"], [132, 2, 1, "", "create_sampling"], [132, 2, 1, "", "create_template"], [132, 2, 1, "", "create_version"], [132, 3, 1, "", "created_at"], [132, 3, 1, "", "dataset_id"], [132, 2, 1, "", "delete"], [132, 2, 1, "", "delete_data"], [132, 2, 1, "", "delete_feature"], [132, 2, 1, "", "delete_nested_feature"], [132, 2, 1, "", "delete_point_in_time_group"], [132, 3, 1, "", "deprecated_keys"], [132, 2, 1, "", "describe"], [132, 2, 1, "", "describe_annotation"], [132, 2, 1, "", "describe_dataset"], [132, 3, 1, "", "description"], [132, 2, 1, "", "detach_from_template"], [132, 3, 1, "", "duplicate_features"], [132, 3, 1, "", "explanation"], [132, 3, 1, "", "export_connector_config"], [132, 3, 1, "", "export_on_materialization"], [132, 3, 1, "", "feature_expression"], [132, 3, 1, "", "feature_group_id"], [132, 3, 1, "", "feature_group_source_type"], [132, 3, 1, "", "feature_group_template"], [132, 3, 1, "", "feature_tags"], [132, 3, 1, "", "features"], [132, 3, 1, "", "function_name"], [132, 3, 1, "", "function_source_code"], [132, 2, 1, "", "generate_natural_language_explanation"], [132, 2, 1, "", "generate_point_in_time_features"], [132, 2, 1, "", "get_annotations_status"], [132, 2, 1, "", "get_data"], [132, 2, 1, "", "get_document_to_annotate"], [132, 2, 1, "", "get_natural_language_explanation"], [132, 2, 1, "", "get_project_config"], [132, 2, 1, "", "get_recent_streamed_data"], [132, 2, 1, "", "get_schema"], [132, 2, 1, "", "get_status"], [132, 2, 1, "", "import_annotation_labels"], [132, 3, 1, "", "incremental"], [132, 3, 1, "", "indexing_config"], [132, 3, 1, "", "latest_feature_group_version"], [132, 3, 1, "", "latest_version_outdated"], [132, 2, 1, "", "list_exports"], [132, 2, 1, "", "list_modifiers"], [132, 2, 1, "", "list_versions"], [132, 2, 1, "", "load_as_pandas"], [132, 2, 1, "", "load_as_pandas_documents"], [132, 3, 1, "", "lookup_keys"], [132, 2, 1, "", "materialize"], [132, 3, 1, "", "memory"], [132, 3, 1, "", "merge_config"], [132, 3, 1, "", "modification_lock"], [132, 3, 1, "", "module_name"], [132, 3, 1, "", "name"], [132, 3, 1, "", "operator_config"], [132, 3, 1, "", "point_in_time_groups"], [132, 3, 1, "", "primary_key"], [132, 3, 1, "", "python_function_bindings"], [132, 3, 1, "", "python_function_name"], [132, 3, 1, "", "referenced_feature_groups"], [132, 2, 1, "", "refresh"], [132, 3, 1, "", "refresh_schedules"], [132, 2, 1, "", "remove_annotation_label"], [132, 2, 1, "", "remove_concatenation_config"], [132, 2, 1, "", "remove_feature_tag"], [132, 2, 1, "", "remove_from_project"], [132, 2, 1, "", "remove_organization_group_from_modifiers"], [132, 2, 1, "", "remove_tag"], [132, 2, 1, "", "remove_user_from_modifiers"], [132, 3, 1, "", "sampling_config"], [132, 2, 1, "", "set_annotation_status_feature"], [132, 2, 1, "", "set_export_connector_config"], [132, 2, 1, "", "set_export_on_materialization"], [132, 2, 1, "", "set_feature_as_annotatable_feature"], [132, 2, 1, "", "set_feature_type"], [132, 2, 1, "", "set_indexing_config"], [132, 2, 1, "", "set_merge_config"], [132, 2, 1, "", "set_modifier_lock"], [132, 2, 1, "", "set_operator_config"], [132, 2, 1, "", "set_project_config"], [132, 2, 1, "", "set_sampling_config"], [132, 2, 1, "", "set_schema"], [132, 2, 1, "", "set_type"], [132, 3, 1, "", "source_tables"], [132, 3, 1, "", "sql"], [132, 3, 1, "", "sql_error"], [132, 3, 1, "", "streaming_enabled"], [132, 3, 1, "", "streaming_ready"], [132, 2, 1, "", "suggest_template_for"], [132, 3, 1, "", "table_name"], [132, 3, 1, "", "tags"], [132, 3, 1, "", "template_bindings"], [132, 2, 1, "", "to_dict"], [132, 2, 1, "", "unset_feature_as_annotatable_feature"], [132, 2, 1, "", "update"], [132, 2, 1, "", "update_annotation_status"], [132, 2, 1, "", "update_dataset_feature_expression"], [132, 2, 1, "", "update_feature"], [132, 2, 1, "", "update_nested_feature"], [132, 2, 1, "", "update_point_in_time_feature"], [132, 2, 1, "", "update_point_in_time_group"], [132, 2, 1, "", "update_point_in_time_group_feature"], [132, 2, 1, "", "update_python_function"], [132, 2, 1, "", "update_python_function_bindings"], [132, 2, 1, "", "update_sql_definition"], [132, 2, 1, "", "update_template_bindings"], [132, 3, 1, "", "update_timestamp_key"], [132, 2, 1, "", "update_version_limit"], [132, 2, 1, "", "upsert_data"], [132, 3, 1, "", "use_gpu"], [132, 3, 1, "", "use_original_csv_names"], [132, 2, 1, "", "verify_and_describe_annotation"], [132, 3, 1, "", "version_limit"], [132, 2, 1, "", "wait_for_dataset"], [132, 2, 1, "", "wait_for_materialization"], [132, 2, 1, "", "wait_for_streaming_ready"], [132, 2, 1, "", "wait_for_upload"]], "abacusai.feature_group_document": [[133, 1, 1, "", "FeatureGroupDocument"]], "abacusai.feature_group_document.FeatureGroupDocument": [[133, 2, 1, "", "__repr__"], [133, 3, 1, "", "deprecated_keys"], [133, 3, 1, "", "doc_id"], [133, 3, 1, "", "feature_group_id"], [133, 3, 1, "", "status"], [133, 2, 1, "", "to_dict"]], "abacusai.feature_group_export": [[134, 1, 1, "", "FeatureGroupExport"]], "abacusai.feature_group_export.FeatureGroupExport": [[134, 2, 1, "", "__repr__"], [134, 3, 1, "", "additional_id_columns"], [134, 3, 1, "", "connector_type"], [134, 3, 1, "", "created_at"], [134, 3, 1, "", "database_connector_id"], [134, 3, 1, "", "database_feature_mapping"], [134, 3, 1, "", "database_output_error"], [134, 3, 1, "", "deprecated_keys"], [134, 2, 1, "", "describe"], [134, 3, 1, "", "error"], [134, 3, 1, "", "export_completed_at"], [134, 3, 1, "", "failed_writes"], [134, 3, 1, "", "feature_group_export_id"], [134, 3, 1, "", "feature_group_version"], [134, 3, 1, "", "file_format"], [134, 2, 1, "", "get_connector_errors"], [134, 2, 1, "", "get_feature_group_version_export_download_url"], [134, 2, 1, "", "get_status"], [134, 3, 1, "", "id_column"], [134, 3, 1, "", "object_name"], [134, 3, 1, "", "output_location"], [134, 3, 1, "", "project_config"], [134, 2, 1, "", "refresh"], [134, 3, 1, "", "status"], [134, 2, 1, "", "to_dict"], [134, 3, 1, "", "total_writes"], [134, 2, 1, "", "wait_for_export"], [134, 2, 1, "", "wait_for_results"], [134, 3, 1, "", "write_mode"]], "abacusai.feature_group_export_config": [[135, 1, 1, "", "FeatureGroupExportConfig"]], "abacusai.feature_group_export_config.FeatureGroupExportConfig": [[135, 2, 1, "", "__repr__"], [135, 3, 1, "", "additional_id_columns"], [135, 3, 1, "", "database_connector_id"], [135, 3, 1, "", "database_feature_mapping"], [135, 3, 1, "", "deprecated_keys"], [135, 3, 1, "", "file_format"], [135, 3, 1, "", "id_column"], [135, 3, 1, "", "object_name"], [135, 3, 1, "", "output_location"], [135, 2, 1, "", "to_dict"], [135, 3, 1, "", "write_mode"]], "abacusai.feature_group_export_download_url": [[136, 1, 1, "", "FeatureGroupExportDownloadUrl"]], "abacusai.feature_group_export_download_url.FeatureGroupExportDownloadUrl": [[136, 2, 1, "", "__repr__"], [136, 3, 1, "", "deprecated_keys"], [136, 3, 1, "", "download_url"], [136, 3, 1, "", "expires_at"], [136, 2, 1, "", "to_dict"]], "abacusai.feature_group_lineage": [[137, 1, 1, "", "FeatureGroupLineage"]], "abacusai.feature_group_lineage.FeatureGroupLineage": [[137, 2, 1, "", "__repr__"], [137, 3, 1, "", "connections"], [137, 3, 1, "", "deprecated_keys"], [137, 3, 1, "", "nodes"], [137, 2, 1, "", "to_dict"]], "abacusai.feature_group_refresh_export_config": [[138, 1, 1, "", "FeatureGroupRefreshExportConfig"]], "abacusai.feature_group_refresh_export_config.FeatureGroupRefreshExportConfig": [[138, 2, 1, "", "__repr__"], [138, 3, 1, "", "additional_id_columns"], [138, 3, 1, "", "connector_type"], [138, 3, 1, "", "database_feature_mapping"], [138, 3, 1, "", "deprecated_keys"], [138, 3, 1, "", "export_file_format"], [138, 3, 1, "", "external_connection_id"], [138, 3, 1, "", "id_column"], [138, 3, 1, "", "location"], [138, 3, 1, "", "object_name"], [138, 2, 1, "", "to_dict"], [138, 3, 1, "", "write_mode"]], "abacusai.feature_group_row": [[139, 1, 1, "", "FeatureGroupRow"]], "abacusai.feature_group_row.FeatureGroupRow": [[139, 2, 1, "", "__repr__"], [139, 3, 1, "", "contents"], [139, 3, 1, "", "created_at"], [139, 3, 1, "", "deprecated_keys"], [139, 3, 1, "", "feature_group_id"], [139, 3, 1, "", "primary_key"], [139, 2, 1, "", "to_dict"], [139, 3, 1, "", "updated_at"]], "abacusai.feature_group_row_process": [[140, 1, 1, "", "FeatureGroupRowProcess"]], "abacusai.feature_group_row_process.FeatureGroupRowProcess": [[140, 2, 1, "", "__repr__"], [140, 3, 1, "", "completed_at"], [140, 3, 1, "", "created_at"], [140, 3, 1, "", "deployment_id"], [140, 3, 1, "", "deprecated_keys"], [140, 3, 1, "", "error"], [140, 3, 1, "", "feature_group_id"], [140, 3, 1, "", "feature_group_row_process_id"], [140, 2, 1, "", "get_status"], [140, 3, 1, "", "primary_key_value"], [140, 3, 1, "", "retries_remaining"], [140, 3, 1, "", "started_at"], [140, 3, 1, "", "status"], [140, 3, 1, "", "timeout_at"], [140, 2, 1, "", "to_dict"], [140, 3, 1, "", "total_attempts_allowed"], [140, 3, 1, "", "updated_at"], [140, 2, 1, "", "wait_for_process"]], "abacusai.feature_group_row_process_logs": [[141, 1, 1, "", "FeatureGroupRowProcessLogs"]], "abacusai.feature_group_row_process_logs.FeatureGroupRowProcessLogs": [[141, 2, 1, "", "__repr__"], [141, 3, 1, "", "deployment_id"], [141, 3, 1, "", "deprecated_keys"], [141, 3, 1, "", "feature_group_id"], [141, 3, 1, "", "feature_group_row_process_id"], [141, 3, 1, "", "logs"], [141, 3, 1, "", "primary_key_value"], [141, 2, 1, "", "to_dict"]], "abacusai.feature_group_row_process_summary": [[142, 1, 1, "", "FeatureGroupRowProcessSummary"]], "abacusai.feature_group_row_process_summary.FeatureGroupRowProcessSummary": [[142, 2, 1, "", "__repr__"], [142, 3, 1, "", "complete_processes"], [142, 3, 1, "", "deprecated_keys"], [142, 3, 1, "", "failed_processes"], [142, 3, 1, "", "pending_processes"], [142, 3, 1, "", "processing_processes"], [142, 2, 1, "", "to_dict"], [142, 3, 1, "", "total_processes"]], "abacusai.feature_group_template": [[143, 1, 1, "", "FeatureGroupTemplate"]], "abacusai.feature_group_template.FeatureGroupTemplate": [[143, 2, 1, "", "__repr__"], [143, 3, 1, "", "created_at"], [143, 2, 1, "", "delete"], [143, 3, 1, "", "deprecated_keys"], [143, 2, 1, "", "describe"], [143, 3, 1, "", "description"], [143, 3, 1, "", "feature_group_id"], [143, 3, 1, "", "feature_group_template_id"], [143, 3, 1, "", "is_system_template"], [143, 3, 1, "", "name"], [143, 2, 1, "", "preview_resolution"], [143, 2, 1, "", "refresh"], [143, 3, 1, "", "template_sql"], [143, 3, 1, "", "template_variables"], [143, 2, 1, "", "to_dict"], [143, 2, 1, "", "update"], [143, 3, 1, "", "updated_at"]], "abacusai.feature_group_template_variable_options": [[144, 1, 1, "", "FeatureGroupTemplateVariableOptions"]], "abacusai.feature_group_template_variable_options.FeatureGroupTemplateVariableOptions": [[144, 2, 1, "", "__repr__"], [144, 3, 1, "", "deprecated_keys"], [144, 3, 1, "", "template_variable_options"], [144, 2, 1, "", "to_dict"], [144, 3, 1, "", "user_feedback"]], "abacusai.feature_group_version": [[145, 1, 1, "", "FeatureGroupVersion"]], "abacusai.feature_group_version.FeatureGroupVersion": [[145, 2, 1, "", "__repr__"], [145, 2, 1, "", "_download_avro_file"], [145, 3, 1, "", "annotation_config"], [145, 3, 1, "", "code_source"], [145, 3, 1, "", "columns"], [145, 3, 1, "", "cpu_size"], [145, 2, 1, "", "create_snapshot_feature_group"], [145, 3, 1, "", "created_at"], [145, 2, 1, "", "delete"], [145, 3, 1, "", "deployable"], [145, 3, 1, "", "deprecated_keys"], [145, 2, 1, "", "describe"], [145, 3, 1, "", "error"], [145, 2, 1, "", "export_to_console"], [145, 2, 1, "", "export_to_database_connector"], [145, 2, 1, "", "export_to_file_connector"], [145, 3, 1, "", "feature_group_id"], [145, 3, 1, "", "feature_group_version"], [145, 3, 1, "", "features"], [145, 2, 1, "", "get_logs"], [145, 2, 1, "", "get_materialization_logs"], [145, 2, 1, "", "get_metrics"], [145, 2, 1, "", "get_status"], [145, 3, 1, "", "indexing_config"], [145, 3, 1, "", "indexing_config_warning_msg"], [145, 2, 1, "", "load_as_pandas"], [145, 2, 1, "", "load_as_pandas_documents"], [145, 3, 1, "", "materialization_completed_at"], [145, 3, 1, "", "materialization_started_at"], [145, 3, 1, "", "memory"], [145, 3, 1, "", "point_in_time_groups"], [145, 3, 1, "", "python_function_bindings"], [145, 2, 1, "", "refresh"], [145, 3, 1, "", "source_dataset_versions"], [145, 3, 1, "", "source_tables"], [145, 3, 1, "", "sql"], [145, 3, 1, "", "status"], [145, 3, 1, "", "template_bindings"], [145, 2, 1, "", "to_dict"], [145, 3, 1, "", "use_original_csv_names"], [145, 2, 1, "", "wait_for_materialization"], [145, 2, 1, "", "wait_for_results"]], "abacusai.feature_group_version_logs": [[146, 1, 1, "", "FeatureGroupVersionLogs"]], "abacusai.feature_group_version_logs.FeatureGroupVersionLogs": [[146, 2, 1, "", "__repr__"], [146, 3, 1, "", "deprecated_keys"], [146, 3, 1, "", "logs"], [146, 2, 1, "", "to_dict"]], "abacusai.feature_importance": [[147, 1, 1, "", "FeatureImportance"]], "abacusai.feature_importance.FeatureImportance": [[147, 2, 1, "", "__repr__"], [147, 3, 1, "", "deprecated_keys"], [147, 3, 1, "", "ebm_feature_importance"], [147, 3, 1, "", "lime_feature_importance"], [147, 3, 1, "", "lofo_feature_importance"], [147, 3, 1, "", "null_feature_importance"], [147, 3, 1, "", "permutation_feature_importance"], [147, 3, 1, "", "shap_feature_importance"], [147, 2, 1, "", "to_dict"]], "abacusai.feature_mapping": [[148, 1, 1, "", "FeatureMapping"]], "abacusai.feature_mapping.FeatureMapping": [[148, 2, 1, "", "__repr__"], [148, 3, 1, "", "deprecated_keys"], [148, 3, 1, "", "feature_mapping"], [148, 3, 1, "", "feature_name"], [148, 2, 1, "", "to_dict"]], "abacusai.feature_performance_analysis": [[149, 1, 1, "", "FeaturePerformanceAnalysis"]], "abacusai.feature_performance_analysis.FeaturePerformanceAnalysis": [[149, 2, 1, "", "__repr__"], [149, 3, 1, "", "deprecated_keys"], [149, 3, 1, "", "feature_metrics"], [149, 3, 1, "", "features"], [149, 3, 1, "", "metrics_keys"], [149, 2, 1, "", "to_dict"]], "abacusai.file_connector": [[150, 1, 1, "", "FileConnector"]], "abacusai.file_connector.FileConnector": [[150, 2, 1, "", "__repr__"], [150, 3, 1, "", "auth_expires_at"], [150, 3, 1, "", "bucket"], [150, 3, 1, "", "created_at"], [150, 3, 1, "", "deprecated_keys"], [150, 2, 1, "", "to_dict"], [150, 3, 1, "", "verified"], [150, 3, 1, "", "write_permission"]], "abacusai.file_connector_instructions": [[151, 1, 1, "", "FileConnectorInstructions"]], "abacusai.file_connector_instructions.FileConnectorInstructions": [[151, 2, 1, "", "__repr__"], [151, 3, 1, "", "auth_options"], [151, 3, 1, "", "deprecated_keys"], [151, 2, 1, "", "to_dict"], [151, 3, 1, "", "verified"], [151, 3, 1, "", "write_permission"]], "abacusai.file_connector_verification": [[152, 1, 1, "", "FileConnectorVerification"]], "abacusai.file_connector_verification.FileConnectorVerification": [[152, 2, 1, "", "__repr__"], [152, 3, 1, "", "deprecated_keys"], [152, 2, 1, "", "to_dict"], [152, 3, 1, "", "verified"], [152, 3, 1, "", "write_permission"]], "abacusai.finetuned_pretrained_model": [[153, 1, 1, "", "FinetunedPretrainedModel"]], "abacusai.finetuned_pretrained_model.FinetunedPretrainedModel": [[153, 2, 1, "", "__repr__"], [153, 3, 1, "", "base_model"], [153, 3, 1, "", "config"], [153, 3, 1, "", "created_at"], [153, 3, 1, "", "deprecated_keys"], [153, 3, 1, "", "error"], [153, 3, 1, "", "finetuned_pretrained_model_id"], [153, 3, 1, "", "finetuned_pretrained_model_version"], [153, 3, 1, "", "finetuning_dataset_version"], [153, 3, 1, "", "name"], [153, 3, 1, "", "status"], [153, 2, 1, "", "to_dict"], [153, 3, 1, "", "updated_at"]], "abacusai.forecasting_analysis_graph_data": [[154, 1, 1, "", "ForecastingAnalysisGraphData"]], "abacusai.forecasting_analysis_graph_data.ForecastingAnalysisGraphData": [[154, 2, 1, "", "__repr__"], [154, 3, 1, "", "chart_descriptions"], [154, 3, 1, "", "chart_name"], [154, 3, 1, "", "chart_types"], [154, 3, 1, "", "data"], [154, 3, 1, "", "data_columns"], [154, 3, 1, "", "deprecated_keys"], [154, 3, 1, "", "item_statistics"], [154, 2, 1, "", "to_dict"], [154, 3, 1, "", "x_axis"], [154, 3, 1, "", "y_axis"]], "abacusai.forecasting_monitor_item_analysis": [[155, 1, 1, "", "ForecastingMonitorItemAnalysis"]], "abacusai.forecasting_monitor_item_analysis.ForecastingMonitorItemAnalysis": [[155, 2, 1, "", "__repr__"], [155, 3, 1, "", "deprecated_keys"], [155, 3, 1, "", "prediction_item_analysis"], [155, 2, 1, "", "to_dict"], [155, 3, 1, "", "training_item_analysis"]], "abacusai.forecasting_monitor_summary": [[156, 1, 1, "", "ForecastingMonitorSummary"]], "abacusai.forecasting_monitor_summary.ForecastingMonitorSummary": [[156, 2, 1, "", "__repr__"], [156, 3, 1, "", "actuals_histogram"], [156, 3, 1, "", "deprecated_keys"], [156, 3, 1, "", "forecast_frequency"], [156, 3, 1, "", "history_drift"], [156, 3, 1, "", "predict_history_data"], [156, 3, 1, "", "prediction_item_id"], [156, 3, 1, "", "prediction_target_across_time"], [156, 3, 1, "", "prediction_target_col"], [156, 3, 1, "", "prediction_timestamp_col"], [156, 3, 1, "", "predictions_histogram"], [156, 3, 1, "", "target_drift"], [156, 2, 1, "", "to_dict"], [156, 3, 1, "", "train_history_data"], [156, 3, 1, "", "training_item_id"], [156, 3, 1, "", "training_target_across_time"], [156, 3, 1, "", "training_target_col"], [156, 3, 1, "", "training_timestamp_col"]], "abacusai.fs_entry": [[157, 1, 1, "", "FsEntry"]], "abacusai.fs_entry.FsEntry": [[157, 2, 1, "", "__repr__"], [157, 3, 1, "", "children"], [157, 3, 1, "", "deprecated_keys"], [157, 3, 1, "", "isFolderEmpty"], [157, 3, 1, "", "modified"], [157, 3, 1, "", "name"], [157, 3, 1, "", "path"], [157, 3, 1, "", "size"], [157, 2, 1, "", "to_dict"], [157, 3, 1, "", "type"]], "abacusai.function_logs": [[158, 1, 1, "", "FunctionLogs"]], "abacusai.function_logs.FunctionLogs": [[158, 2, 1, "", "__repr__"], [158, 3, 1, "", "algorithm"], [158, 3, 1, "", "deprecated_keys"], [158, 3, 1, "", "exception"], [158, 3, 1, "", "function"], [158, 3, 1, "", "stats"], [158, 3, 1, "", "stderr"], [158, 3, 1, "", "stdout"], [158, 2, 1, "", "to_dict"]], "abacusai.generated_pit_feature_config_option": [[159, 1, 1, "", "GeneratedPitFeatureConfigOption"]], "abacusai.generated_pit_feature_config_option.GeneratedPitFeatureConfigOption": [[159, 2, 1, "", "__repr__"], [159, 3, 1, "", "default"], [159, 3, 1, "", "deprecated_keys"], [159, 3, 1, "", "description"], [159, 3, 1, "", "display_name"], [159, 3, 1, "", "name"], [159, 2, 1, "", "to_dict"]], "abacusai.global_context": [[160, 6, 1, "", "_context"], [160, 7, 1, "", "get"], [160, 6, 1, "", "lock"], [160, 7, 1, "", "set"]], "abacusai.graph_dashboard": [[161, 1, 1, "", "GraphDashboard"]], "abacusai.graph_dashboard.GraphDashboard": [[161, 2, 1, "", "__repr__"], [161, 3, 1, "", "created_at"], [161, 2, 1, "", "delete"], [161, 3, 1, "", "deprecated_keys"], [161, 2, 1, "", "describe"], [161, 3, 1, "", "description"], [161, 3, 1, "", "graph_dashboard_id"], [161, 3, 1, "", "name"], [161, 3, 1, "", "plot_reference_ids"], [161, 3, 1, "", "project_id"], [161, 3, 1, "", "project_name"], [161, 3, 1, "", "python_function_ids"], [161, 3, 1, "", "python_function_names"], [161, 2, 1, "", "refresh"], [161, 2, 1, "", "to_dict"], [161, 2, 1, "", "update"]], "abacusai.holdout_analysis": [[162, 1, 1, "", "HoldoutAnalysis"]], "abacusai.holdout_analysis.HoldoutAnalysis": [[162, 2, 1, "", "__repr__"], [162, 3, 1, "", "deprecated_keys"], [162, 2, 1, "", "describe"], [162, 3, 1, "", "feature_group_ids"], [162, 3, 1, "", "holdout_analysis_id"], [162, 2, 1, "", "list_versions"], [162, 3, 1, "", "model_id"], [162, 3, 1, "", "model_name"], [162, 3, 1, "", "name"], [162, 2, 1, "", "refresh"], [162, 2, 1, "", "rerun"], [162, 2, 1, "", "to_dict"]], "abacusai.holdout_analysis_version": [[163, 1, 1, "", "HoldoutAnalysisVersion"]], "abacusai.holdout_analysis_version.HoldoutAnalysisVersion": [[163, 2, 1, "", "__repr__"], [163, 3, 1, "", "algo_name"], [163, 3, 1, "", "algorithm"], [163, 3, 1, "", "created_at"], [163, 3, 1, "", "deprecated_keys"], [163, 2, 1, "", "describe"], [163, 3, 1, "", "error"], [163, 2, 1, "", "get_status"], [163, 3, 1, "", "holdout_analysis_id"], [163, 3, 1, "", "holdout_analysis_version"], [163, 3, 1, "", "metric_infos"], [163, 3, 1, "", "metrics"], [163, 3, 1, "", "model_id"], [163, 3, 1, "", "model_version"], [163, 2, 1, "", "refresh"], [163, 3, 1, "", "status"], [163, 2, 1, "", "to_dict"], [163, 2, 1, "", "wait_for_results"]], "abacusai.hosted_app": [[164, 1, 1, "", "HostedApp"]], "abacusai.hosted_app.HostedApp": [[164, 2, 1, "", "__repr__"], [164, 3, 1, "", "created_at"], [164, 3, 1, "", "deployment_conversation_id"], [164, 3, 1, "", "deprecated_keys"], [164, 3, 1, "", "hosted_app_id"], [164, 3, 1, "", "name"], [164, 2, 1, "", "to_dict"]], "abacusai.hosted_app_container": [[165, 1, 1, "", "HostedAppContainer"]], "abacusai.hosted_app_container.HostedAppContainer": [[165, 2, 1, "", "__repr__"], [165, 3, 1, "", "access_level"], [165, 3, 1, "", "app_config"], [165, 3, 1, "", "artifact_type"], [165, 3, 1, "", "container_image"], [165, 3, 1, "", "created_at"], [165, 3, 1, "", "deployed_llm_artifact_id"], [165, 3, 1, "", "deployed_status"], [165, 3, 1, "", "deployment_conversation_id"], [165, 3, 1, "", "deprecated_keys"], [165, 3, 1, "", "email"], [165, 3, 1, "", "has_database"], [165, 3, 1, "", "has_storage"], [165, 3, 1, "", "hosted_app_container_id"], [165, 3, 1, "", "hosted_app_id"], [165, 3, 1, "", "hosted_app_version"], [165, 3, 1, "", "hostname"], [165, 3, 1, "", "is_deployable"], [165, 3, 1, "", "is_dev"], [165, 3, 1, "", "is_preview_available"], [165, 3, 1, "", "lifecycle"], [165, 3, 1, "", "llm_artifact_id"], [165, 3, 1, "", "name"], [165, 3, 1, "", "parent_conversation_id"], [165, 3, 1, "", "project_metadata"], [165, 3, 1, "", "route"], [165, 3, 1, "", "status"], [165, 2, 1, "", "to_dict"], [165, 3, 1, "", "updated_at"], [165, 3, 1, "", "user_id"], [165, 3, 1, "", "web_app_project_id"]], "abacusai.hosted_app_file_read": [[166, 1, 1, "", "HostedAppFileRead"]], "abacusai.hosted_app_file_read.HostedAppFileRead": [[166, 2, 1, "", "__repr__"], [166, 3, 1, "", "content"], [166, 3, 1, "", "deprecated_keys"], [166, 3, 1, "", "end"], [166, 3, 1, "", "retcode"], [166, 3, 1, "", "start"], [166, 2, 1, "", "to_dict"]], "abacusai.hosted_artifact": [[167, 1, 1, "", "HostedArtifact"]], "abacusai.hosted_artifact.HostedArtifact": [[167, 2, 1, "", "__repr__"], [167, 3, 1, "", "artifact_type"], [167, 3, 1, "", "conversation_sequence_number"], [167, 3, 1, "", "deployment_conversation_id"], [167, 3, 1, "", "deprecated_keys"], [167, 3, 1, "", "external_application_id"], [167, 3, 1, "", "hostname"], [167, 3, 1, "", "lifecycle"], [167, 3, 1, "", "llm_artifact_id"], [167, 2, 1, "", "to_dict"]], "abacusai.hosted_database": [[168, 1, 1, "", "HostedDatabase"]], "abacusai.hosted_database.HostedDatabase": [[168, 2, 1, "", "__repr__"], [168, 3, 1, "", "created_at"], [168, 3, 1, "", "deprecated_keys"], [168, 3, 1, "", "display_name"], [168, 3, 1, "", "hosted_database_id"], [168, 3, 1, "", "lifecycle"], [168, 2, 1, "", "to_dict"], [168, 3, 1, "", "updated_at"]], "abacusai.hosted_database_snapshot": [[169, 1, 1, "", "HostedDatabaseSnapshot"]], "abacusai.hosted_database_snapshot.HostedDatabaseSnapshot": [[169, 2, 1, "", "__repr__"], [169, 3, 1, "", "created_at"], [169, 3, 1, "", "deprecated_keys"], [169, 3, 1, "", "hosted_database_snapshot_id"], [169, 3, 1, "", "lifecycle"], [169, 3, 1, "", "src_hosted_database_id"], [169, 2, 1, "", "to_dict"], [169, 3, 1, "", "updated_at"]], "abacusai.hosted_model_token": [[170, 1, 1, "", "HostedModelToken"]], "abacusai.hosted_model_token.HostedModelToken": [[170, 2, 1, "", "__repr__"], [170, 3, 1, "", "created_at"], [170, 3, 1, "", "deprecated_keys"], [170, 3, 1, "", "hosted_model_token_id"], [170, 3, 1, "", "tag"], [170, 2, 1, "", "to_dict"], [170, 3, 1, "", "trailing_auth_token"]], "abacusai.hostname_info": [[171, 1, 1, "", "HostnameInfo"]], "abacusai.hostname_info.HostnameInfo": [[171, 2, 1, "", "__repr__"], [171, 3, 1, "", "deprecated_keys"], [171, 3, 1, "", "has_root_nameservers_configured"], [171, 3, 1, "", "is_root_domain"], [171, 2, 1, "", "to_dict"]], "abacusai.hume_voice": [[172, 1, 1, "", "HumeVoice"]], "abacusai.hume_voice.HumeVoice": [[172, 2, 1, "", "__repr__"], [172, 3, 1, "", "deprecated_keys"], [172, 3, 1, "", "gender"], [172, 3, 1, "", "name"], [172, 2, 1, "", "to_dict"]], "abacusai.image_gen_model": [[173, 1, 1, "", "ImageGenModel"]], "abacusai.image_gen_model.ImageGenModel": [[173, 2, 1, "", "__repr__"], [173, 3, 1, "", "default"], [173, 3, 1, "", "deprecated_keys"], [173, 3, 1, "", "display_name"], [173, 3, 1, "", "helptext"], [173, 3, 1, "", "optional"], [173, 3, 1, "", "options"], [173, 2, 1, "", "to_dict"], [173, 3, 1, "", "type"], [173, 3, 1, "", "value_type"]], "abacusai.image_gen_model_options": [[174, 1, 1, "", "ImageGenModelOptions"]], "abacusai.image_gen_model_options.ImageGenModelOptions": [[174, 2, 1, "", "__repr__"], [174, 3, 1, "", "deprecated_keys"], [174, 3, 1, "", "keys"], [174, 2, 1, "", "to_dict"], [174, 3, 1, "", "values"]], "abacusai.image_gen_settings": [[175, 1, 1, "", "ImageGenSettings"]], "abacusai.image_gen_settings.ImageGenSettings": [[175, 2, 1, "", "__repr__"], [175, 3, 1, "", "deprecated_keys"], [175, 3, 1, "", "model"], [175, 3, 1, "", "settings"], [175, 2, 1, "", "to_dict"], [175, 3, 1, "", "warnings"]], "abacusai.indexing_config": [[177, 1, 1, "", "IndexingConfig"]], "abacusai.indexing_config.IndexingConfig": [[177, 2, 1, "", "__repr__"], [177, 3, 1, "", "deprecated_keys"], [177, 3, 1, "", "lookup_keys"], [177, 3, 1, "", "primary_key"], [177, 2, 1, "", "to_dict"], [177, 3, 1, "", "update_timestamp_key"]], "abacusai.inferred_database_column_to_feature_mappings": [[178, 1, 1, "", "InferredDatabaseColumnToFeatureMappings"]], "abacusai.inferred_database_column_to_feature_mappings.InferredDatabaseColumnToFeatureMappings": [[178, 2, 1, "", "__repr__"], [178, 3, 1, "", "database_column_to_feature_mappings"], [178, 3, 1, "", "deprecated_keys"], [178, 2, 1, "", "to_dict"]], "abacusai.inferred_feature_mappings": [[179, 1, 1, "", "InferredFeatureMappings"]], "abacusai.inferred_feature_mappings.InferredFeatureMappings": [[179, 2, 1, "", "__repr__"], [179, 3, 1, "", "deprecated_keys"], [179, 3, 1, "", "error"], [179, 3, 1, "", "feature_mappings"], [179, 2, 1, "", "to_dict"]], "abacusai.item_statistics": [[180, 1, 1, "", "ItemStatistics"]], "abacusai.item_statistics.ItemStatistics": [[180, 2, 1, "", "__repr__"], [180, 3, 1, "", "count"], [180, 3, 1, "", "deprecated_keys"], [180, 3, 1, "", "lower_bound"], [180, 3, 1, "", "max"], [180, 3, 1, "", "mean"], [180, 3, 1, "", "median"], [180, 3, 1, "", "min"], [180, 3, 1, "", "missing_percent"], [180, 3, 1, "", "p10"], [180, 3, 1, "", "p90"], [180, 3, 1, "", "stddev"], [180, 2, 1, "", "to_dict"], [180, 3, 1, "", "upper_bound"]], "abacusai.lip_sync_gen_settings": [[181, 1, 1, "", "LipSyncGenSettings"]], "abacusai.lip_sync_gen_settings.LipSyncGenSettings": [[181, 2, 1, "", "__repr__"], [181, 3, 1, "", "deprecated_keys"], [181, 3, 1, "", "model"], [181, 3, 1, "", "settings"], [181, 2, 1, "", "to_dict"]], "abacusai.llm_app": [[182, 1, 1, "", "LlmApp"]], "abacusai.llm_app.LlmApp": [[182, 2, 1, "", "__repr__"], [182, 3, 1, "", "created_at"], [182, 3, 1, "", "deployment_id"], [182, 3, 1, "", "deprecated_keys"], [182, 3, 1, "", "description"], [182, 3, 1, "", "llm_app_id"], [182, 3, 1, "", "name"], [182, 3, 1, "", "project_id"], [182, 3, 1, "", "status"], [182, 2, 1, "", "to_dict"], [182, 3, 1, "", "updated_at"]], "abacusai.llm_artifact": [[183, 1, 1, "", "LlmArtifact"]], "abacusai.llm_artifact.LlmArtifact": [[183, 2, 1, "", "__repr__"], [183, 3, 1, "", "created_at"], [183, 3, 1, "", "deployment_conversation_id"], [183, 3, 1, "", "deployment_status"], [183, 3, 1, "", "deprecated_keys"], [183, 3, 1, "", "description"], [183, 3, 1, "", "has_database"], [183, 3, 1, "", "has_database_snapshot"], [183, 3, 1, "", "has_storage"], [183, 3, 1, "", "info"], [183, 3, 1, "", "is_latest"], [183, 3, 1, "", "llm_artifact_id"], [183, 3, 1, "", "project_metadata"], [183, 3, 1, "", "supports_preview_restore"], [183, 2, 1, "", "to_dict"], [183, 3, 1, "", "web_app_deployment_id"], [183, 3, 1, "", "web_app_project_id"]], "abacusai.llm_code_block": [[184, 1, 1, "", "LlmCodeBlock"]], "abacusai.llm_code_block.LlmCodeBlock": [[184, 2, 1, "", "__repr__"], [184, 3, 1, "", "code"], [184, 3, 1, "", "deprecated_keys"], [184, 3, 1, "", "end"], [184, 3, 1, "", "language"], [184, 3, 1, "", "start"], [184, 2, 1, "", "to_dict"], [184, 3, 1, "", "valid"]], "abacusai.llm_execution_preview": [[185, 1, 1, "", "LlmExecutionPreview"]], "abacusai.llm_execution_preview.LlmExecutionPreview": [[185, 2, 1, "", "__repr__"], [185, 3, 1, "", "deprecated_keys"], [185, 3, 1, "", "error"], [185, 3, 1, "", "sql"], [185, 2, 1, "", "to_dict"]], "abacusai.llm_execution_result": [[186, 1, 1, "", "LlmExecutionResult"]], "abacusai.llm_execution_result.LlmExecutionResult": [[186, 2, 1, "", "__repr__"], [186, 3, 1, "", "deprecated_keys"], [186, 3, 1, "", "error"], [186, 3, 1, "", "execution"], [186, 3, 1, "", "preview"], [186, 3, 1, "", "status"], [186, 2, 1, "", "to_dict"]], "abacusai.llm_generated_code": [[187, 1, 1, "", "LlmGeneratedCode"]], "abacusai.llm_generated_code.LlmGeneratedCode": [[187, 2, 1, "", "__repr__"], [187, 3, 1, "", "deprecated_keys"], [187, 3, 1, "", "sql"], [187, 2, 1, "", "to_dict"]], "abacusai.llm_input": [[188, 1, 1, "", "LlmInput"]], "abacusai.llm_input.LlmInput": [[188, 2, 1, "", "__repr__"], [188, 3, 1, "", "content"], [188, 3, 1, "", "deprecated_keys"], [188, 2, 1, "", "to_dict"]], "abacusai.llm_parameters": [[189, 1, 1, "", "LlmParameters"]], "abacusai.llm_parameters.LlmParameters": [[189, 2, 1, "", "__repr__"], [189, 3, 1, "", "deprecated_keys"], [189, 3, 1, "", "parameters"], [189, 2, 1, "", "to_dict"]], "abacusai.llm_response": [[190, 1, 1, "", "LlmResponse"]], "abacusai.llm_response.LlmResponse": [[190, 2, 1, "", "__repr__"], [190, 3, 1, "", "code_blocks"], [190, 3, 1, "", "content"], [190, 3, 1, "", "deprecated_keys"], [190, 3, 1, "", "input_tokens"], [190, 3, 1, "", "llm_name"], [190, 3, 1, "", "output_tokens"], [190, 3, 1, "", "stop_reason"], [190, 2, 1, "", "to_dict"], [190, 3, 1, "", "tokens"], [190, 3, 1, "", "total_tokens"]], "abacusai.mcp_config": [[191, 1, 1, "", "McpConfig"]], "abacusai.mcp_config.McpConfig": [[191, 2, 1, "", "__repr__"], [191, 3, 1, "", "deprecated_keys"], [191, 3, 1, "", "mcp_config"], [191, 2, 1, "", "to_dict"]], "abacusai.mcp_server": [[192, 1, 1, "", "McpServer"]], "abacusai.mcp_server.McpServer": [[192, 2, 1, "", "__repr__"], [192, 3, 1, "", "config"], [192, 3, 1, "", "deprecated_keys"], [192, 3, 1, "", "description"], [192, 3, 1, "", "env_var_instructions"], [192, 3, 1, "", "env_vars"], [192, 3, 1, "", "is_active"], [192, 3, 1, "", "metadata"], [192, 3, 1, "", "name"], [192, 2, 1, "", "to_dict"], [192, 3, 1, "", "url"]], "abacusai.mcp_server_connection": [[193, 1, 1, "", "McpServerConnection"]], "abacusai.mcp_server_connection.McpServerConnection": [[193, 2, 1, "", "__repr__"], [193, 3, 1, "", "auth_type"], [193, 3, 1, "", "config"], [193, 3, 1, "", "created_at"], [193, 3, 1, "", "deprecated_keys"], [193, 3, 1, "", "description"], [193, 3, 1, "", "error_msg"], [193, 3, 1, "", "external_connection_id"], [193, 3, 1, "", "inactive"], [193, 3, 1, "", "mcp_server_connection_id"], [193, 3, 1, "", "metadata"], [193, 3, 1, "", "name"], [193, 2, 1, "", "to_dict"], [193, 3, 1, "", "tools"], [193, 3, 1, "", "transport"], [193, 3, 1, "", "updated_at"]], "abacusai.mcp_server_query_result": [[194, 1, 1, "", "McpServerQueryResult"]], "abacusai.mcp_server_query_result.McpServerQueryResult": [[194, 2, 1, "", "__repr__"], [194, 3, 1, "", "deprecated_keys"], [194, 3, 1, "", "output"], [194, 2, 1, "", "to_dict"]], "abacusai.memory_options": [[195, 1, 1, "", "MemoryOptions"]], "abacusai.memory_options.MemoryOptions": [[195, 2, 1, "", "__repr__"], [195, 3, 1, "", "cpu"], [195, 3, 1, "", "deprecated_keys"], [195, 3, 1, "", "gpu"], [195, 2, 1, "", "to_dict"]], "abacusai.messaging_connector_response": [[196, 1, 1, "", "MessagingConnectorResponse"]], "abacusai.messaging_connector_response.MessagingConnectorResponse": [[196, 2, 1, "", "__repr__"], [196, 3, 1, "", "default_labels"], [196, 3, 1, "", "default_message"], [196, 3, 1, "", "deprecated_keys"], [196, 3, 1, "", "disclaimer"], [196, 3, 1, "", "enabled_external_links"], [196, 3, 1, "", "init_ack_req"], [196, 3, 1, "", "messaging_bot_name"], [196, 2, 1, "", "to_dict"], [196, 3, 1, "", "use_default_label"], [196, 3, 1, "", "welcome_message"]], "abacusai.model": [[197, 1, 1, "", "Model"]], "abacusai.model.Model": [[197, 2, 1, "", "__repr__"], [197, 3, 1, "", "algorithm_model_configs"], [197, 3, 1, "", "code_source"], [197, 3, 1, "", "cpu_size"], [197, 2, 1, "", "create_refresh_policy"], [197, 3, 1, "", "created_at"], [197, 3, 1, "", "custom_algorithm_configs"], [197, 3, 1, "", "data_llm_feature_groups"], [197, 3, 1, "", "database_connector"], [197, 3, 1, "", "default_algorithm"], [197, 2, 1, "", "delete"], [197, 3, 1, "", "deprecated_keys"], [197, 2, 1, "", "describe"], [197, 2, 1, "", "describe_train_test_data_split_feature_group"], [197, 3, 1, "", "document_retriever_ids"], [197, 3, 1, "", "document_retrievers"], [197, 2, 1, "", "get_metrics"], [197, 2, 1, "", "get_status"], [197, 2, 1, "", "get_train_test_feature_group_as_pandas"], [197, 2, 1, "", "get_training_types_for_deployment"], [197, 3, 1, "", "initialize_function_name"], [197, 3, 1, "", "is_python_model"], [197, 3, 1, "", "latest_model_version"], [197, 2, 1, "", "list_artifacts_exports"], [197, 2, 1, "", "list_refresh_policies"], [197, 2, 1, "", "list_versions"], [197, 3, 1, "", "location"], [197, 3, 1, "", "memory"], [197, 3, 1, "", "model_config"], [197, 3, 1, "", "model_config_type"], [197, 3, 1, "", "model_id"], [197, 3, 1, "", "model_prediction_config"], [197, 3, 1, "", "name"], [197, 3, 1, "", "notebook_id"], [197, 3, 1, "", "predict_function_name"], [197, 3, 1, "", "predict_many_function_name"], [197, 3, 1, "", "project_id"], [197, 2, 1, "", "refresh"], [197, 3, 1, "", "refresh_schedules"], [197, 2, 1, "", "rename"], [197, 3, 1, "", "restricted_algorithms"], [197, 2, 1, "", "retrain"], [197, 2, 1, "", "set_default_algorithm"], [197, 2, 1, "", "set_prediction_params"], [197, 2, 1, "", "set_training_config"], [197, 3, 1, "", "source_code"], [197, 2, 1, "", "to_dict"], [197, 3, 1, "", "train_function_name"], [197, 3, 1, "", "training_feature_group_ids"], [197, 3, 1, "", "training_input_tables"], [197, 3, 1, "", "training_required"], [197, 3, 1, "", "training_vector_store_versions"], [197, 2, 1, "", "update_agent"], [197, 2, 1, "", "update_python"], [197, 2, 1, "", "update_python_git"], [197, 2, 1, "", "update_python_zip"], [197, 3, 1, "", "use_gpu"], [197, 2, 1, "", "wait_for_evaluation"], [197, 2, 1, "", "wait_for_full_automl"], [197, 2, 1, "", "wait_for_publish"], [197, 2, 1, "", "wait_for_training"]], "abacusai.model_artifacts_export": [[198, 1, 1, "", "ModelArtifactsExport"]], "abacusai.model_artifacts_export.ModelArtifactsExport": [[198, 2, 1, "", "__repr__"], [198, 3, 1, "", "created_at"], [198, 3, 1, "", "deprecated_keys"], [198, 2, 1, "", "describe"], [198, 3, 1, "", "error"], [198, 3, 1, "", "export_completed_at"], [198, 2, 1, "", "get_status"], [198, 3, 1, "", "model_artifacts_export_id"], [198, 3, 1, "", "model_version"], [198, 3, 1, "", "output_location"], [198, 2, 1, "", "refresh"], [198, 3, 1, "", "status"], [198, 2, 1, "", "to_dict"], [198, 2, 1, "", "wait_for_results"]], "abacusai.model_blueprint_export": [[199, 1, 1, "", "ModelBlueprintExport"]], "abacusai.model_blueprint_export.ModelBlueprintExport": [[199, 2, 1, "", "__repr__"], [199, 3, 1, "", "current_training_config"], [199, 3, 1, "", "deprecated_keys"], [199, 3, 1, "", "model_blueprint_stages"], [199, 3, 1, "", "model_version"], [199, 2, 1, "", "to_dict"]], "abacusai.model_blueprint_stage": [[200, 1, 1, "", "ModelBlueprintStage"]], "abacusai.model_blueprint_stage.ModelBlueprintStage": [[200, 2, 1, "", "__repr__"], [200, 3, 1, "", "deprecated_keys"], [200, 3, 1, "", "description"], [200, 3, 1, "", "display_name"], [200, 3, 1, "", "params"], [200, 3, 1, "", "predecessors"], [200, 3, 1, "", "stage_name"], [200, 2, 1, "", "to_dict"]], "abacusai.model_location": [[201, 1, 1, "", "ModelLocation"]], "abacusai.model_location.ModelLocation": [[201, 2, 1, "", "__repr__"], [201, 3, 1, "", "artifact_names"], [201, 3, 1, "", "deprecated_keys"], [201, 3, 1, "", "location"], [201, 2, 1, "", "to_dict"]], "abacusai.model_metrics": [[202, 1, 1, "", "ModelMetrics"]], "abacusai.model_metrics.ModelMetrics": [[202, 2, 1, "", "__repr__"], [202, 3, 1, "", "algo_metrics"], [202, 3, 1, "", "deprecated_keys"], [202, 3, 1, "", "metric_names"], [202, 3, 1, "", "model_id"], [202, 3, 1, "", "model_version"], [202, 3, 1, "", "selected_algorithm"], [202, 3, 1, "", "selected_algorithm_name"], [202, 3, 1, "", "target_column"], [202, 2, 1, "", "to_dict"], [202, 3, 1, "", "train_val_test_split"], [202, 3, 1, "", "training_completed_at"]], "abacusai.model_monitor": [[203, 1, 1, "", "ModelMonitor"]], "abacusai.model_monitor.ModelMonitor": [[203, 2, 1, "", "__repr__"], [203, 3, 1, "", "alert_config"], [203, 3, 1, "", "batch_prediction_id"], [203, 3, 1, "", "bias_metric_id"], [203, 3, 1, "", "created_at"], [203, 2, 1, "", "delete"], [203, 3, 1, "", "deprecated_keys"], [203, 2, 1, "", "describe"], [203, 3, 1, "", "eda_configs"], [203, 3, 1, "", "feature_group_monitor_configs"], [203, 3, 1, "", "forecast_frequency"], [203, 2, 1, "", "get_summary"], [203, 3, 1, "", "latest_monitor_model_version"], [203, 2, 1, "", "list_monitor_alerts_for_monitor"], [203, 2, 1, "", "list_versions"], [203, 3, 1, "", "metric_configs"], [203, 3, 1, "", "metric_types"], [203, 3, 1, "", "model_id"], [203, 3, 1, "", "model_monitor_id"], [203, 3, 1, "", "monitor_drift_config"], [203, 3, 1, "", "monitor_type"], [203, 3, 1, "", "name"], [203, 3, 1, "", "prediction_data_use_mappings"], [203, 3, 1, "", "prediction_feature_group_id"], [203, 3, 1, "", "prediction_feature_group_sampling"], [203, 3, 1, "", "prediction_feature_group_version"], [203, 3, 1, "", "prediction_forecast_config"], [203, 3, 1, "", "project_id"], [203, 2, 1, "", "refresh"], [203, 3, 1, "", "refresh_schedules"], [203, 2, 1, "", "rename"], [203, 2, 1, "", "rerun"], [203, 3, 1, "", "starred"], [203, 2, 1, "", "to_dict"], [203, 3, 1, "", "training_data_use_mappings"], [203, 3, 1, "", "training_feature_group_id"], [203, 3, 1, "", "training_feature_group_sampling"], [203, 3, 1, "", "training_feature_group_version"], [203, 3, 1, "", "training_forecast_config"]], "abacusai.model_monitor_org_summary": [[204, 1, 1, "", "ModelMonitorOrgSummary"]], "abacusai.model_monitor_org_summary.ModelMonitorOrgSummary": [[204, 2, 1, "", "__repr__"], [204, 3, 1, "", "alerts"], [204, 3, 1, "", "data_integrity"], [204, 3, 1, "", "deprecated_keys"], [204, 3, 1, "", "feature_drift"], [204, 3, 1, "", "label_drift"], [204, 3, 1, "", "monitor_data"], [204, 3, 1, "", "performance"], [204, 3, 1, "", "summary"], [204, 2, 1, "", "to_dict"], [204, 3, 1, "", "total_starred_monitors"]], "abacusai.model_monitor_summary": [[205, 1, 1, "", "ModelMonitorSummary"]], "abacusai.model_monitor_summary.ModelMonitorSummary": [[205, 2, 1, "", "__repr__"], [205, 3, 1, "", "alerts"], [205, 3, 1, "", "bias_violations"], [205, 3, 1, "", "data_integrity"], [205, 3, 1, "", "deprecated_keys"], [205, 3, 1, "", "model_accuracy"], [205, 3, 1, "", "model_drift"], [205, 2, 1, "", "to_dict"]], "abacusai.model_monitor_summary_from_org": [[206, 1, 1, "", "ModelMonitorSummaryFromOrg"]], "abacusai.model_monitor_summary_from_org.ModelMonitorSummaryFromOrg": [[206, 2, 1, "", "__repr__"], [206, 3, 1, "", "data"], [206, 3, 1, "", "deprecated_keys"], [206, 3, 1, "", "infos"], [206, 2, 1, "", "to_dict"]], "abacusai.model_monitor_version": [[207, 1, 1, "", "ModelMonitorVersion"]], "abacusai.model_monitor_version.ModelMonitorVersion": [[207, 2, 1, "", "__repr__"], [207, 3, 1, "", "batch_prediction_version"], [207, 2, 1, "", "delete"], [207, 3, 1, "", "deprecated_keys"], [207, 2, 1, "", "describe"], [207, 3, 1, "", "eda_configs"], [207, 3, 1, "", "error"], [207, 3, 1, "", "failed_deployment_ids"], [207, 3, 1, "", "feature_group_monitor_configs"], [207, 3, 1, "", "forecast_frequency"], [207, 2, 1, "", "get_drift_for_feature"], [207, 2, 1, "", "get_outliers_for_feature"], [207, 2, 1, "", "get_prediction_drift"], [207, 2, 1, "", "get_status"], [207, 2, 1, "", "list_monitor_alert_versions_for_monitor_version"], [207, 3, 1, "", "metric_configs"], [207, 2, 1, "", "metric_data"], [207, 3, 1, "", "metric_types"], [207, 3, 1, "", "model_monitor_id"], [207, 3, 1, "", "model_monitor_version"], [207, 3, 1, "", "model_version"], [207, 3, 1, "", "monitor_drift_config"], [207, 3, 1, "", "monitoring_completed_at"], [207, 3, 1, "", "monitoring_started_at"], [207, 3, 1, "", "pending_deployment_ids"], [207, 3, 1, "", "prediction_data_use_mappings"], [207, 3, 1, "", "prediction_feature_group_version"], [207, 3, 1, "", "prediction_forecast_config"], [207, 2, 1, "", "refresh"], [207, 3, 1, "", "status"], [207, 2, 1, "", "to_dict"], [207, 3, 1, "", "training_data_use_mappings"], [207, 3, 1, "", "training_feature_group_version"], [207, 3, 1, "", "training_forecast_config"], [207, 2, 1, "", "wait_for_monitor"]], "abacusai.model_monitor_version_metric_data": [[208, 1, 1, "", "ModelMonitorVersionMetricData"]], "abacusai.model_monitor_version_metric_data.ModelMonitorVersionMetricData": [[208, 2, 1, "", "__repr__"], [208, 3, 1, "", "actual_values_supported_for_drilldown"], [208, 3, 1, "", "algo_name"], [208, 3, 1, "", "deprecated_keys"], [208, 3, 1, "", "feature_group_version"], [208, 3, 1, "", "metric_charts"], [208, 3, 1, "", "metric_infos"], [208, 3, 1, "", "metric_names"], [208, 3, 1, "", "metrics"], [208, 3, 1, "", "model_monitor"], [208, 3, 1, "", "model_monitor_version"], [208, 3, 1, "", "name"], [208, 3, 1, "", "other_metrics"], [208, 2, 1, "", "to_dict"]], "abacusai.model_training_type_for_deployment": [[209, 1, 1, "", "ModelTrainingTypeForDeployment"]], "abacusai.model_training_type_for_deployment.ModelTrainingTypeForDeployment": [[209, 2, 1, "", "__repr__"], [209, 3, 1, "", "deprecated_keys"], [209, 3, 1, "", "label"], [209, 2, 1, "", "to_dict"], [209, 3, 1, "", "value"]], "abacusai.model_upload": [[210, 1, 1, "", "ModelUpload"]], "abacusai.model_upload.ModelUpload": [[210, 2, 1, "", "__repr__"], [210, 3, 1, "", "artifacts_upload_id"], [210, 3, 1, "", "created_at"], [210, 3, 1, "", "default_items_upload_id"], [210, 3, 1, "", "deprecated_keys"], [210, 3, 1, "", "embeddings_upload_id"], [210, 3, 1, "", "input_preprocessor_upload_id"], [210, 3, 1, "", "model_file_upload_id"], [210, 3, 1, "", "model_id"], [210, 3, 1, "", "model_state_upload_id"], [210, 3, 1, "", "model_upload_id"], [210, 3, 1, "", "model_version"], [210, 3, 1, "", "multi_catalog_embeddings_upload_id"], [210, 3, 1, "", "requirements_upload_id"], [210, 3, 1, "", "resources_upload_id"], [210, 3, 1, "", "status"], [210, 2, 1, "", "to_dict"], [210, 3, 1, "", "verifications_upload_id"]], "abacusai.model_version": [[211, 1, 1, "", "ModelVersion"]], "abacusai.model_version.ModelVersion": [[211, 2, 1, "", "__repr__"], [211, 3, 1, "", "automl_complete"], [211, 3, 1, "", "best_algorithm"], [211, 3, 1, "", "builtin_algorithms"], [211, 3, 1, "", "code_source"], [211, 3, 1, "", "cpu_size"], [211, 3, 1, "", "custom_algorithm_configs"], [211, 3, 1, "", "custom_algorithms"], [211, 3, 1, "", "data_cluster_info"], [211, 3, 1, "", "default_algorithm"], [211, 2, 1, "", "delete"], [211, 3, 1, "", "deployable_algorithms"], [211, 3, 1, "", "deprecated_keys"], [211, 2, 1, "", "describe"], [211, 2, 1, "", "describe_train_test_data_split_feature_group_version"], [211, 3, 1, "", "document_retriever_mappings"], [211, 3, 1, "", "error"], [211, 2, 1, "", "export_custom"], [211, 2, 1, "", "export_model_artifact_as_feature_group"], [211, 3, 1, "", "failed_deployment_ids"], [211, 3, 1, "", "feature_analysis_status"], [211, 3, 1, "", "feature_group_versions"], [211, 2, 1, "", "get_feature_group_schemas_for"], [211, 2, 1, "", "get_feature_importance_by"], [211, 2, 1, "", "get_status"], [211, 2, 1, "", "get_train_test_feature_group_as_pandas"], [211, 2, 1, "", "get_training_data_logs"], [211, 2, 1, "", "get_training_logs"], [211, 3, 1, "", "memory"], [211, 3, 1, "", "model_config"], [211, 3, 1, "", "model_config_type"], [211, 3, 1, "", "model_feature_group_schema_mappings"], [211, 3, 1, "", "model_id"], [211, 3, 1, "", "model_prediction_config"], [211, 3, 1, "", "model_version"], [211, 3, 1, "", "partial_complete"], [211, 3, 1, "", "pending_deployment_ids"], [211, 2, 1, "", "refresh"], [211, 2, 1, "", "set_model_objective"], [211, 3, 1, "", "status"], [211, 2, 1, "", "to_dict"], [211, 3, 1, "", "trained_model_types"], [211, 3, 1, "", "training_completed_at"], [211, 3, 1, "", "training_config_updated"], [211, 3, 1, "", "training_document_retriever_versions"], [211, 3, 1, "", "training_feature_group_ids"], [211, 3, 1, "", "training_started_at"], [211, 3, 1, "", "use_gpu"], [211, 2, 1, "", "wait_for_full_automl"], [211, 2, 1, "", "wait_for_training"]], "abacusai.model_version_feature_group_schema": [[212, 1, 1, "", "ModelVersionFeatureGroupSchema"]], "abacusai.model_version_feature_group_schema.ModelVersionFeatureGroupSchema": [[212, 2, 1, "", "__repr__"], [212, 3, 1, "", "deprecated_keys"], [212, 3, 1, "", "feature_group_id"], [212, 3, 1, "", "feature_group_name"], [212, 3, 1, "", "schema"], [212, 2, 1, "", "to_dict"]], "abacusai.modification_lock_info": [[213, 1, 1, "", "ModificationLockInfo"]], "abacusai.modification_lock_info.ModificationLockInfo": [[213, 2, 1, "", "__repr__"], [213, 3, 1, "", "deprecated_keys"], [213, 3, 1, "", "modification_lock"], [213, 3, 1, "", "organization_groups"], [213, 2, 1, "", "to_dict"], [213, 3, 1, "", "user_emails"]], "abacusai.module": [[214, 1, 1, "", "Module"]], "abacusai.module.Module": [[214, 2, 1, "", "__repr__"], [214, 3, 1, "", "code_source"], [214, 3, 1, "", "created_at"], [214, 3, 1, "", "deprecated_keys"], [214, 3, 1, "", "hide_module_code"], [214, 3, 1, "", "name"], [214, 3, 1, "", "notebook_id"], [214, 2, 1, "", "to_dict"]], "abacusai.monitor_alert": [[215, 1, 1, "", "MonitorAlert"]], "abacusai.monitor_alert.MonitorAlert": [[215, 2, 1, "", "__repr__"], [215, 3, 1, "", "action_config"], [215, 3, 1, "", "action_description"], [215, 3, 1, "", "alert_type"], [215, 3, 1, "", "condition_config"], [215, 3, 1, "", "condition_description"], [215, 3, 1, "", "created_at"], [215, 2, 1, "", "delete"], [215, 3, 1, "", "deployment_id"], [215, 3, 1, "", "deprecated_keys"], [215, 2, 1, "", "describe"], [215, 3, 1, "", "latest_monitor_alert_version"], [215, 3, 1, "", "model_monitor_id"], [215, 3, 1, "", "monitor_alert_id"], [215, 3, 1, "", "name"], [215, 3, 1, "", "project_id"], [215, 3, 1, "", "realtime_monitor_id"], [215, 2, 1, "", "refresh"], [215, 2, 1, "", "run"], [215, 2, 1, "", "to_dict"], [215, 2, 1, "", "update"]], "abacusai.monitor_alert_version": [[216, 1, 1, "", "MonitorAlertVersion"]], "abacusai.monitor_alert_version.MonitorAlertVersion": [[216, 2, 1, "", "__repr__"], [216, 3, 1, "", "action_completed_at"], [216, 3, 1, "", "action_config"], [216, 3, 1, "", "action_description"], [216, 3, 1, "", "action_error"], [216, 3, 1, "", "action_started_at"], [216, 3, 1, "", "action_status"], [216, 3, 1, "", "alert_result"], [216, 3, 1, "", "alert_type"], [216, 3, 1, "", "alerting_completed_at"], [216, 3, 1, "", "alerting_started_at"], [216, 3, 1, "", "condition_config"], [216, 3, 1, "", "condition_description"], [216, 3, 1, "", "created_at"], [216, 3, 1, "", "deprecated_keys"], [216, 2, 1, "", "describe"], [216, 3, 1, "", "error"], [216, 2, 1, "", "get_status"], [216, 3, 1, "", "model_monitor_version"], [216, 3, 1, "", "monitor_alert_id"], [216, 3, 1, "", "monitor_alert_version"], [216, 3, 1, "", "name"], [216, 2, 1, "", "refresh"], [216, 3, 1, "", "status"], [216, 2, 1, "", "to_dict"], [216, 2, 1, "", "wait_for_monitor_alert"]], "abacusai.monitor_drift_and_distributions": [[217, 1, 1, "", "MonitorDriftAndDistributions"]], "abacusai.monitor_drift_and_distributions.MonitorDriftAndDistributions": [[217, 2, 1, "", "__repr__"], [217, 3, 1, "", "deprecated_keys"], [217, 3, 1, "", "embeddings_distribution"], [217, 3, 1, "", "feature_distributions"], [217, 3, 1, "", "feature_drifts"], [217, 3, 1, "", "forecasting_monitor_summary"], [217, 3, 1, "", "nested_drifts"], [217, 2, 1, "", "to_dict"]], "abacusai.natural_language_explanation": [[218, 1, 1, "", "NaturalLanguageExplanation"]], "abacusai.natural_language_explanation.NaturalLanguageExplanation": [[218, 2, 1, "", "__repr__"], [218, 3, 1, "", "deprecated_keys"], [218, 3, 1, "", "html_explanation"], [218, 3, 1, "", "is_outdated"], [218, 3, 1, "", "long_explanation"], [218, 3, 1, "", "short_explanation"], [218, 2, 1, "", "to_dict"]], "abacusai.nested_feature": [[219, 1, 1, "", "NestedFeature"]], "abacusai.nested_feature.NestedFeature": [[219, 2, 1, "", "__repr__"], [219, 3, 1, "", "data_type"], [219, 3, 1, "", "deprecated_keys"], [219, 3, 1, "", "feature_mapping"], [219, 3, 1, "", "feature_type"], [219, 3, 1, "", "name"], [219, 3, 1, "", "original_name"], [219, 3, 1, "", "select_clause"], [219, 3, 1, "", "source_table"], [219, 2, 1, "", "to_dict"]], "abacusai.nested_feature_schema": [[220, 1, 1, "", "NestedFeatureSchema"]], "abacusai.nested_feature_schema.NestedFeatureSchema": [[220, 2, 1, "", "__repr__"], [220, 3, 1, "", "data_type"], [220, 3, 1, "", "deprecated_keys"], [220, 3, 1, "", "detected_feature_type"], [220, 3, 1, "", "feature_mapping"], [220, 3, 1, "", "feature_type"], [220, 3, 1, "", "name"], [220, 3, 1, "", "point_in_time_info"], [220, 3, 1, "", "source_table"], [220, 2, 1, "", "to_dict"]], "abacusai.news_search_result": [[221, 1, 1, "", "NewsSearchResult"]], "abacusai.news_search_result.NewsSearchResult": [[221, 2, 1, "", "__repr__"], [221, 3, 1, "", "date_published"], [221, 3, 1, "", "deprecated_keys"], [221, 3, 1, "", "description"], [221, 3, 1, "", "favicon_url"], [221, 3, 1, "", "thumbnail_height"], [221, 3, 1, "", "thumbnail_url"], [221, 3, 1, "", "thumbnail_width"], [221, 3, 1, "", "title"], [221, 2, 1, "", "to_dict"], [221, 3, 1, "", "url"]], "abacusai.nlp_chat_response": [[222, 1, 1, "", "NlpChatResponse"]], "abacusai.nlp_chat_response.NlpChatResponse": [[222, 2, 1, "", "__repr__"], [222, 3, 1, "", "deployment_conversation_id"], [222, 3, 1, "", "deprecated_keys"], [222, 3, 1, "", "messages"], [222, 2, 1, "", "to_dict"]], "abacusai.null_violation": [[223, 1, 1, "", "NullViolation"]], "abacusai.null_violation.NullViolation": [[223, 2, 1, "", "__repr__"], [223, 3, 1, "", "deprecated_keys"], [223, 3, 1, "", "name"], [223, 3, 1, "", "prediction_null_freq"], [223, 2, 1, "", "to_dict"], [223, 3, 1, "", "training_null_freq"], [223, 3, 1, "", "violation"]], "abacusai.organization_external_application_settings": [[224, 1, 1, "", "OrganizationExternalApplicationSettings"]], "abacusai.organization_external_application_settings.OrganizationExternalApplicationSettings": [[224, 2, 1, "", "__repr__"], [224, 3, 1, "", "deprecated_keys"], [224, 3, 1, "", "external_service_for_roles"], [224, 3, 1, "", "logo"], [224, 3, 1, "", "managed_user_service"], [224, 3, 1, "", "passwords_disabled"], [224, 3, 1, "", "theme"], [224, 2, 1, "", "to_dict"]], "abacusai.organization_group": [[225, 1, 1, "", "OrganizationGroup"]], "abacusai.organization_group.OrganizationGroup": [[225, 2, 1, "", "__repr__"], [225, 2, 1, "", "add_permission"], [225, 2, 1, "", "add_user_to"], [225, 3, 1, "", "admin"], [225, 3, 1, "", "created_at"], [225, 3, 1, "", "default_group"], [225, 2, 1, "", "delete"], [225, 3, 1, "", "deprecated_keys"], [225, 2, 1, "", "describe"], [225, 3, 1, "", "group_name"], [225, 3, 1, "", "organization_group_id"], [225, 3, 1, "", "permissions"], [225, 2, 1, "", "refresh"], [225, 2, 1, "", "remove_permission"], [225, 2, 1, "", "remove_user_from"], [225, 2, 1, "", "set_default"], [225, 2, 1, "", "to_dict"]], "abacusai.organization_search_result": [[226, 1, 1, "", "OrganizationSearchResult"]], "abacusai.organization_search_result.OrganizationSearchResult": [[226, 2, 1, "", "__repr__"], [226, 3, 1, "", "deprecated_keys"], [226, 3, 1, "", "feature_group"], [226, 3, 1, "", "feature_group_context"], [226, 3, 1, "", "feature_group_version"], [226, 3, 1, "", "score"], [226, 2, 1, "", "to_dict"]], "abacusai.organization_secret": [[227, 1, 1, "", "OrganizationSecret"]], "abacusai.organization_secret.OrganizationSecret": [[227, 2, 1, "", "__repr__"], [227, 3, 1, "", "created_at"], [227, 3, 1, "", "deprecated_keys"], [227, 3, 1, "", "metadata"], [227, 3, 1, "", "secret_key"], [227, 2, 1, "", "to_dict"], [227, 3, 1, "", "value"]], "abacusai.page_data": [[228, 1, 1, "", "PageData"]], "abacusai.page_data.PageData": [[228, 2, 1, "", "__repr__"], [228, 3, 1, "", "deprecated_keys"], [228, 3, 1, "", "doc_id"], [228, 3, 1, "", "embedded_text"], [228, 3, 1, "", "extracted_text"], [228, 3, 1, "", "height"], [228, 3, 1, "", "page"], [228, 3, 1, "", "page_count"], [228, 3, 1, "", "page_markdown"], [228, 3, 1, "", "page_text"], [228, 3, 1, "", "page_token_start_offset"], [228, 3, 1, "", "rotation_angle"], [228, 2, 1, "", "to_dict"], [228, 3, 1, "", "token_count"], [228, 3, 1, "", "tokens"], [228, 3, 1, "", "width"]], "abacusai.pipeline": [[229, 1, 1, "", "Pipeline"]], "abacusai.pipeline.Pipeline": [[229, 2, 1, "", "__repr__"], [229, 3, 1, "", "code_source"], [229, 2, 1, "", "create_step"], [229, 2, 1, "", "create_step_from_function"], [229, 3, 1, "", "created_at"], [229, 3, 1, "", "created_by"], [229, 3, 1, "", "cron"], [229, 2, 1, "", "delete"], [229, 3, 1, "", "deprecated_keys"], [229, 2, 1, "", "describe"], [229, 2, 1, "", "describe_step_by_name"], [229, 2, 1, "", "get_status"], [229, 3, 1, "", "is_prod"], [229, 3, 1, "", "latest_pipeline_version"], [229, 2, 1, "", "list_versions"], [229, 3, 1, "", "next_run_time"], [229, 3, 1, "", "notebook_id"], [229, 2, 1, "", "pause_refresh_schedule"], [229, 3, 1, "", "pipeline_id"], [229, 3, 1, "", "pipeline_name"], [229, 3, 1, "", "pipeline_references"], [229, 3, 1, "", "pipeline_variable_mappings"], [229, 2, 1, "", "refresh"], [229, 2, 1, "", "rename"], [229, 2, 1, "", "resume_refresh_schedule"], [229, 2, 1, "", "run"], [229, 3, 1, "", "steps"], [229, 2, 1, "", "to_dict"], [229, 2, 1, "", "unset_refresh_schedule"], [229, 2, 1, "", "update"], [229, 2, 1, "", "wait_for_pipeline"], [229, 3, 1, "", "warning"]], "abacusai.pipeline_reference": [[230, 1, 1, "", "PipelineReference"]], "abacusai.pipeline_reference.PipelineReference": [[230, 2, 1, "", "__repr__"], [230, 3, 1, "", "batch_prediction_description_id"], [230, 3, 1, "", "dataset_id"], [230, 3, 1, "", "deployment_id"], [230, 3, 1, "", "deprecated_keys"], [230, 3, 1, "", "feature_group_id"], [230, 3, 1, "", "model_id"], [230, 3, 1, "", "model_monitor_id"], [230, 3, 1, "", "notebook_id"], [230, 3, 1, "", "object_type"], [230, 3, 1, "", "pipeline_id"], [230, 3, 1, "", "pipeline_reference_id"], [230, 2, 1, "", "to_dict"]], "abacusai.pipeline_step": [[231, 1, 1, "", "PipelineStep"]], "abacusai.pipeline_step.PipelineStep": [[231, 2, 1, "", "__repr__"], [231, 3, 1, "", "code_source"], [231, 3, 1, "", "cpu_size"], [231, 3, 1, "", "created_at"], [231, 2, 1, "", "delete"], [231, 3, 1, "", "deprecated_keys"], [231, 2, 1, "", "describe"], [231, 3, 1, "", "memory"], [231, 3, 1, "", "pipeline_id"], [231, 3, 1, "", "pipeline_name"], [231, 3, 1, "", "pipeline_step_id"], [231, 3, 1, "", "python_function"], [231, 3, 1, "", "python_function_id"], [231, 2, 1, "", "refresh"], [231, 2, 1, "", "rename"], [231, 3, 1, "", "step_dependencies"], [231, 3, 1, "", "step_name"], [231, 3, 1, "", "timeout"], [231, 2, 1, "", "to_dict"], [231, 2, 1, "", "update"], [231, 3, 1, "", "updated_at"]], "abacusai.pipeline_step_version": [[232, 1, 1, "", "PipelineStepVersion"]], "abacusai.pipeline_step_version.PipelineStepVersion": [[232, 2, 1, "", "__repr__"], [232, 3, 1, "", "code_source"], [232, 3, 1, "", "cpu_size"], [232, 3, 1, "", "created_at"], [232, 3, 1, "", "deprecated_keys"], [232, 2, 1, "", "describe"], [232, 3, 1, "", "error"], [232, 3, 1, "", "function_variable_mappings"], [232, 2, 1, "", "get_step_version_logs"], [232, 3, 1, "", "memory"], [232, 3, 1, "", "output_errors"], [232, 3, 1, "", "output_variable_mappings"], [232, 3, 1, "", "pipeline_id"], [232, 3, 1, "", "pipeline_step_id"], [232, 3, 1, "", "pipeline_step_version"], [232, 3, 1, "", "pipeline_step_version_references"], [232, 3, 1, "", "pipeline_version"], [232, 3, 1, "", "python_function_id"], [232, 2, 1, "", "refresh"], [232, 3, 1, "", "status"], [232, 3, 1, "", "step_dependencies"], [232, 3, 1, "", "step_name"], [232, 3, 1, "", "timeout"], [232, 2, 1, "", "to_dict"], [232, 3, 1, "", "updated_at"]], "abacusai.pipeline_step_version_logs": [[233, 1, 1, "", "PipelineStepVersionLogs"]], "abacusai.pipeline_step_version_logs.PipelineStepVersionLogs": [[233, 2, 1, "", "__repr__"], [233, 3, 1, "", "deprecated_keys"], [233, 3, 1, "", "logs"], [233, 3, 1, "", "pipeline_step_id"], [233, 3, 1, "", "pipeline_step_version"], [233, 3, 1, "", "step_name"], [233, 2, 1, "", "to_dict"]], "abacusai.pipeline_step_version_reference": [[234, 1, 1, "", "PipelineStepVersionReference"]], "abacusai.pipeline_step_version_reference.PipelineStepVersionReference": [[234, 2, 1, "", "__repr__"], [234, 3, 1, "", "batch_prediction_id"], [234, 3, 1, "", "dataset_version"], [234, 3, 1, "", "deployment_version"], [234, 3, 1, "", "deprecated_keys"], [234, 3, 1, "", "error"], [234, 3, 1, "", "feature_group_version"], [234, 3, 1, "", "model_monitor_version"], [234, 3, 1, "", "model_version"], [234, 3, 1, "", "notebook_version"], [234, 3, 1, "", "object_type"], [234, 3, 1, "", "pipeline_step_version"], [234, 3, 1, "", "pipeline_step_version_reference_id"], [234, 3, 1, "", "status"], [234, 2, 1, "", "to_dict"]], "abacusai.pipeline_version": [[235, 1, 1, "", "PipelineVersion"]], "abacusai.pipeline_version.PipelineVersion": [[235, 2, 1, "", "__repr__"], [235, 3, 1, "", "code_source"], [235, 3, 1, "", "completed_at"], [235, 3, 1, "", "created_at"], [235, 3, 1, "", "deprecated_keys"], [235, 2, 1, "", "describe"], [235, 3, 1, "", "error"], [235, 2, 1, "", "get_status"], [235, 2, 1, "", "list_logs"], [235, 3, 1, "", "pipeline_id"], [235, 3, 1, "", "pipeline_name"], [235, 3, 1, "", "pipeline_variable_mappings"], [235, 3, 1, "", "pipeline_version"], [235, 2, 1, "", "refresh"], [235, 2, 1, "", "reset"], [235, 2, 1, "", "skip_pending_steps"], [235, 3, 1, "", "status"], [235, 3, 1, "", "step_versions"], [235, 2, 1, "", "to_dict"], [235, 3, 1, "", "updated_at"], [235, 2, 1, "", "wait_for_pipeline"]], "abacusai.pipeline_version_logs": [[236, 1, 1, "", "PipelineVersionLogs"]], "abacusai.pipeline_version_logs.PipelineVersionLogs": [[236, 2, 1, "", "__repr__"], [236, 3, 1, "", "deprecated_keys"], [236, 3, 1, "", "step_logs"], [236, 2, 1, "", "to_dict"]], "abacusai.playground_text": [[237, 1, 1, "", "PlaygroundText"]], "abacusai.playground_text.PlaygroundText": [[237, 2, 1, "", "__repr__"], [237, 3, 1, "", "deprecated_keys"], [237, 3, 1, "", "playground_text"], [237, 3, 1, "", "rendering_code"], [237, 2, 1, "", "to_dict"]], "abacusai.point_in_time_feature": [[238, 1, 1, "", "PointInTimeFeature"]], "abacusai.point_in_time_feature.PointInTimeFeature": [[238, 2, 1, "", "__repr__"], [238, 3, 1, "", "aggregation_keys"], [238, 3, 1, "", "deprecated_keys"], [238, 3, 1, "", "expression"], [238, 3, 1, "", "group_name"], [238, 3, 1, "", "historical_timestamp_key"], [238, 3, 1, "", "history_table_name"], [238, 3, 1, "", "lookback_count"], [238, 3, 1, "", "lookback_until_position"], [238, 3, 1, "", "lookback_window_lag_seconds"], [238, 3, 1, "", "lookback_window_seconds"], [238, 3, 1, "", "timestamp_key"], [238, 2, 1, "", "to_dict"]], "abacusai.point_in_time_feature_info": [[239, 1, 1, "", "PointInTimeFeatureInfo"]], "abacusai.point_in_time_feature_info.PointInTimeFeatureInfo": [[239, 2, 1, "", "__repr__"], [239, 3, 1, "", "deprecated_keys"], [239, 3, 1, "", "expression"], [239, 3, 1, "", "group_name"], [239, 2, 1, "", "to_dict"]], "abacusai.point_in_time_group": [[240, 1, 1, "", "PointInTimeGroup"]], "abacusai.point_in_time_group.PointInTimeGroup": [[240, 2, 1, "", "__repr__"], [240, 3, 1, "", "aggregation_keys"], [240, 3, 1, "", "deprecated_keys"], [240, 3, 1, "", "features"], [240, 3, 1, "", "group_name"], [240, 3, 1, "", "history_aggregation_keys"], [240, 3, 1, "", "history_table_name"], [240, 3, 1, "", "history_window_key"], [240, 3, 1, "", "lookback_count"], [240, 3, 1, "", "lookback_until_position"], [240, 3, 1, "", "lookback_window"], [240, 3, 1, "", "lookback_window_lag"], [240, 2, 1, "", "to_dict"], [240, 3, 1, "", "window_key"]], "abacusai.point_in_time_group_feature": [[241, 1, 1, "", "PointInTimeGroupFeature"]], "abacusai.point_in_time_group_feature.PointInTimeGroupFeature": [[241, 2, 1, "", "__repr__"], [241, 3, 1, "", "deprecated_keys"], [241, 3, 1, "", "expression"], [241, 3, 1, "", "name"], [241, 3, 1, "", "pit_operation_config"], [241, 3, 1, "", "pit_operation_type"], [241, 2, 1, "", "to_dict"]], "abacusai.prediction_client": [[242, 1, 1, "", "PredictionClient"]], "abacusai.prediction_client.PredictionClient": [[242, 2, 1, "", "check_constraints"], [242, 2, 1, "", "classify_image"], [242, 2, 1, "", "classify_pdf"], [242, 2, 1, "", "describe_image"], [242, 2, 1, "", "execute_agent_with_binary_data"], [242, 2, 1, "", "get_alternative_assignments"], [242, 2, 1, "", "get_anomalies"], [242, 2, 1, "", "get_assignments"], [242, 2, 1, "", "get_assignments_online_with_new_serialized_inputs"], [242, 2, 1, "", "get_chat_response"], [242, 2, 1, "", "get_chat_response_with_binary_data"], [242, 2, 1, "", "get_classification"], [242, 2, 1, "", "get_cluster"], [242, 2, 1, "", "get_completion"], [242, 2, 1, "", "get_conversation_response"], [242, 2, 1, "", "get_conversation_response_with_binary_data"], [242, 2, 1, "", "get_deep_agent_response"], [242, 2, 1, "", "get_entailment"], [242, 2, 1, "", "get_entities_from_pdf"], [242, 2, 1, "", "get_event_anomaly_score"], [242, 2, 1, "", "get_forecast"], [242, 2, 1, "", "get_k_nearest"], [242, 2, 1, "", "get_labels"], [242, 2, 1, "", "get_matrix_agent_schema"], [242, 2, 1, "", "get_multiple_k_nearest"], [242, 2, 1, "", "get_objects_from_image"], [242, 2, 1, "", "get_optimization_inputs_from_serialized"], [242, 2, 1, "", "get_personalized_ranking"], [242, 2, 1, "", "get_ranked_items"], [242, 2, 1, "", "get_recommendations"], [242, 2, 1, "", "get_related_items"], [242, 2, 1, "", "get_search_results"], [242, 2, 1, "", "get_sentiment"], [242, 2, 1, "", "get_summary"], [242, 2, 1, "", "get_text_from_document"], [242, 2, 1, "", "get_timeseries_anomalies"], [242, 2, 1, "", "is_anomaly"], [242, 2, 1, "", "lookup_features"], [242, 2, 1, "", "lookup_matches"], [242, 2, 1, "", "pause_autonomous_agent"], [242, 2, 1, "", "predict"], [242, 2, 1, "", "predict_churn"], [242, 2, 1, "", "predict_class"], [242, 2, 1, "", "predict_fraud"], [242, 2, 1, "", "predict_from_datasets"], [242, 2, 1, "", "predict_language"], [242, 2, 1, "", "predict_lead"], [242, 2, 1, "", "predict_multiple"], [242, 2, 1, "", "predict_raw"], [242, 2, 1, "", "predict_takeover"], [242, 2, 1, "", "predict_target"], [242, 2, 1, "", "predict_with_binary_data"], [242, 2, 1, "", "score_image"], [242, 2, 1, "", "start_autonomous_agent"], [242, 2, 1, "", "transcribe_audio"], [242, 2, 1, "", "transfer_style"]], "abacusai.prediction_dataset": [[243, 1, 1, "", "PredictionDataset"]], "abacusai.prediction_dataset.PredictionDataset": [[243, 2, 1, "", "__repr__"], [243, 3, 1, "", "dataset_id"], [243, 3, 1, "", "dataset_type"], [243, 3, 1, "", "dataset_version"], [243, 3, 1, "", "default"], [243, 3, 1, "", "deprecated_keys"], [243, 3, 1, "", "required"], [243, 2, 1, "", "to_dict"]], "abacusai.prediction_feature_group": [[244, 1, 1, "", "PredictionFeatureGroup"]], "abacusai.prediction_feature_group.PredictionFeatureGroup": [[244, 2, 1, "", "__repr__"], [244, 3, 1, "", "dataset_type"], [244, 3, 1, "", "default"], [244, 3, 1, "", "deprecated_keys"], [244, 3, 1, "", "feature_group_id"], [244, 3, 1, "", "feature_group_version"], [244, 3, 1, "", "required"], [244, 2, 1, "", "to_dict"]], "abacusai.prediction_input": [[245, 1, 1, "", "PredictionInput"]], "abacusai.prediction_input.PredictionInput": [[245, 2, 1, "", "__repr__"], [245, 3, 1, "", "dataset_id_remap"], [245, 3, 1, "", "datasets"], [245, 3, 1, "", "deprecated_keys"], [245, 3, 1, "", "feature_group_dataset_ids"], [245, 3, 1, "", "feature_groups"], [245, 2, 1, "", "to_dict"]], "abacusai.prediction_log_record": [[246, 1, 1, "", "PredictionLogRecord"]], "abacusai.prediction_log_record.PredictionLogRecord": [[246, 2, 1, "", "__repr__"], [246, 3, 1, "", "deprecated_keys"], [246, 3, 1, "", "query"], [246, 3, 1, "", "query_time_ms"], [246, 3, 1, "", "request_id"], [246, 3, 1, "", "response"], [246, 3, 1, "", "timestamp_ms"], [246, 2, 1, "", "to_dict"]], "abacusai.prediction_operator": [[247, 1, 1, "", "PredictionOperator"]], "abacusai.prediction_operator.PredictionOperator": [[247, 2, 1, "", "__repr__"], [247, 3, 1, "", "code_source"], [247, 2, 1, "", "create_version"], [247, 3, 1, "", "created_at"], [247, 2, 1, "", "delete"], [247, 2, 1, "", "deploy"], [247, 3, 1, "", "deprecated_keys"], [247, 2, 1, "", "describe"], [247, 3, 1, "", "feature_group_ids"], [247, 3, 1, "", "feature_group_table_names"], [247, 3, 1, "", "initialize_function_name"], [247, 3, 1, "", "latest_prediction_operator_version"], [247, 2, 1, "", "list_versions"], [247, 3, 1, "", "memory"], [247, 3, 1, "", "name"], [247, 3, 1, "", "notebook_id"], [247, 3, 1, "", "predict_function_name"], [247, 3, 1, "", "prediction_operator_id"], [247, 3, 1, "", "project_id"], [247, 2, 1, "", "refresh"], [247, 3, 1, "", "refresh_schedules"], [247, 3, 1, "", "source_code"], [247, 2, 1, "", "to_dict"], [247, 2, 1, "", "update"], [247, 3, 1, "", "updated_at"], [247, 3, 1, "", "use_gpu"]], "abacusai.prediction_operator_version": [[248, 1, 1, "", "PredictionOperatorVersion"]], "abacusai.prediction_operator_version.PredictionOperatorVersion": [[248, 2, 1, "", "__repr__"], [248, 3, 1, "", "code_source"], [248, 3, 1, "", "created_at"], [248, 2, 1, "", "delete"], [248, 3, 1, "", "deprecated_keys"], [248, 3, 1, "", "error"], [248, 3, 1, "", "feature_group_ids"], [248, 3, 1, "", "feature_group_versions"], [248, 3, 1, "", "memory"], [248, 3, 1, "", "prediction_operator_id"], [248, 3, 1, "", "prediction_operator_version"], [248, 3, 1, "", "source_code"], [248, 3, 1, "", "status"], [248, 2, 1, "", "to_dict"], [248, 3, 1, "", "updated_at"], [248, 3, 1, "", "use_gpu"]], "abacusai.presentation_export_result": [[249, 1, 1, "", "PresentationExportResult"]], "abacusai.presentation_export_result.PresentationExportResult": [[249, 2, 1, "", "__repr__"], [249, 3, 1, "", "deprecated_keys"], [249, 3, 1, "", "file_path"], [249, 2, 1, "", "to_dict"], [249, 3, 1, "", "web_view_link"]], "abacusai.private_web_app_deployment": [[250, 1, 1, "", "PrivateWebAppDeployment"]], "abacusai.private_web_app_deployment.PrivateWebAppDeployment": [[250, 2, 1, "", "__repr__"], [250, 3, 1, "", "application_type"], [250, 3, 1, "", "conversation_created_at"], [250, 3, 1, "", "conversation_name"], [250, 3, 1, "", "conversation_type"], [250, 3, 1, "", "deployment_conversation_id"], [250, 3, 1, "", "deprecated_keys"], [250, 3, 1, "", "email"], [250, 3, 1, "", "hosted_app_version"], [250, 3, 1, "", "hostname"], [250, 3, 1, "", "lifecycle"], [250, 3, 1, "", "llm_artifact_id"], [250, 3, 1, "", "source"], [250, 2, 1, "", "to_dict"], [250, 3, 1, "", "user_id"]], "abacusai.problem_type": [[251, 1, 1, "", "ProblemType"]], "abacusai.problem_type.ProblemType": [[251, 2, 1, "", "__repr__"], [251, 3, 1, "", "deprecated_keys"], [251, 3, 1, "", "optional_feature_group_types"], [251, 3, 1, "", "problem_type"], [251, 3, 1, "", "required_feature_group_type"], [251, 2, 1, "", "to_dict"], [251, 3, 1, "", "use_cases_support_custom_algorithm"]], "abacusai.project": [[252, 1, 1, "", "Project"]], "abacusai.project.Project": [[252, 2, 1, "", "__repr__"], [252, 2, 1, "", "add_scope_for_user"], [252, 2, 1, "", "add_tags"], [252, 2, 1, "", "create_agent"], [252, 2, 1, "", "create_chat_session"], [252, 2, 1, "", "create_deployment_token"], [252, 2, 1, "", "create_document_retriever"], [252, 2, 1, "", "create_eda"], [252, 2, 1, "", "create_forecasting_monitor"], [252, 2, 1, "", "create_graph_dashboard"], [252, 2, 1, "", "create_model_from_functions"], [252, 2, 1, "", "create_model_from_python"], [252, 2, 1, "", "create_model_monitor"], [252, 2, 1, "", "create_monitor_alert"], [252, 2, 1, "", "create_nlp_drift_monitor"], [252, 2, 1, "", "create_train_test_data_split_feature_group"], [252, 2, 1, "", "create_vision_drift_monitor"], [252, 3, 1, "", "created_at"], [252, 2, 1, "", "delete"], [252, 3, 1, "", "deprecated_keys"], [252, 2, 1, "", "describe"], [252, 2, 1, "", "describe_feature_group"], [252, 2, 1, "", "generate_agent_code"], [252, 2, 1, "", "get_custom_train_function_info"], [252, 2, 1, "", "get_training_config_options"], [252, 2, 1, "", "infer_feature_mappings"], [252, 2, 1, "", "list_agents"], [252, 2, 1, "", "list_batch_predictions"], [252, 2, 1, "", "list_builtin_algorithms"], [252, 2, 1, "", "list_deployment_tokens"], [252, 2, 1, "", "list_deployments"], [252, 2, 1, "", "list_document_retrievers"], [252, 2, 1, "", "list_eda"], [252, 2, 1, "", "list_feature_group_templates"], [252, 2, 1, "", "list_feature_groups"], [252, 2, 1, "", "list_graph_dashboards"], [252, 2, 1, "", "list_holdout_analysis"], [252, 2, 1, "", "list_model_monitors"], [252, 2, 1, "", "list_models"], [252, 2, 1, "", "list_pipelines"], [252, 2, 1, "", "list_prediction_operators"], [252, 2, 1, "", "list_realtime_monitors"], [252, 2, 1, "", "list_refresh_policies"], [252, 3, 1, "", "name"], [252, 3, 1, "", "problem_type"], [252, 3, 1, "", "project_id"], [252, 2, 1, "", "refresh"], [252, 2, 1, "", "remove_tags"], [252, 2, 1, "", "rename"], [252, 2, 1, "", "set_feature_mapping"], [252, 3, 1, "", "tags"], [252, 2, 1, "", "to_dict"], [252, 2, 1, "", "train_model"], [252, 3, 1, "", "use_case"], [252, 2, 1, "", "validate"]], "abacusai.project_config": [[253, 1, 1, "", "ProjectConfig"]], "abacusai.project_config.ProjectConfig": [[253, 2, 1, "", "__repr__"], [253, 3, 1, "", "config"], [253, 3, 1, "", "deprecated_keys"], [253, 2, 1, "", "to_dict"], [253, 3, 1, "", "type"]], "abacusai.project_feature_group": [[254, 1, 1, "", "ProjectFeatureGroup"]], "abacusai.project_feature_group.ProjectFeatureGroup": [[254, 2, 1, "", "__repr__"], [254, 3, 1, "", "annotation_config"], [254, 3, 1, "", "code_source"], [254, 3, 1, "", "concatenation_config"], [254, 3, 1, "", "cpu_size"], [254, 3, 1, "", "created_at"], [254, 3, 1, "", "dataset_id"], [254, 3, 1, "", "deprecated_keys"], [254, 3, 1, "", "description"], [254, 3, 1, "", "duplicate_features"], [254, 3, 1, "", "explanation"], [254, 3, 1, "", "export_connector_config"], [254, 3, 1, "", "export_on_materialization"], [254, 3, 1, "", "feature_expression"], [254, 3, 1, "", "feature_group_id"], [254, 3, 1, "", "feature_group_source_type"], [254, 3, 1, "", "feature_group_template"], [254, 3, 1, "", "feature_group_type"], [254, 3, 1, "", "feature_tags"], [254, 3, 1, "", "features"], [254, 3, 1, "", "function_name"], [254, 3, 1, "", "function_source_code"], [254, 3, 1, "", "incremental"], [254, 3, 1, "", "indexing_config"], [254, 3, 1, "", "latest_feature_group_version"], [254, 3, 1, "", "latest_version_outdated"], [254, 3, 1, "", "lookup_keys"], [254, 3, 1, "", "memory"], [254, 3, 1, "", "merge_config"], [254, 3, 1, "", "modification_lock"], [254, 3, 1, "", "module_name"], [254, 3, 1, "", "name"], [254, 3, 1, "", "operator_config"], [254, 3, 1, "", "point_in_time_groups"], [254, 3, 1, "", "primary_key"], [254, 3, 1, "", "project_config"], [254, 3, 1, "", "project_feature_group_schema"], [254, 3, 1, "", "python_function_bindings"], [254, 3, 1, "", "python_function_name"], [254, 3, 1, "", "referenced_feature_groups"], [254, 3, 1, "", "refresh_schedules"], [254, 3, 1, "", "sampling_config"], [254, 3, 1, "", "source_tables"], [254, 3, 1, "", "sql"], [254, 3, 1, "", "sql_error"], [254, 3, 1, "", "streaming_enabled"], [254, 3, 1, "", "streaming_ready"], [254, 3, 1, "", "table_name"], [254, 3, 1, "", "tags"], [254, 3, 1, "", "template_bindings"], [254, 2, 1, "", "to_dict"], [254, 3, 1, "", "update_timestamp_key"], [254, 3, 1, "", "use_gpu"], [254, 3, 1, "", "use_original_csv_names"], [254, 3, 1, "", "version_limit"]], "abacusai.project_feature_group_schema": [[255, 1, 1, "", "ProjectFeatureGroupSchema"]], "abacusai.project_feature_group_schema.ProjectFeatureGroupSchema": [[255, 2, 1, "", "__repr__"], [255, 3, 1, "", "deprecated_keys"], [255, 3, 1, "", "duplicate_features"], [255, 3, 1, "", "nested_schema"], [255, 3, 1, "", "project_config"], [255, 3, 1, "", "schema"], [255, 2, 1, "", "to_dict"]], "abacusai.project_feature_group_schema_version": [[256, 1, 1, "", "ProjectFeatureGroupSchemaVersion"]], "abacusai.project_feature_group_schema_version.ProjectFeatureGroupSchemaVersion": [[256, 2, 1, "", "__repr__"], [256, 3, 1, "", "deprecated_keys"], [256, 3, 1, "", "schema_version"], [256, 2, 1, "", "to_dict"]], "abacusai.project_validation": [[257, 1, 1, "", "ProjectValidation"]], "abacusai.project_validation.ProjectValidation": [[257, 2, 1, "", "__repr__"], [257, 3, 1, "", "column_hints"], [257, 3, 1, "", "dataset_errors"], [257, 3, 1, "", "deprecated_keys"], [257, 2, 1, "", "to_dict"], [257, 3, 1, "", "valid"]], "abacusai.python_function": [[258, 1, 1, "", "PythonFunction"]], "abacusai.python_function.PythonFunction": [[258, 2, 1, "", "__repr__"], [258, 2, 1, "", "add_graph_to_dashboard"], [258, 3, 1, "", "code_source"], [258, 3, 1, "", "configurations"], [258, 3, 1, "", "connectors"], [258, 3, 1, "", "created_at"], [258, 3, 1, "", "deprecated_keys"], [258, 3, 1, "", "description"], [258, 3, 1, "", "examples"], [258, 3, 1, "", "function_name"], [258, 3, 1, "", "function_type"], [258, 3, 1, "", "function_variable_mappings"], [258, 3, 1, "", "name"], [258, 3, 1, "", "notebook_id"], [258, 3, 1, "", "output_variable_mappings"], [258, 3, 1, "", "package_requirements"], [258, 3, 1, "", "python_function_id"], [258, 2, 1, "", "to_dict"], [258, 2, 1, "", "validate_locally"]], "abacusai.python_function_validator": [[259, 1, 1, "", "_MonkeyPatch"], [259, 7, 1, "", "validate_function_locally"]], "abacusai.python_function_validator._MonkeyPatch": [[259, 3, 1, "", "_savesyspath"], [259, 2, 1, "", "context"], [259, 2, 1, "", "syspath_prepend"], [259, 2, 1, "", "undo"]], "abacusai.python_plot_function": [[260, 1, 1, "", "PythonPlotFunction"]], "abacusai.python_plot_function.PythonPlotFunction": [[260, 2, 1, "", "__repr__"], [260, 3, 1, "", "code_source"], [260, 3, 1, "", "created_at"], [260, 3, 1, "", "deprecated_keys"], [260, 3, 1, "", "function_name"], [260, 3, 1, "", "function_type"], [260, 3, 1, "", "function_variable_mappings"], [260, 3, 1, "", "graph_reference_id"], [260, 3, 1, "", "name"], [260, 3, 1, "", "notebook_id"], [260, 3, 1, "", "plot_name"], [260, 3, 1, "", "python_function_id"], [260, 2, 1, "", "to_dict"]], "abacusai.range_violation": [[261, 1, 1, "", "RangeViolation"]], "abacusai.range_violation.RangeViolation": [[261, 2, 1, "", "__repr__"], [261, 3, 1, "", "deprecated_keys"], [261, 3, 1, "", "freq_above_training_range"], [261, 3, 1, "", "freq_below_training_range"], [261, 3, 1, "", "name"], [261, 3, 1, "", "prediction_max"], [261, 3, 1, "", "prediction_min"], [261, 2, 1, "", "to_dict"], [261, 3, 1, "", "training_max"], [261, 3, 1, "", "training_min"]], "abacusai.realtime_monitor": [[262, 1, 1, "", "RealtimeMonitor"]], "abacusai.realtime_monitor.RealtimeMonitor": [[262, 2, 1, "", "__repr__"], [262, 3, 1, "", "created_at"], [262, 2, 1, "", "delete"], [262, 3, 1, "", "deployment_id"], [262, 3, 1, "", "deprecated_keys"], [262, 2, 1, "", "describe"], [262, 3, 1, "", "lookback_time"], [262, 3, 1, "", "name"], [262, 3, 1, "", "realtime_monitor_id"], [262, 3, 1, "", "realtime_monitor_schedule"], [262, 2, 1, "", "refresh"], [262, 2, 1, "", "to_dict"], [262, 2, 1, "", "update"]], "abacusai.refresh_pipeline_run": [[263, 1, 1, "", "RefreshPipelineRun"]], "abacusai.refresh_pipeline_run.RefreshPipelineRun": [[263, 2, 1, "", "__repr__"], [263, 3, 1, "", "batch_predictions"], [263, 3, 1, "", "completed_at"], [263, 3, 1, "", "created_at"], [263, 3, 1, "", "dataset_versions"], [263, 3, 1, "", "deployment_versions"], [263, 3, 1, "", "deprecated_keys"], [263, 2, 1, "", "describe"], [263, 3, 1, "", "feature_group_version"], [263, 2, 1, "", "get_status"], [263, 3, 1, "", "model_versions"], [263, 2, 1, "", "refresh"], [263, 3, 1, "", "refresh_pipeline_run_id"], [263, 3, 1, "", "refresh_policy"], [263, 3, 1, "", "refresh_policy_id"], [263, 3, 1, "", "refresh_type"], [263, 3, 1, "", "started_at"], [263, 3, 1, "", "status"], [263, 2, 1, "", "to_dict"], [263, 2, 1, "", "wait_for_complete"]], "abacusai.refresh_policy": [[264, 1, 1, "", "RefreshPolicy"]], "abacusai.refresh_policy.RefreshPolicy": [[264, 2, 1, "", "__repr__"], [264, 3, 1, "", "batch_prediction_ids"], [264, 3, 1, "", "created_at"], [264, 3, 1, "", "cron"], [264, 3, 1, "", "dataset_ids"], [264, 2, 1, "", "delete"], [264, 3, 1, "", "deployment_ids"], [264, 3, 1, "", "deprecated_keys"], [264, 2, 1, "", "describe"], [264, 3, 1, "", "feature_group_export_config"], [264, 3, 1, "", "feature_group_id"], [264, 2, 1, "", "list_refresh_pipeline_runs"], [264, 3, 1, "", "model_ids"], [264, 3, 1, "", "model_monitor_ids"], [264, 3, 1, "", "name"], [264, 3, 1, "", "next_run_time"], [264, 3, 1, "", "notebook_id"], [264, 2, 1, "", "pause"], [264, 3, 1, "", "paused"], [264, 3, 1, "", "pipeline_id"], [264, 3, 1, "", "prediction_operator_id"], [264, 3, 1, "", "project_id"], [264, 2, 1, "", "refresh"], [264, 3, 1, "", "refresh_policy_id"], [264, 3, 1, "", "refresh_type"], [264, 2, 1, "", "resume"], [264, 2, 1, "", "run"], [264, 2, 1, "", "to_dict"], [264, 2, 1, "", "update"]], "abacusai.refresh_schedule": [[265, 1, 1, "", "RefreshSchedule"]], "abacusai.refresh_schedule.RefreshSchedule": [[265, 2, 1, "", "__repr__"], [265, 3, 1, "", "cron"], [265, 3, 1, "", "deprecated_keys"], [265, 3, 1, "", "error"], [265, 3, 1, "", "next_run_time"], [265, 3, 1, "", "refresh_policy_id"], [265, 3, 1, "", "refresh_type"], [265, 2, 1, "", "to_dict"]], "abacusai.regenerate_llm_external_application": [[266, 1, 1, "", "RegenerateLlmExternalApplication"]], "abacusai.regenerate_llm_external_application.RegenerateLlmExternalApplication": [[266, 2, 1, "", "__repr__"], [266, 3, 1, "", "deprecated_keys"], [266, 3, 1, "", "llm_bot_icon"], [266, 3, 1, "", "llm_name"], [266, 3, 1, "", "name"], [266, 2, 1, "", "to_dict"]], "abacusai.regenerate_llm_option": [[267, 1, 1, "", "RegenerateLlmOption"]], "abacusai.regenerate_llm_option.RegenerateLlmOption": [[267, 2, 1, "", "__repr__"], [267, 3, 1, "", "deprecated_keys"], [267, 3, 1, "", "llm_bot_icon"], [267, 3, 1, "", "llm_name"], [267, 3, 1, "", "name"], [267, 2, 1, "", "to_dict"]], "abacusai.resolved_feature_group_template": [[268, 1, 1, "", "ResolvedFeatureGroupTemplate"]], "abacusai.resolved_feature_group_template.ResolvedFeatureGroupTemplate": [[268, 2, 1, "", "__repr__"], [268, 3, 1, "", "deprecated_keys"], [268, 3, 1, "", "feature_group_template_id"], [268, 3, 1, "", "resolved_sql"], [268, 3, 1, "", "resolved_variables"], [268, 3, 1, "", "sql_error"], [268, 3, 1, "", "template_sql"], [268, 2, 1, "", "to_dict"]], "abacusai.return_class": [[269, 1, 1, "", "AbstractApiClass"]], "abacusai.return_class.AbstractApiClass": [[269, 2, 1, "", "__eq__"], [269, 2, 1, "", "__getattribute__"], [269, 2, 1, "", "_get_attribute_as_dict"], [269, 3, 1, "", "client"]], "abacusai.routing_action": [[270, 1, 1, "", "RoutingAction"]], "abacusai.routing_action.RoutingAction": [[270, 2, 1, "", "__repr__"], [270, 3, 1, "", "additional_info"], [270, 3, 1, "", "deprecated_keys"], [270, 3, 1, "", "display_name"], [270, 3, 1, "", "id"], [270, 3, 1, "", "is_large"], [270, 3, 1, "", "is_medium"], [270, 3, 1, "", "placeholder"], [270, 3, 1, "", "prompt"], [270, 3, 1, "", "title"], [270, 2, 1, "", "to_dict"], [270, 3, 1, "", "value"]], "abacusai.schema": [[271, 1, 1, "", "Schema"]], "abacusai.schema.Schema": [[271, 2, 1, "", "__repr__"], [271, 3, 1, "", "data_type"], [271, 3, 1, "", "deprecated_keys"], [271, 3, 1, "", "detected_data_type"], [271, 3, 1, "", "detected_feature_mapping"], [271, 3, 1, "", "detected_feature_type"], [271, 3, 1, "", "feature_mapping"], [271, 3, 1, "", "feature_type"], [271, 3, 1, "", "name"], [271, 3, 1, "", "nested_features"], [271, 3, 1, "", "point_in_time_info"], [271, 2, 1, "", "to_dict"]], "abacusai.session_summary": [[272, 1, 1, "", "SessionSummary"]], "abacusai.session_summary.SessionSummary": [[272, 2, 1, "", "__repr__"], [272, 3, 1, "", "deprecated_keys"], [272, 3, 1, "", "summary"], [272, 2, 1, "", "to_dict"]], "abacusai.session_transcript": [[273, 1, 1, "", "SessionTranscript"]], "abacusai.session_transcript.SessionTranscript": [[273, 2, 1, "", "__repr__"], [273, 3, 1, "", "content"], [273, 3, 1, "", "deprecated_keys"], [273, 3, 1, "", "role"], [273, 2, 1, "", "to_dict"]], "abacusai.session_transcripts": [[274, 1, 1, "", "SessionTranscripts"]], "abacusai.session_transcripts.SessionTranscripts": [[274, 2, 1, "", "__repr__"], [274, 3, 1, "", "deprecated_keys"], [274, 2, 1, "", "to_dict"], [274, 3, 1, "", "transcripts"]], "abacusai.sftp_key": [[275, 1, 1, "", "SftpKey"]], "abacusai.sftp_key.SftpKey": [[275, 2, 1, "", "__repr__"], [275, 3, 1, "", "deprecated_keys"], [275, 3, 1, "", "key_name"], [275, 3, 1, "", "public_key"], [275, 2, 1, "", "to_dict"]], "abacusai.streaming_auth_token": [[276, 1, 1, "", "StreamingAuthToken"]], "abacusai.streaming_auth_token.StreamingAuthToken": [[276, 2, 1, "", "__repr__"], [276, 3, 1, "", "created_at"], [276, 3, 1, "", "deprecated_keys"], [276, 3, 1, "", "streaming_token"], [276, 2, 1, "", "to_dict"]], "abacusai.streaming_client": [[277, 1, 1, "", "StreamingClient"]], "abacusai.streaming_client.StreamingClient": [[277, 2, 1, "", "append_data"], [277, 2, 1, "", "append_multiple_data"], [277, 2, 1, "", "delete_item_embeddings"], [277, 2, 1, "", "upsert_item_embeddings"], [277, 2, 1, "", "upsert_multiple_item_embeddings"]], "abacusai.streaming_connector": [[278, 1, 1, "", "StreamingConnector"]], "abacusai.streaming_connector.StreamingConnector": [[278, 2, 1, "", "__repr__"], [278, 3, 1, "", "auth"], [278, 3, 1, "", "created_at"], [278, 2, 1, "", "delete"], [278, 3, 1, "", "deprecated_keys"], [278, 3, 1, "", "name"], [278, 2, 1, "", "rename"], [278, 3, 1, "", "service"], [278, 3, 1, "", "status"], [278, 3, 1, "", "streaming_connector_id"], [278, 2, 1, "", "to_dict"], [278, 2, 1, "", "verify"]], "abacusai.streaming_row_count": [[279, 1, 1, "", "StreamingRowCount"]], "abacusai.streaming_row_count.StreamingRowCount": [[279, 2, 1, "", "__repr__"], [279, 3, 1, "", "count"], [279, 3, 1, "", "deprecated_keys"], [279, 3, 1, "", "start_ts_ms"], [279, 2, 1, "", "to_dict"]], "abacusai.streaming_sample_code": [[280, 1, 1, "", "StreamingSampleCode"]], "abacusai.streaming_sample_code.StreamingSampleCode": [[280, 2, 1, "", "__repr__"], [280, 3, 1, "", "console"], [280, 3, 1, "", "curl"], [280, 3, 1, "", "deprecated_keys"], [280, 3, 1, "", "python"], [280, 2, 1, "", "to_dict"]], "abacusai.sts_gen_settings": [[281, 1, 1, "", "StsGenSettings"]], "abacusai.sts_gen_settings.StsGenSettings": [[281, 2, 1, "", "__repr__"], [281, 3, 1, "", "deprecated_keys"], [281, 3, 1, "", "model"], [281, 3, 1, "", "settings"], [281, 2, 1, "", "to_dict"]], "abacusai.stt_gen_model": [[282, 1, 1, "", "SttGenModel"]], "abacusai.stt_gen_model.SttGenModel": [[282, 2, 1, "", "__repr__"], [282, 3, 1, "", "default"], [282, 3, 1, "", "deprecated_keys"], [282, 3, 1, "", "display_name"], [282, 3, 1, "", "helptext"], [282, 3, 1, "", "optional"], [282, 3, 1, "", "options"], [282, 2, 1, "", "to_dict"], [282, 3, 1, "", "type"], [282, 3, 1, "", "value_type"]], "abacusai.stt_gen_model_options": [[283, 1, 1, "", "SttGenModelOptions"]], "abacusai.stt_gen_model_options.SttGenModelOptions": [[283, 2, 1, "", "__repr__"], [283, 3, 1, "", "deprecated_keys"], [283, 3, 1, "", "keys"], [283, 2, 1, "", "to_dict"], [283, 3, 1, "", "values"]], "abacusai.stt_gen_settings": [[284, 1, 1, "", "SttGenSettings"]], "abacusai.stt_gen_settings.SttGenSettings": [[284, 2, 1, "", "__repr__"], [284, 3, 1, "", "deprecated_keys"], [284, 3, 1, "", "model"], [284, 3, 1, "", "settings"], [284, 2, 1, "", "to_dict"]], "abacusai.template_node_details": [[285, 1, 1, "", "TemplateNodeDetails"]], "abacusai.template_node_details.TemplateNodeDetails": [[285, 2, 1, "", "__repr__"], [285, 3, 1, "", "deprecated_keys"], [285, 3, 1, "", "notebook_code"], [285, 2, 1, "", "to_dict"], [285, 3, 1, "", "workflow_graph_node"]], "abacusai.test_point_predictions": [[286, 1, 1, "", "TestPointPredictions"]], "abacusai.test_point_predictions.TestPointPredictions": [[286, 2, 1, "", "__repr__"], [286, 3, 1, "", "columns"], [286, 3, 1, "", "count"], [286, 3, 1, "", "data"], [286, 3, 1, "", "deprecated_keys"], [286, 3, 1, "", "error_description"], [286, 3, 1, "", "metrics_columns"], [286, 3, 1, "", "summarized_metrics"], [286, 2, 1, "", "to_dict"]], "abacusai.tone_details": [[287, 1, 1, "", "ToneDetails"]], "abacusai.tone_details.ToneDetails": [[287, 2, 1, "", "__repr__"], [287, 3, 1, "", "accent"], [287, 3, 1, "", "age"], [287, 3, 1, "", "deprecated_keys"], [287, 3, 1, "", "description"], [287, 3, 1, "", "gender"], [287, 3, 1, "", "language"], [287, 3, 1, "", "name"], [287, 2, 1, "", "to_dict"], [287, 3, 1, "", "use_case"], [287, 3, 1, "", "voice_id"]], "abacusai.training_config_options": [[288, 1, 1, "", "TrainingConfigOptions"]], "abacusai.training_config_options.TrainingConfigOptions": [[288, 2, 1, "", "__repr__"], [288, 3, 1, "", "data_type"], [288, 3, 1, "", "default"], [288, 3, 1, "", "deprecated_keys"], [288, 3, 1, "", "description"], [288, 3, 1, "", "last_model_value"], [288, 3, 1, "", "name"], [288, 3, 1, "", "needs_refresh"], [288, 3, 1, "", "options"], [288, 3, 1, "", "required"], [288, 2, 1, "", "to_dict"], [288, 3, 1, "", "value"], [288, 3, 1, "", "value_options"], [288, 3, 1, "", "value_type"]], "abacusai.tts_gen_settings": [[289, 1, 1, "", "TtsGenSettings"]], "abacusai.tts_gen_settings.TtsGenSettings": [[289, 2, 1, "", "__repr__"], [289, 3, 1, "", "deprecated_keys"], [289, 3, 1, "", "model"], [289, 3, 1, "", "settings"], [289, 2, 1, "", "to_dict"]], "abacusai.twitter_search_result": [[290, 1, 1, "", "TwitterSearchResult"]], "abacusai.twitter_search_result.TwitterSearchResult": [[290, 2, 1, "", "__repr__"], [290, 3, 1, "", "deprecated_keys"], [290, 3, 1, "", "thumbnail_height"], [290, 3, 1, "", "thumbnail_url"], [290, 3, 1, "", "thumbnail_width"], [290, 3, 1, "", "title"], [290, 2, 1, "", "to_dict"], [290, 3, 1, "", "twitter_handle"], [290, 3, 1, "", "twitter_name"], [290, 3, 1, "", "url"]], "abacusai.unified_connector": [[291, 1, 1, "", "UnifiedConnector"]], "abacusai.unified_connector.UnifiedConnector": [[291, 2, 1, "", "__repr__"], [291, 3, 1, "", "application_connector_id"], [291, 3, 1, "", "auth"], [291, 3, 1, "", "created_at"], [291, 3, 1, "", "database_connector_id"], [291, 3, 1, "", "deprecated_keys"], [291, 3, 1, "", "is_user_level"], [291, 3, 1, "", "name"], [291, 3, 1, "", "service"], [291, 3, 1, "", "status"], [291, 2, 1, "", "to_dict"]], "abacusai.upload": [[292, 1, 1, "", "Upload"]], "abacusai.upload.Upload": [[292, 2, 1, "", "__repr__"], [292, 2, 1, "", "_calculate_chunk_size"], [292, 2, 1, "", "_yield_upload_part"], [292, 3, 1, "", "batch_prediction_id"], [292, 2, 1, "", "cancel"], [292, 3, 1, "", "created_at"], [292, 3, 1, "", "dataset_id"], [292, 3, 1, "", "dataset_upload_id"], [292, 3, 1, "", "dataset_version"], [292, 3, 1, "", "deprecated_keys"], [292, 2, 1, "", "describe"], [292, 2, 1, "", "get_status"], [292, 2, 1, "", "mark_complete"], [292, 3, 1, "", "model_id"], [292, 3, 1, "", "model_version"], [292, 2, 1, "", "part"], [292, 3, 1, "", "parts"], [292, 2, 1, "", "refresh"], [292, 3, 1, "", "status"], [292, 2, 1, "", "to_dict"], [292, 2, 1, "", "upload_file"], [292, 3, 1, "", "upload_id"], [292, 2, 1, "", "upload_part"], [292, 2, 1, "", "wait_for_join"]], "abacusai.upload_part": [[293, 1, 1, "", "UploadPart"]], "abacusai.upload_part.UploadPart": [[293, 2, 1, "", "__repr__"], [293, 3, 1, "", "deprecated_keys"], [293, 3, 1, "", "etag"], [293, 3, 1, "", "md5"], [293, 2, 1, "", "to_dict"]], "abacusai.use_case": [[294, 1, 1, "", "UseCase"]], "abacusai.use_case.UseCase": [[294, 2, 1, "", "__repr__"], [294, 3, 1, "", "deprecated_keys"], [294, 3, 1, "", "description"], [294, 3, 1, "", "pretty_name"], [294, 3, 1, "", "problem_type"], [294, 2, 1, "", "to_dict"], [294, 3, 1, "", "use_case"]], "abacusai.use_case_requirements": [[295, 1, 1, "", "UseCaseRequirements"]], "abacusai.use_case_requirements.UseCaseRequirements": [[295, 2, 1, "", "__repr__"], [295, 3, 1, "", "allowed_feature_mappings"], [295, 3, 1, "", "allowed_nested_feature_mappings"], [295, 3, 1, "", "dataset_type"], [295, 3, 1, "", "deprecated_keys"], [295, 3, 1, "", "description"], [295, 3, 1, "", "multi"], [295, 3, 1, "", "name"], [295, 3, 1, "", "required"], [295, 2, 1, "", "to_dict"]], "abacusai.user": [[296, 1, 1, "", "User"]], "abacusai.user.User": [[296, 2, 1, "", "__repr__"], [296, 3, 1, "", "created_at"], [296, 3, 1, "", "deprecated_keys"], [296, 3, 1, "", "email"], [296, 3, 1, "", "name"], [296, 3, 1, "", "organization_groups"], [296, 3, 1, "", "status"], [296, 2, 1, "", "to_dict"], [296, 3, 1, "", "user_id"]], "abacusai.user_exception": [[297, 1, 1, "", "UserException"]], "abacusai.user_exception.UserException": [[297, 2, 1, "", "__repr__"], [297, 3, 1, "", "deprecated_keys"], [297, 2, 1, "", "to_dict"], [297, 3, 1, "", "traceback"], [297, 3, 1, "", "type"], [297, 3, 1, "", "value"]], "abacusai.user_group_object_permission": [[298, 1, 1, "", "UserGroupObjectPermission"]], "abacusai.user_group_object_permission.UserGroupObjectPermission": [[298, 2, 1, "", "__repr__"], [298, 3, 1, "", "deprecated_keys"], [298, 3, 1, "", "object_id"], [298, 3, 1, "", "permission"], [298, 2, 1, "", "to_dict"], [298, 3, 1, "", "user_group_id"], [298, 3, 1, "", "user_group_name"]], "abacusai.video_gen_costs": [[299, 1, 1, "", "VideoGenCosts"]], "abacusai.video_gen_costs.VideoGenCosts": [[299, 2, 1, "", "__repr__"], [299, 3, 1, "", "deprecated_keys"], [299, 3, 1, "", "expensive_models"], [299, 3, 1, "", "model_costs"], [299, 2, 1, "", "to_dict"]], "abacusai.video_gen_model": [[300, 1, 1, "", "VideoGenModel"]], "abacusai.video_gen_model.VideoGenModel": [[300, 2, 1, "", "__repr__"], [300, 3, 1, "", "default"], [300, 3, 1, "", "deprecated_keys"], [300, 3, 1, "", "display_name"], [300, 3, 1, "", "helptext"], [300, 3, 1, "", "optional"], [300, 3, 1, "", "options"], [300, 2, 1, "", "to_dict"], [300, 3, 1, "", "type"], [300, 3, 1, "", "value_type"]], "abacusai.video_gen_model_options": [[301, 1, 1, "", "VideoGenModelOptions"]], "abacusai.video_gen_model_options.VideoGenModelOptions": [[301, 2, 1, "", "__repr__"], [301, 3, 1, "", "deprecated_keys"], [301, 3, 1, "", "keys"], [301, 2, 1, "", "to_dict"], [301, 3, 1, "", "values"]], "abacusai.video_gen_settings": [[302, 1, 1, "", "VideoGenSettings"]], "abacusai.video_gen_settings.VideoGenSettings": [[302, 2, 1, "", "__repr__"], [302, 3, 1, "", "deprecated_keys"], [302, 3, 1, "", "model"], [302, 3, 1, "", "settings"], [302, 2, 1, "", "to_dict"], [302, 3, 1, "", "warnings"]], "abacusai.video_search_result": [[303, 1, 1, "", "VideoSearchResult"]], "abacusai.video_search_result.VideoSearchResult": [[303, 2, 1, "", "__repr__"], [303, 3, 1, "", "deprecated_keys"], [303, 3, 1, "", "embed_url"], [303, 3, 1, "", "motion_thumbnail_url"], [303, 3, 1, "", "thumbnail_url"], [303, 3, 1, "", "title"], [303, 2, 1, "", "to_dict"], [303, 3, 1, "", "url"]], "abacusai.voice_gen_details": [[304, 1, 1, "", "VoiceGenDetails"]], "abacusai.voice_gen_details.VoiceGenDetails": [[304, 2, 1, "", "__repr__"], [304, 3, 1, "", "deprecated_keys"], [304, 3, 1, "", "model"], [304, 2, 1, "", "to_dict"], [304, 3, 1, "", "voice"]], "abacusai.web_app_conversation": [[305, 1, 1, "", "WebAppConversation"]], "abacusai.web_app_conversation.WebAppConversation": [[305, 2, 1, "", "__repr__"], [305, 3, 1, "", "created_at"], [305, 3, 1, "", "deployment_conversation_id"], [305, 3, 1, "", "deployment_conversation_name"], [305, 3, 1, "", "deprecated_keys"], [305, 3, 1, "", "external_application_id"], [305, 3, 1, "", "llm_artifact_id"], [305, 2, 1, "", "to_dict"]], "abacusai.web_app_deployment_permission_dict": [[306, 1, 1, "", "WebAppDeploymentPermissionDict"]], "abacusai.web_app_deployment_permission_dict.WebAppDeploymentPermissionDict": [[306, 2, 1, "", "__repr__"], [306, 3, 1, "", "deployment_permissions"], [306, 3, 1, "", "deprecated_keys"], [306, 2, 1, "", "to_dict"]], "abacusai.web_app_domain": [[307, 1, 1, "", "WebAppDomain"]], "abacusai.web_app_domain.WebAppDomain": [[307, 2, 1, "", "__repr__"], [307, 3, 1, "", "deprecated_keys"], [307, 3, 1, "", "dns_records"], [307, 3, 1, "", "domain_type"], [307, 3, 1, "", "hostname"], [307, 3, 1, "", "is_deployed"], [307, 3, 1, "", "is_root_domain"], [307, 3, 1, "", "lifecycle"], [307, 3, 1, "", "metadata"], [307, 3, 1, "", "nameservers"], [307, 2, 1, "", "to_dict"], [307, 3, 1, "", "web_app_domain_id"]], "abacusai.web_page_response": [[308, 1, 1, "", "WebPageResponse"]], "abacusai.web_page_response.WebPageResponse": [[308, 2, 1, "", "__repr__"], [308, 3, 1, "", "content"], [308, 3, 1, "", "deprecated_keys"], [308, 2, 1, "", "to_dict"]], "abacusai.web_search_response": [[309, 1, 1, "", "WebSearchResponse"]], "abacusai.web_search_response.WebSearchResponse": [[309, 2, 1, "", "__repr__"], [309, 3, 1, "", "deprecated_keys"], [309, 3, 1, "", "search_results"], [309, 2, 1, "", "to_dict"]], "abacusai.web_search_result": [[310, 1, 1, "", "WebSearchResult"]], "abacusai.web_search_result.WebSearchResult": [[310, 2, 1, "", "__repr__"], [310, 3, 1, "", "content"], [310, 3, 1, "", "deprecated_keys"], [310, 3, 1, "", "entity"], [310, 3, 1, "", "news"], [310, 3, 1, "", "place"], [310, 3, 1, "", "snippet"], [310, 3, 1, "", "title"], [310, 2, 1, "", "to_dict"], [310, 3, 1, "", "url"]], "abacusai.web_service_trigger_run": [[311, 1, 1, "", "WebServiceTriggerRun"]], "abacusai.web_service_trigger_run.WebServiceTriggerRun": [[311, 2, 1, "", "__repr__"], [311, 3, 1, "", "created_at"], [311, 3, 1, "", "deprecated_keys"], [311, 3, 1, "", "endpoint"], [311, 3, 1, "", "error"], [311, 3, 1, "", "headers"], [311, 3, 1, "", "lifecycle"], [311, 3, 1, "", "method"], [311, 3, 1, "", "payload"], [311, 3, 1, "", "response_body"], [311, 3, 1, "", "response_status"], [311, 2, 1, "", "to_dict"]], "abacusai.webhook": [[312, 1, 1, "", "Webhook"]], "abacusai.webhook.Webhook": [[312, 2, 1, "", "__repr__"], [312, 3, 1, "", "created_at"], [312, 2, 1, "", "delete"], [312, 3, 1, "", "deployment_id"], [312, 3, 1, "", "deprecated_keys"], [312, 2, 1, "", "describe"], [312, 3, 1, "", "endpoint"], [312, 3, 1, "", "payload_template"], [312, 2, 1, "", "refresh"], [312, 2, 1, "", "to_dict"], [312, 2, 1, "", "update"], [312, 3, 1, "", "webhook_event_type"], [312, 3, 1, "", "webhook_id"]], "abacusai.workflow_graph_node_details": [[313, 1, 1, "", "WorkflowGraphNodeDetails"]], "abacusai.workflow_graph_node_details.WorkflowGraphNodeDetails": [[313, 2, 1, "", "__repr__"], [313, 3, 1, "", "connectors"], [313, 3, 1, "", "deprecated_keys"], [313, 3, 1, "", "package_requirements"], [313, 2, 1, "", "to_dict"], [313, 3, 1, "", "workflow_graph_node"]], "abacusai.workflow_node_template": [[314, 1, 1, "", "WorkflowNodeTemplate"]], "abacusai.workflow_node_template.WorkflowNodeTemplate": [[314, 2, 1, "", "__repr__"], [314, 3, 1, "", "additional_configs"], [314, 3, 1, "", "deprecated_keys"], [314, 3, 1, "", "description"], [314, 3, 1, "", "function_name"], [314, 3, 1, "", "inputs"], [314, 3, 1, "", "name"], [314, 3, 1, "", "outputs"], [314, 3, 1, "", "package_requirements"], [314, 3, 1, "", "source_code"], [314, 3, 1, "", "tags"], [314, 3, 1, "", "template_configs"], [314, 2, 1, "", "to_dict"], [314, 3, 1, "", "workflow_node_template_id"]]}, "objnames": {"0": ["py", "module", "Python module"], "1": ["py", "class", "Python class"], "2": ["py", "method", "Python method"], "3": ["py", "attribute", "Python attribute"], "4": ["py", "property", "Python property"], "5": ["py", "exception", "Python exception"], "6": ["py", "data", "Python data"], "7": ["py", "function", "Python function"]}, "objtypes": {"0": "py:module", "1": "py:class", "2": "py:method", "3": "py:attribute", "4": "py:property", "5": "py:exception", "6": "py:data", "7": "py:function"}, "terms": {"": [2, 7, 16, 26, 27, 30, 38, 44, 45, 58, 72, 81, 93, 95, 98, 105, 107, 113, 120, 124, 125, 128, 132, 134, 143, 145, 148, 150, 161, 162, 163, 176, 182, 197, 198, 203, 204, 207, 211, 213, 215, 216, 219, 224, 225, 229, 231, 232, 235, 240, 242, 247, 252, 262, 263, 264, 271, 292, 296, 312], "0": [18, 23, 26, 27, 28, 45, 58, 93, 98, 100, 101, 115, 132, 176, 197, 228, 229, 231, 238, 240, 242, 247, 252], "00": [23, 27, 58, 93, 176, 242], "01": [23, 27, 58, 93, 176, 242], "01t00": [23, 27, 58, 176, 242], "02": [58, 176], "04": [58, 176], "05": [58, 93, 176], "06": [58, 176], "07": [58, 176, 242], "08": [23, 27, 58, 176, 242], "1": [18, 26, 27, 28, 58, 176, 197, 229, 231, 242, 247, 252, 292], "10": [25, 27, 35, 58, 98, 124, 145, 176, 242, 292], "100": [2, 27, 28, 44, 58, 93, 105, 113, 132, 176, 197, 203, 252], "1000": [18, 27, 176], "1024": [25, 27, 176], "10485760": [45, 58, 176], "10m": [27, 30, 176], "10th": [176, 180], "11": [58, 93, 176], "11th": [58, 176, 242], "11z": [58, 93, 176], "120": [58, 132, 145, 176, 252], "1200": [58, 120, 140, 176, 207, 216, 229, 235], "128": [25, 27, 176], "13t08": [58, 93, 176], "15": [58, 176, 242], "16": [25, 27, 176], "19": [], "1d": [25, 27, 176], "1h": [25, 27, 30, 176], "1m": [25, 27, 176], "1q": [25, 27, 176], "1w": [25, 27, 176], "1y": [25, 27, 176], "2": [25, 27, 58, 124, 176, 197, 204, 229, 231, 242, 247, 252], "20": [27, 28, 58, 176, 242, 292], "200": [58, 176, 229], "2015": [23, 27, 58, 176, 242], "2021": [58, 93, 176], "2025": [58, 93, 176], "20th": [58, 176, 242], "21": [], "21600": [58, 176], "22": [], "23": [], "24": [72, 176], "25": [58, 93, 176, 197], "256": [25, 27, 176], "26": [], "27": [], "28": [], "3": [58, 176, 197, 229, 231, 242, 247, 252], "30": [58, 176], "300": [16, 27, 58, 176, 229, 231], "31": [58, 176, 242], "32": [25, 27, 176], "33": [], "34": [], "35": [], "36": [], "3600": [58, 105, 107, 124, 134, 145, 163, 176, 198], "365": [22, 27, 28, 176], "37": [], "38": [], "384": [25, 27, 176], "39": [], "4": [37, 58, 176, 197, 229, 231, 242, 247, 252], "40": [], "404": [58, 176], "41": [], "42": [], "43": [], "44": [], "46": [], "47": [], "48": [], "49": [], "5": [25, 27, 28, 58, 176, 242, 266, 267], "50": [58, 176, 242], "502": 58, "503": 58, "504": 58, "51": [], "512": [25, 27, 58, 176], "52": [], "53": [], "54": [], "55": [], "56": [], "57": [], "58": [], "59": [], "5gb": [58, 176, 292], "5mb": [58, 176, 292], "5tb": [58, 176, 292], "6": [27, 28, 176], "60": [], "600": [58, 98, 132, 176, 292], "61": [], "62": [], "63": [], "64": [25, 27, 176], "65": [], "66": [], "67": [], "68": [], "69": [], "6h": [58, 176], "7": [58, 72, 98, 115, 176], "70": [], "71": [], "72": [], "7200": [132, 176], "73": [], "74": [], "740": [25, 27, 176], "75": [], "76": [58, 176], "8": [25, 27, 58, 176, 242], "8192": [58, 176], "8601": [7, 13, 14, 44, 58, 80, 81, 90, 93, 98, 99, 134, 136, 139, 140, 161, 176, 198, 210, 211, 214, 227, 258, 260, 263], "86400": [27, 28, 44, 45, 176], "900": [93, 95, 98, 176], "90th_percentil": [176, 180], "99": [58, 176, 242], "9_": 35, "A": [2, 3, 6, 7, 8, 10, 16, 17, 18, 22, 26, 27, 28, 32, 34, 35, 37, 40, 44, 45, 49, 50, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 69, 70, 71, 74, 81, 84, 85, 87, 88, 90, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 102, 103, 105, 107, 111, 112, 113, 115, 116, 117, 118, 120, 124, 125, 128, 129, 131, 132, 133, 134, 136, 137, 138, 139, 140, 142, 143, 145, 147, 148, 149, 151, 153, 161, 162, 163, 167, 170, 176, 177, 179, 190, 197, 198, 200, 203, 204, 205, 206, 207, 210, 211, 215, 216, 217, 219, 220, 221, 222, 226, 229, 230, 231, 232, 234, 235, 236, 238, 239, 240, 241, 242, 246, 247, 248, 251, 252, 254, 255, 256, 257, 258, 259, 262, 263, 264, 265, 271, 272, 273, 274, 276, 277, 278, 286, 288, 290, 291, 292, 293, 294, 295, 298, 303, 308, 310, 311, 312, 313, 314], "At": [58, 132, 176], "By": [2, 21, 27, 30, 58, 176, 197, 242], "For": [18, 27, 28, 40, 44, 50, 58, 93, 95, 98, 112, 117, 129, 132, 134, 135, 145, 176, 197, 211, 229, 231, 242, 247, 252], "If": [2, 7, 16, 17, 18, 19, 21, 22, 23, 24, 26, 27, 28, 34, 35, 44, 45, 58, 68, 73, 90, 93, 95, 98, 100, 105, 125, 132, 134, 143, 145, 166, 176, 197, 198, 211, 225, 238, 240, 242, 243, 244, 247, 248, 252, 254, 258, 259, 265, 288, 292, 295, 312], "In": [19, 27, 39, 58, 93, 132, 145, 154, 176, 252, 254], "It": [2, 9, 16, 27, 28, 58, 93, 105, 107, 132, 176, 197, 199, 242, 252, 292, 314], "NOT": [16, 27, 176], "No": [58, 176, 242], "Not": [22, 27, 58, 100, 101, 176], "Of": [18, 27, 176], "One": [58, 98, 100, 147, 176, 203, 242], "The": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 16, 17, 18, 19, 20, 22, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "There": [16, 21, 27, 176], "These": [18, 27, 58, 132, 176], "To": [16, 18, 27, 44, 93, 98, 152, 176, 197], "Will": [58, 176, 242], "With": [176, 264], "__deprecated_values__": [25, 27, 176], "__eq__": [25, 27, 176, 269], "__getattr__": [16, 27, 58, 176], "__getattribute__": [16, 27, 176, 269], "__getitem__": [15, 27, 176], "__getstate__": [58, 176], "__hash__": [25, 27, 176], "__name": 269, "__post_init__": [15, 16, 18, 20, 21, 22, 23, 26, 27, 28, 30, 31, 33, 34, 176], "__repr__": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "__setattr__": [16, 27, 176], "__setitem__": [15, 27, 176], "__setstate__": [58, 176], "__str__": [15, 27, 35, 58, 176], "__table__": [58, 93, 176], "__version__": 176, "_alertactionconfigfactori": [27, 30, 176], "_alertconditionconfigfactori": [27, 30, 176], "_apiclassfactori": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 176], "_apiexceptionfactori": 58, "_applicationconnectordatasetconfigfactori": [22, 27, 176], "_attempt_deployment_sql_execut": [58, 176], "_batchpredictionargsfactori": [18, 27, 176], "_build_class": 58, "_cach": 58, "_cached_endpoint": 58, "_calculate_chunk_s": [176, 292], "_call_aiagent_app_send_messag": [58, 176], "_call_api": 58, "_clean_api_object": 58, "_context": 160, "_detect_ocr_mod": [21, 27, 176], "_discover_service_url": 58, "_download_avro_fil": [124, 145, 176], "_featuregroupexportconfigfactori": [27, 33, 176], "_get_agent_app_request_id": [58, 176], "_get_agent_async_app_cal": [], "_get_agent_cal": [58, 176], "_get_agent_client_typ": [58, 176], "_get_attribute_as_dict": 269, "_get_build": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 176], "_get_doc_retriever_deployment_info": [58, 176], "_get_filtered_dict": [21, 27, 176], "_get_prediction_endpoint": 58, "_get_proxy_endpoint": 58, "_get_spark_incompatible_column": 35, "_get_streaming_endpoint": 58, "_get_user_friendly_type_nam": 15, "_is_async_app_cal": [58, 176], "_is_json_serializ": 58, "_is_proxy_app_cal": [58, 176], "_mark_file_inputs_in_schema": [16, 27, 176], "_mergeconfigfactori": [26, 27, 176], "_monkeypatch": 259, "_operatorconfigfactori": [26, 27, 176], "_poll": 58, "_predictionargumentsfactori": [23, 27, 176], "_projectfeaturegroupconfigfactori": [27, 31, 176], "_proxy_request": 58, "_raw_init": [16, 27, 176], "_repr_html_": [15, 27, 176], "_request": 58, "_request_context": [58, 176], "_requests_retry_sess": 58, "_samplingconfigfactori": [26, 27, 176], "_savesyspath": 259, "_status_pol": [58, 176], "_stream_llm_cal": [58, 176], "_streamingconnectordatasetconfigfactori": [20, 27, 176], "_support_kwarg": [15, 18, 23, 27, 28, 176], "_trainingconfigfactori": [27, 28, 176], "_unset_item": [15, 27, 176], "_upload_from_panda": 58, "_upload_from_spark": 58, "_upper_snake_case_kei": [15, 27, 28, 176], "_validate_inst": 15, "_validate_pandas_df": 58, "_yield_upload_part": [176, 292], "ab": [58, 176, 242], "abacu": [0, 22, 24, 27, 28, 37, 40, 44, 49, 50, 58, 90, 98, 148, 150, 151, 152, 170, 171, 176, 196, 197, 211, 242, 252, 259, 271, 277, 278, 292, 296, 312], "abacus_api": 176, "abacus_dracari": [25, 27, 176], "abacus_internal_model": [27, 28, 176], "abacus_smaug3": [25, 27, 176], "abacusai": 315, "abacusapi": [0, 58, 176], "abacususagemetr": [25, 27, 176], "abacususagemetricsdatasetconfig": [22, 27, 176], "abc": [15, 26, 27, 176], "abl": [27, 28, 58, 176], "about": [9, 10, 16, 27, 28, 44, 45, 47, 50, 58, 79, 81, 82, 95, 100, 132, 161, 176, 192, 195, 204, 211, 213, 214, 215, 225, 231, 232, 242, 252, 258, 260, 285], "abov": [18, 27, 28, 29, 176, 261], "absolut": [25, 27, 176], "abstract": [16, 17, 18, 19, 20, 21, 22, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 58, 176], "abstractapiclass": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "acc": [25, 27, 176], "accent": [176, 287], "accept": [16, 18, 19, 27, 28, 38, 58, 74, 176, 242, 296], "acceptance_delai": [74, 176], "acceptancedelai": [74, 176], "access": [27, 28, 36, 38, 40, 55, 58, 90, 98, 125, 151, 165, 176, 242, 278], "access_level": [55, 165, 176], "accesslevel": [55, 165, 176], "accord": [58, 176, 242], "account": [58, 125, 176, 224, 242], "account_id": [58, 176, 242], "account_nam": [58, 176, 242], "account_numb": [58, 176, 242], "accumul": [58, 176], "accur": [58, 176, 252], "accuraci": [25, 27, 28, 30, 58, 176, 203, 204, 205, 206], "accuracy_below_threshold": [25, 27, 176], "accuracybelowthreshold": [25, 27, 176], "accuracybelowthresholdconditionconfig": [27, 30, 176], "achiev": [58, 176], "acknowledg": [176, 196], "across": [16, 27, 28, 44, 45, 58, 119, 155, 156, 176, 203, 204], "act": [27, 28, 58, 176], "action": [27, 28, 30, 43, 58, 74, 98, 176, 215, 216, 252, 270, 312], "action_completed_at": [176, 216], "action_config": [58, 98, 176, 215, 216, 252], "action_descript": [176, 215, 216], "action_error": [176, 216], "action_started_at": [176, 216], "action_statu": [176, 216], "action_typ": [27, 30, 176], "action_types_exclusion_dai": [27, 28, 176], "actioncompletedat": [176, 216], "actionconfig": [176, 215, 216], "actiondescript": [176, 215, 216], "actionerror": [176, 216], "actionfor": [176, 216], "actionstartedat": [176, 216], "actionstatu": [176, 216], "activ": [27, 28, 38, 58, 71, 98, 105, 165, 176, 192, 213, 242, 252, 296], "active_labels_column": [27, 28, 176], "actual": [58, 105, 111, 112, 156, 176, 207, 242], "actual_values_supported_for_drilldown": [176, 208], "actual_values_to_detail": [58, 176, 207], "actuals_histogram": [156, 176], "actualshistogram": [156, 176], "actualvaluessupportedfordrilldown": [176, 208], "acycl": [137, 176], "ad": [22, 27, 58, 67, 78, 132, 176, 225, 242, 254, 258, 280, 285, 292], "add": [27, 28, 52, 58, 68, 105, 125, 132, 176, 225, 242, 252, 258, 314], "add_annot": [58, 176], "add_annotatable_featur": [58, 132, 176], "add_annotation_label": [132, 176], "add_app_user_group_report_permiss": [58, 176], "add_app_user_group_to_external_appl": [58, 176], "add_constraint": [58, 176, 242], "add_developers_to": [125, 176], "add_developers_to_external_appl": [58, 176], "add_feature_group_annotation_label": [58, 176], "add_feature_group_tag": [58, 176], "add_feature_group_to_project": [58, 176], "add_feature_tag": [58, 132, 176], "add_file_metadata": [22, 27, 176], "add_graph_to_dashboard": [58, 176, 258], "add_organization_group_permiss": [58, 176], "add_organization_group_to_feature_group_modifi": [58, 176], "add_organization_group_to_modifi": [132, 176], "add_permiss": [176, 225], "add_project_scope_for_us": [58, 176], "add_project_tag": [58, 176], "add_scope_for_us": [176, 252], "add_tag": [132, 176, 252], "add_time_featur": [27, 28, 176], "add_to_project": [132, 176], "add_user_group_object_permiss": [58, 176], "add_user_to": [176, 225], "add_user_to_feature_group_modifi": [58, 176], "add_user_to_modifi": [132, 176], "add_user_to_organ": [58, 176], "add_user_to_organization_group": [58, 176], "add_users_to_app_user_group": [58, 176], "added_fil": [67, 176], "addedfil": [67, 176], "addit": [1, 16, 24, 27, 28, 33, 58, 93, 98, 100, 132, 134, 135, 138, 144, 145, 176, 192, 227, 242, 254, 270, 314], "additional_anomaly_id": [27, 28, 176], "additional_config": [176, 314], "additional_extraction_instruct": [27, 28, 176], "additional_forecast_kei": [27, 28, 176], "additional_id_column": [27, 33, 58, 98, 134, 135, 138, 145, 176], "additional_info": [1, 176, 270], "additionalconfig": [176, 314], "additionalidcolumn": [134, 135, 138, 176], "additionalinfo": [1, 176, 270], "address": [27, 30, 58, 132, 150, 176, 242, 296], "address_line_1": [1, 176], "address_line_2": [1, 176], "addressline1": [1, 176], "addressline2": [1, 176], "adher": [27, 28, 58, 176], "adjust": [27, 28, 58, 176, 242], "adjust_doc_orient": [58, 176, 242], "admin": [58, 176, 225], "administr": [58, 176], "adopt": [58, 176, 242], "affect": [43, 58, 98, 176], "after": [2, 27, 28, 44, 58, 74, 93, 98, 105, 107, 113, 132, 176, 197, 203, 242, 252], "ag": [176, 287], "again": [16, 27, 176, 288], "against": [36, 58, 132, 176, 242, 254], "agent": [3, 4, 5, 6, 7, 16, 19, 26, 27, 28, 34, 58, 59, 62, 88, 98, 100, 101, 125, 165, 167, 176, 197, 242, 252], "agent_chat_messag": 176, "agent_config": [2, 7, 176], "agent_connector": [2, 27, 28, 176], "agent_control": [25, 27, 176], "agent_convers": 176, "agent_data_document_info": 176, "agent_data_execution_result": 176, "agent_execution_config": [2, 7, 176], "agent_flow_button": [25, 27, 176], "agent_funct": [58, 176], "agent_function_nam": [58, 176, 197, 252], "agent_id": [2, 7, 58, 176], "agent_input_schema": [27, 28, 58, 176, 197, 252], "agent_interfac": [2, 27, 28, 58, 176, 197, 252], "agent_mcp_config": [], "agent_output_schema": [27, 28, 58, 176, 197, 252], "agent_respons": [101, 176], "agent_vers": [58, 176], "agent_workflow_node_id": [3, 35, 58, 101, 176], "agent_workflow_node_nam": [27, 34, 176], "agentchatmessag": [3, 58, 176], "agentclienttyp": [25, 27, 58, 176], "agentconfig": [2, 7, 176], "agentconvers": [4, 58, 100, 176], "agentconversationmessag": [4, 16, 27, 58, 100, 176], "agentdatadocumentinfo": [5, 6, 88, 176], "agentdataexecutionresult": [6, 58, 176, 242], "agentexecutionconfig": [2, 7, 176], "agentflowbuttonresponsesect": [27, 34, 176], "agentic_loop_mod": [27, 28, 176], "agentid": [2, 7, 176], "agentinterfac": [25, 27, 28, 58, 176, 197, 252], "agentrespons": [16, 27, 58, 101, 176], "agentvers": [2, 7, 58, 176], "agentworkflownodeid": [3, 101, 176], "aggreg": [27, 30, 58, 101, 132, 159, 176, 238, 239, 240, 241], "aggregation_kei": [58, 132, 176, 238, 240], "aggregation_typ": [27, 30, 176], "aggregation_window": [27, 30, 176], "aggregationkei": [58, 132, 176, 238, 240], "ahead": [58, 176, 242], "ai": [2, 7, 8, 19, 24, 27, 28, 34, 37, 40, 44, 50, 58, 90, 98, 148, 150, 151, 152, 176, 196, 197, 211, 242, 252, 259, 271, 277, 278, 292, 296, 312], "ai_ag": [25, 27, 28, 58, 176], "ai_building_in_progress": [50, 176], "ai_building_task": 176, "ai_chat": 27, "aiagent": [18, 27, 58, 176], "aiagentbatchpredictionarg": [18, 27, 176], "aiagenttrainingconfig": [27, 28, 176], "aibuildinginprogress": [50, 176], "aibuildingtask": [8, 50, 176], "alert": [27, 29, 30, 57, 58, 98, 176, 203, 204, 205, 207, 215, 216, 252], "alert_config": [176, 203], "alert_nam": [58, 98, 176, 215, 252], "alert_result": [176, 216], "alert_typ": [27, 30, 176, 215, 216], "alertactionconfig": [27, 30, 58, 98, 176, 215, 252], "alertactiontyp": [25, 27, 30, 176], "alertconditionconfig": [27, 30, 58, 98, 176, 215, 252], "alertconfig": [176, 203], "alerting_completed_at": [176, 216], "alerting_started_at": [176, 216], "alertingcompletedat": [176, 216], "alertingstartedat": [176, 216], "alertresult": [176, 216], "alerttyp": [176, 215, 216], "algo": [176, 208], "algo_metr": [176, 202], "algo_nam": [45, 98, 163, 176, 208], "algometr": [176, 202], "algonam": [45, 98, 163, 176, 208], "algorithm": [27, 28, 44, 45, 58, 98, 158, 162, 163, 176, 197, 202, 211, 214, 251, 252, 258, 260], "algorithm_id": [9, 176], "algorithm_model_config": [176, 197], "algorithm_training_config": [9, 58, 176, 197, 252], "algorithmid": [9, 176], "algorithmmodelconfig": [176, 197], "algorithmtrainingconfig": [9, 176], "align": [58, 132, 176], "aliv": [119, 176], "all": [2, 16, 18, 22, 23, 24, 26, 27, 28, 38, 58, 93, 98, 100, 101, 105, 106, 113, 115, 116, 117, 118, 120, 132, 137, 156, 176, 197, 203, 211, 225, 229, 235, 242, 247, 252, 259, 298], "all_cap_r": 15, "all_vers": [101, 176], "alloc": [2, 7, 44, 45, 58, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 235, 252, 263, 292], "allow": [9, 27, 28, 58, 125, 140, 176, 197, 213, 214, 229, 231, 242, 252, 258, 260], "allow_task_autom": [101, 176], "allow_training_with_small_histori": [27, 28, 176], "allowed_feature_map": [176, 295], "allowed_feature_typ": [176, 295], "allowed_nested_feature_map": [176, 295], "allowedfeaturemap": [176, 295], "allowednestedfeaturemap": [176, 295], "allowtaskautom": [101, 176], "allvers": [101, 176], "along": [18, 27, 28, 58, 132, 176, 196, 252, 254], "alongsid": [58, 176, 242], "alphabet": [58, 176], "alphanumer": [58, 132, 145, 176, 252], "alreadi": [12, 16, 27, 28, 56, 58, 105, 126, 132, 176, 242, 252], "alreadyexistserror": [58, 176], "also": [15, 24, 27, 28, 29, 58, 100, 176, 242], "altern": [58, 176, 242], "alwai": [58, 59, 72, 176, 197, 242], "always_displai": [72, 176], "alwaysdisplai": [72, 176], "amazon": [58, 176], "among": [27, 28, 58, 176], "amount": [27, 28, 45, 58, 119, 176, 242], "an": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 19, 20, 21, 22, 23, 26, 27, 28, 29, 30, 31, 33, 34, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "analys": [58, 176, 252], "analysi": [18, 27, 28, 58, 113, 119, 120, 149, 154, 155, 162, 163, 176, 208, 211, 252], "analysis_dai": [18, 27, 176], "analysis_frequ": [18, 27, 176], "analyt": [22, 27, 28, 176], "analyz": [18, 27, 58, 120, 149, 176, 242], "ancestor": [58, 176], "ancestr": [27, 28, 176], "ancestral_simul": [25, 27, 176], "angl": [176, 228], "ani": [15, 16, 23, 25, 27, 28, 32, 34, 45, 58, 71, 93, 98, 100, 132, 134, 176, 211, 242, 258, 259, 288, 310], "annot": [11, 12, 13, 14, 27, 28, 44, 45, 58, 132, 145, 176, 254], "annotat": [58, 132, 176], "annotation_bounding_box": [27, 28, 176], "annotation_config": [132, 145, 176, 254], "annotation_docu": 176, "annotation_entri": 176, "annotation_entry_mark": [13, 176], "annotation_sourc": [58, 176], "annotation_typ": [10, 58, 132, 176], "annotation_valu": [10, 176], "annotationconfig": [11, 14, 58, 132, 145, 176, 254], "annotationdocu": [12, 58, 132, 176], "annotationentri": [13, 58, 132, 176], "annotationentrymark": [13, 176], "annotations_precis": [25, 27, 176], "annotations_recal": [25, 27, 176], "annotations_statu": 176, "annotationsstatu": [14, 58, 132, 176], "annotationtyp": [10, 176], "annotationvalu": [10, 176], "anomal": [27, 28, 58, 176, 223, 242], "anomali": [23, 27, 28, 58, 176, 242], "anomaly_fract": [27, 28, 176], "anomaly_typ": [27, 28, 176], "anoth": [16, 27, 58, 132, 176, 252], "answer": [16, 23, 27, 28, 50, 58, 98, 176, 182, 242], "anti": [58, 176, 228, 258], "anyth": [58, 176, 197, 247, 252], "api": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 25, 27, 28, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "api_class": [44, 58, 98, 176], "api_client_util": 176, "api_endpoint": [58, 176], "api_kei": [58, 176, 192, 225], "api_key_id": [37, 58, 176], "api_key_suffix": [37, 176], "api_key_url": [62, 176], "apiclass": [15, 16, 17, 18, 19, 21, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 176], "apicli": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "apiendpoint": [36, 58, 176], "apienum": [25, 27, 176], "apiexcept": [58, 176], "apikei": [37, 58, 176], "apikeyid": [37, 176], "apikeysuffix": [37, 176], "apikeyurl": [62, 176], "app": [36, 38, 58, 78, 100, 125, 148, 164, 165, 166, 176, 182, 183, 196, 250, 271, 305, 306, 307], "app_config": [165, 176], "app_llm": [25, 27, 176], "app_user_group": 176, "app_user_group_sign_in_token": 176, "appconfig": [165, 176], "appear": [26, 27, 176], "append": [58, 132, 176, 276, 277], "append_data": [58, 132, 176, 277], "append_multiple_data": [58, 132, 176, 277], "appid": [], "appli": [1, 18, 27, 28, 29, 30, 44, 45, 58, 64, 65, 98, 113, 132, 176, 197, 203, 242, 264, 268], "applic": [2, 16, 22, 25, 27, 28, 38, 40, 43, 44, 45, 47, 57, 58, 68, 79, 80, 83, 93, 95, 98, 100, 123, 125, 126, 132, 150, 167, 176, 196, 197, 224, 242, 249, 250, 252, 264, 266, 291, 305], "application_connector": [68, 176], "application_connector_config": [93, 95, 176], "application_connector_id": [22, 27, 40, 58, 68, 93, 176, 197, 291], "application_connector_info": [68, 176], "application_connector_typ": [22, 27, 176], "application_id": [123, 176], "application_typ": [176, 250], "applicationconnector": [40, 58, 176], "applicationconnectorconfig": [93, 95, 176], "applicationconnectordatasetconfig": [22, 27, 58, 93, 176], "applicationconnectorid": [40, 68, 93, 176, 291], "applicationconnectorinfo": [68, 176], "applicationconnectortyp": [2, 22, 25, 27, 28, 58, 176, 197, 252], "applicationid": [123, 176], "applicationtyp": [176, 250], "appropri": [58, 176], "approxim": [58, 132, 176], "appusergroup": [38, 58, 176], "appusergroupsignintoken": [39, 58, 176], "ar": [15, 16, 18, 21, 22, 24, 26, 27, 28, 29, 30, 44, 45, 56, 57, 58, 77, 93, 98, 105, 116, 126, 132, 149, 151, 176, 182, 197, 204, 211, 214, 224, 225, 238, 240, 242, 247, 252, 260, 286, 292, 299, 314], "arbitrari": [176, 242], "area": [58, 176, 252], "aren": [176, 196], "arg": [16, 18, 27, 44, 45, 58, 68, 98, 176], "argument": [2, 3, 7, 19, 23, 24, 26, 27, 32, 44, 45, 58, 93, 98, 101, 132, 176, 192, 197, 229, 231, 242, 252, 258, 259], "arrai": [2, 16, 27, 58, 98, 132, 176, 197, 252], "articl": [58, 176], "artifact": [58, 100, 132, 165, 167, 176, 183, 197, 198, 201, 210, 211, 218, 226, 250, 305], "artifact_nam": [176, 201], "artifact_typ": [58, 165, 167, 176, 211], "artifactnam": [176, 201], "artifacts_upload_id": [176, 210], "artifactsuploadid": [176, 210], "artifacttyp": [165, 167, 176], "aspect": [58, 176], "aspect_ratio": [], "aspectratio": [], "asset": [58, 176, 242], "assign": [16, 23, 27, 28, 58, 79, 80, 81, 176, 197, 242], "assignments_df": [58, 176], "associ": [2, 3, 44, 50, 57, 58, 90, 93, 95, 98, 99, 100, 101, 105, 107, 113, 117, 120, 125, 132, 143, 145, 162, 163, 165, 166, 167, 176, 182, 183, 197, 203, 207, 215, 216, 242, 252, 262, 263, 264, 292], "assum": [58, 176], "asymmetric_map": [25, 27, 176], "asymmetric_mean_absolute_percentage_error": [25, 27, 176], "async": [58, 176], "asyncapp": [58, 176], "asynchron": [58, 176], "at_risk_threshold": [27, 30, 176], "attach": [21, 22, 25, 27, 58, 93, 98, 101, 132, 170, 176, 229, 242, 252, 254, 312], "attached_user_file_nam": [101, 176], "attacheduserfilenam": [101, 176], "attachment_id": [58, 98, 176], "attachment_parsing_config": [58, 93, 176], "attachmentparsingconfig": [21, 27, 58, 93, 176], "attempt": [45, 58, 93, 140, 176], "attribut": [28, 29, 44, 93, 95, 105, 132, 242, 259, 269], "au": [25, 27, 176], "auc": [25, 27, 58, 176, 252], "audio": [41, 42, 58, 176, 242, 287], "audio_gen_set": 176, "audio_url": [42, 176], "audio_url_result": 176, "audiogenset": [41, 176], "audiourl": [42, 176], "audiourlresult": [42, 176], "audit": [43, 176], "audit_log": 176, "auditlog": [43, 176], "augment": [27, 28, 104, 176], "augmentation_strategi": [27, 28, 176], "augmented_llm": [25, 27, 176], "augmented_page_text": [104, 176], "augmentedpagetext": [104, 176], "auth": [40, 58, 90, 123, 150, 170, 176, 193, 278, 291], "auth_expires_at": [150, 176], "auth_opt": [151, 176], "auth_typ": [176, 193], "authent": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "authenticaion": [170, 176], "authexpiresat": [150, 176], "authopt": [151, 176], "author": [58, 98, 176, 242], "authtyp": [176, 193], "auto": [16, 25, 27, 28, 58, 98, 176], "auto_deploi": [58, 98, 176, 247], "autocomplet": [60, 61, 71, 74, 176, 178], "autocomplete_respons": [60, 61, 176], "autocompleterespons": [60, 61, 176], "autocorrel": [119, 176], "autodeploi": [58, 98, 176], "autom": [101, 176], "automat": [16, 17, 18, 21, 25, 27, 28, 58, 98, 176, 197, 225, 247, 252, 258, 259], "automl": [58, 176, 197, 211, 252], "automl_complet": [176, 211], "automlcomplet": [176, 211], "autonom": [25, 27, 58, 176, 242], "avail": [16, 21, 27, 28, 41, 58, 72, 98, 101, 104, 121, 131, 132, 165, 173, 175, 176, 217, 225, 228, 252, 268, 282, 284, 300, 302], "averag": [24, 25, 27, 119, 122, 155, 156, 176], "average_drift": [122, 176], "averagedrift": [122, 176], "avg": [27, 30, 176], "avoid": [27, 28, 58, 176, 258], "avro": [25, 27, 176], "avro_to_pandas_dtyp": 35, "avro_typ": 35, "aw": [58, 176], "aws_ocr_mod": [25, 27, 176], "axi": [58, 115, 117, 120, 154, 176], "azur": [22, 27, 58, 176], "azurestorag": [25, 27, 176], "azurestoragedatasetconfig": [22, 27, 176], "b64_imag": [27, 34, 176], "back": [22, 25, 27, 28, 36, 58, 82, 176], "backbon": [27, 28, 176], "backend": [23, 27, 58, 98, 100, 176, 209, 242], "backfil": [25, 27, 176], "background": [58, 98, 176], "backoff_factor": 58, "backtest": [27, 28, 176], "backtesting_window_step_s": [27, 28, 176], "backward": [176, 292], "bag": [27, 28, 176], "balanc": [27, 28, 176], "bar": [27, 28, 176], "bar_chart": [25, 27, 176], "bar_chart_accuracy_by_histori": [25, 27, 176], "bar_chart_volum": [25, 27, 176], "base": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "base64": [27, 34, 176], "base64_imag": [25, 27, 176], "base64imageresponsesect": [27, 34, 176], "base_dupl": [116, 176], "base_model": [153, 176], "baseapicli": [58, 176, 242, 277], "basedupl": [116, 176], "basemodel": [153, 176], "bash": [59, 176], "basic": [58, 98, 176], "batch": [9, 18, 27, 28, 44, 45, 46, 58, 74, 98, 176, 197, 203, 207, 230, 234, 243, 244, 245, 252, 263, 264, 292], "batch_1024": [25, 27, 176], "batch_128": [25, 27, 176], "batch_16": [25, 27, 176], "batch_256": [25, 27, 176], "batch_32": [25, 27, 176], "batch_384": [25, 27, 176], "batch_512": [25, 27, 176], "batch_64": [25, 27, 176], "batch_740": [25, 27, 176], "batch_8": [25, 27, 176], "batch_input": [44, 45, 176], "batch_predict": [27, 176, 263, 264], "batch_prediction_arg": [44, 45, 58, 98, 176], "batch_prediction_args_typ": [44, 45, 176], "batch_prediction_description_id": [176, 230], "batch_prediction_id": [25, 27, 44, 45, 58, 176, 203, 234, 252, 264, 292], "batch_prediction_output": [58, 176, 252], "batch_prediction_vers": [58, 176, 207], "batch_prediction_version_log": 176, "batch_prediction_warn": [45, 176], "batch_renorm": [27, 28, 176], "batch_siz": [27, 28, 176], "batch_streaming_upd": [98, 176], "batchinput": [44, 45, 176], "batchpredict": [44, 58, 98, 176, 252, 263], "batchpredictionarg": [18, 27, 44, 45, 58, 98, 176], "batchpredictionargstyp": [44, 45, 176], "batchpredictiondescriptionid": [176, 230], "batchpredictionid": [44, 45, 176, 203, 234, 264, 292], "batchpredictionvers": [44, 45, 58, 176, 207], "batchpredictionversionlog": [45, 46, 58, 176], "batchpredictionwarn": [45, 176], "batchsiz": [25, 27, 28, 176], "batchstreamingupd": [98, 176], "becam": [98, 176], "becaus": [56, 126, 176], "been": [27, 28, 44, 58, 89, 93, 98, 100, 119, 132, 176, 211, 252, 264, 292], "befor": [9, 14, 16, 23, 27, 28, 58, 71, 93, 101, 132, 176, 197, 200, 242, 252], "behalf": [58, 176], "behav": [27, 28, 176], "behavior": [77, 176], "behavior_instruct": [27, 28, 176], "behaviour": [27, 28, 176], "being": [14, 27, 28, 44, 58, 59, 95, 98, 109, 113, 132, 134, 135, 149, 167, 176, 197, 198, 203, 242, 252, 257, 292, 295], "belong": [2, 7, 13, 27, 28, 58, 95, 98, 100, 113, 120, 133, 139, 140, 141, 145, 161, 176, 197, 203, 207, 210, 211, 215, 229, 231, 232, 235, 238, 239, 247, 296], "below": [18, 23, 27, 29, 30, 58, 98, 176, 242, 261], "bert": [27, 28, 176], "best": [27, 28, 58, 176, 211, 242], "best_algorithm": [176, 211], "best_alternate_onli": [58, 176, 242], "best_bound": [58, 176, 242], "best_solution_found": [58, 176, 242], "bestalgorithm": [176, 211], "better": [27, 28, 58, 98, 105, 176, 242], "between": [16, 24, 27, 28, 58, 71, 74, 115, 116, 117, 118, 120, 122, 130, 131, 137, 176, 242, 286], "bfill": [25, 27, 176], "bia": [25, 27, 30, 58, 176, 203, 205, 206, 242, 252], "bias": [58, 176, 242], "bias_metric_id": [176, 203], "bias_typ": [27, 30, 176], "bias_viol": [25, 27, 58, 176, 205], "biasmetricid": [176, 203], "biastyp": [25, 27, 30, 176], "biasviol": [25, 27, 176, 205], "biasviolationconditionconfig": [27, 30, 176], "bigqueri": [25, 27, 176], "bill": [176, 225], "billed_credit": [109, 176], "billedcredit": [109, 176], "binari": [19, 25, 27, 45, 58, 98, 132, 176, 242, 271], "bind": [58, 132, 143, 145, 176, 268], "bing": [58, 176], "blob": [19, 27, 58, 132, 176, 242], "blob_input": 27, "blobinput": [19, 27, 58, 176], "block": [35, 176, 184, 190], "blue": [27, 28, 176], "blueprint": [176, 199, 200], "bm25": [27, 28, 58, 105, 176, 242], "bodi": [27, 30, 58, 98, 176, 242, 311, 312], "boilerpl": [176, 285], "boo": [27, 28, 176], "bool": [1, 2, 9, 12, 14, 15, 16, 17, 18, 21, 22, 23, 24, 26, 27, 28, 29, 31, 32, 37, 38, 44, 45, 49, 50, 52, 57, 58, 60, 61, 62, 69, 72, 73, 74, 77, 78, 90, 93, 95, 98, 100, 101, 105, 117, 125, 132, 134, 143, 145, 150, 151, 152, 157, 159, 163, 165, 171, 173, 176, 183, 184, 192, 193, 196, 197, 203, 211, 213, 214, 218, 224, 225, 229, 235, 242, 243, 244, 247, 248, 252, 254, 257, 264, 270, 282, 288, 291, 295, 300, 307], "boolean": [16, 25, 27, 38, 58, 117, 176, 271], "boost": [27, 28, 147, 176], "bot": [58, 62, 98, 100, 101, 125, 176, 196, 266, 267], "bot_info": 176, "both": [44, 58, 105, 141, 176, 203, 233, 242], "botinfo": [47, 176], "bottom": [27, 28, 100, 176], "bound": [10, 18, 21, 22, 27, 28, 29, 58, 93, 101, 106, 132, 176, 180], "boundari": [27, 28, 176], "bounding_box": [106, 176], "boundingbox": [106, 176], "box": [10, 21, 22, 25, 27, 28, 58, 93, 101, 106, 117, 176], "box_cox": [25, 27, 176], "boxdatasetconfig": [22, 27, 176], "bp": [112, 176], "bp_across_versions_monitor_id": [44, 176], "bp_across_versions_monitor_vers": [45, 176], "bp_prediction_drift": [112, 176], "bpacrossversionsmonitorid": [44, 176], "bpacrossversionsmonitorvers": [45, 176], "bppredictiondrift": [112, 176], "branch": [58, 176, 197], "branch_nam": [58, 176, 197], "bring": [58, 176], "broken": [49, 58, 176, 252], "browser_extens": [25, 27, 176], "bucket": [58, 93, 150, 151, 152, 176, 211, 292], "bucket1": [58, 176], "budget": [26, 27, 58, 176], "buffer": 35, "build": [8, 50, 58, 176], "built": [58, 132, 176, 197, 252, 254], "builtin": [27, 28, 58, 176, 211, 252], "builtin_algorithm": [58, 176, 197, 211, 252], "builtin_tool": [27, 28, 176], "builtinalgorithm": [176, 211], "bulk": [58, 176], "bundl": [58, 176, 211], "button": [16, 27, 34, 101, 176], "byte": [19, 27, 35, 58, 95, 157, 176, 242, 292], "bytes_or_buff": 35, "bytesio": [58, 176, 242, 292], "cach": [27, 28, 58, 74, 98, 176], "cache_scop": 58, "calcul": [18, 24, 27, 28, 44, 45, 58, 176, 211, 252, 292], "calendar": [22, 27, 28, 176], "call": [2, 7, 27, 28, 36, 44, 45, 58, 81, 82, 93, 95, 98, 100, 105, 107, 113, 120, 124, 125, 132, 134, 140, 143, 145, 161, 162, 163, 176, 190, 197, 198, 203, 207, 209, 211, 215, 216, 225, 229, 231, 232, 235, 247, 252, 262, 263, 264, 292, 312], "callabl": [15, 16, 27, 35, 58, 176, 229, 252], "caller": [58, 176], "calls_per_second": [58, 98, 176], "callspersecond": [98, 176], "came": [58, 176], "camel": [15, 27, 29, 176], "camel_cas": 15, "camelcas": [16, 27, 176], "can": [16, 21, 27, 28, 34, 36, 40, 52, 58, 90, 98, 132, 143, 144, 145, 154, 162, 165, 176, 182, 197, 199, 226, 238, 239, 241, 242, 251, 252, 254, 263, 264, 266, 267, 268, 278, 295], "cancel": [58, 176, 292], "cancel_upload": [58, 176], "candid": [58, 176, 242], "cannot": [27, 28, 58, 98, 176, 177, 197, 211, 225, 252], "captur": [26, 27, 58, 176], "card": [58, 176, 242], "care": [58, 132, 176], "cart": [58, 176, 242], "case": [15, 16, 21, 27, 29, 44, 58, 74, 101, 117, 125, 132, 148, 176, 196, 242, 251, 252, 258, 271, 286, 287, 294, 295], "cast": [13, 58, 132, 176], "cat": [], "cat0": [58, 176, 242], "cat_viol": [131, 176], "catalog": [27, 28, 44, 58, 176, 210, 242, 277], "catalog_id": [58, 176, 242, 277], "catalogid": [58, 176, 242], "categor": [27, 28, 29, 117, 129, 131, 176, 271], "categori": [58, 79, 117, 176, 242], "categorical_list": [176, 271], "categorical_range_viol": [25, 27, 176], "categoricalrangeviol": [48, 131, 176], "cater": [100, 176], "catviol": [131, 176], "caus": [16, 27, 28, 176], "cell": [58, 68, 176], "certain": [27, 28, 58, 176, 182, 213, 242], "cfg_scale": [], "cfgscale": [], "chang": [35, 58, 64, 65, 67, 74, 105, 111, 112, 116, 129, 132, 176, 218, 242, 254, 259, 288, 312], "channel": [18, 22, 27, 176], "channel_id_to_label_map": [18, 27, 176], "char": [58, 176], "charact": [21, 26, 27, 37, 58, 74, 132, 145, 170, 176, 184, 252], "characterist": [58, 122, 130, 131, 176, 242], "charg": [1, 176], "chart": [25, 27, 34, 58, 95, 114, 131, 145, 154, 176, 206, 208], "chart_descript": [154, 176], "chart_nam": [154, 176], "chart_typ": [58, 114, 154, 176], "chartdescript": [154, 176], "chartnam": [154, 176], "chartresponsesect": [27, 34, 176], "charttyp": [114, 154, 176], "chat": [3, 4, 16, 22, 23, 25, 27, 28, 36, 49, 50, 58, 59, 77, 98, 101, 176, 222, 242, 252], "chat_config": [58, 98, 176, 242], "chat_feedback": [25, 27, 176], "chat_histori": [50, 58, 176], "chat_llm": [23, 25, 27, 28, 58, 176], "chat_llm_task": [25, 27, 176], "chat_messag": 176, "chat_sess": 176, "chat_session_id": [50, 58, 176], "chat_typ": [101, 176], "chat_ui": [25, 27, 176], "chatbot": [16, 27, 28, 38, 50, 58, 100, 176], "chatbot_deployment_id": [16, 27, 176], "chatbot_paramet": [16, 27, 176], "chathistori": [50, 176], "chatllm": [18, 25, 27, 28, 52, 53, 54, 55, 56, 57, 58, 98, 100, 176], "chatllm_comput": 176, "chatllm_computer_statu": 176, "chatllm_memori": 176, "chatllm_memory_id": [53, 176], "chatllm_project": 176, "chatllm_project_id": [54, 55, 176], "chatllm_project_permiss": 176, "chatllm_referral_invit": 176, "chatllm_task": 176, "chatllm_task_id": [57, 100, 176], "chatllmbatchpredictionarg": [18, 27, 176], "chatllmcomput": [51, 176], "chatllmcomputerstatu": [52, 176], "chatllmmemori": [53, 176], "chatllmmemoryid": [53, 176], "chatllmpredictionargu": [23, 27, 176], "chatllmproject": [54, 176], "chatllmprojectid": [54, 55, 176], "chatllmprojectpermiss": [55, 176], "chatllmreferralinvit": [56, 176], "chatllmtask": [57, 176], "chatllmtaskid": [57, 100, 176], "chatllmtrainingconfig": [27, 28, 176], "chatmessag": [49, 50, 176], "chatmod": [125, 176], "chatsess": [50, 58, 176, 252], "chatsessionid": [50, 176], "chattyp": [101, 176], "check": [40, 58, 90, 93, 98, 124, 132, 176, 242, 278], "check_constraint": [58, 176, 242], "check_for_materi": [58, 132, 176], "check_permiss": [58, 93, 176], "checkbox": [16, 27, 176], "chi": [122, 130, 131, 176], "chi_squar": [25, 27, 122, 130, 131, 156, 176], "child": [157, 176], "children": [157, 176], "chisquar": [122, 130, 131, 176], "choos": [27, 28, 58, 176, 197], "chosen": [101, 176], "chronolog": [58, 176, 242], "chunk": [24, 26, 27, 28, 58, 66, 71, 101, 105, 107, 176, 242, 252, 292], "chunk_overlap_fract": [24, 27, 28, 58, 105, 176, 252], "chunk_siz": [24, 27, 45, 58, 105, 176, 252], "chunk_size_factor": [24, 27, 176], "chunking_schem": [66, 176], "chunkingschem": [66, 176], "chunkoverlapfract": [], "chunksiz": [176, 292], "churn": [58, 176, 242], "churn_result": [58, 176, 242], "churned_yn": [58, 176, 242], "citat": [27, 28, 176], "citi": [1, 176], "classif": [18, 27, 28, 58, 79, 176, 242], "classifi": [27, 28, 58, 176, 242], "classification_dl_tf": [58, 176], "classify_imag": [58, 176, 242], "classify_pdf": [58, 176, 242], "classmethod": [15, 16, 18, 19, 20, 21, 22, 23, 25, 26, 27, 28, 30, 31, 33, 35, 58, 176, 259], "classnam": 15, "claude_v3_5_haiku": [25, 27, 176], "claude_v3_5_sonnet": [25, 27, 176], "claude_v3_7_sonnet": [25, 27, 176], "claude_v3_haiku": [25, 27, 176], "claude_v3_opu": [25, 27, 176], "claude_v3_sonnet": [], "claude_v4_5_sonnet": [25, 27, 176], "claude_v4_opu": [25, 27, 176], "claude_v4_sonnet": [25, 27, 176], "claus": [58, 105, 128, 132, 176, 242], "clean": [58, 176], "clean_column_nam": [35, 58, 176], "clear": [44, 58, 100, 176], "clear_agent_context": [58, 176], "clear_cache_scop": [58, 176], "clear_deployment_convers": [58, 176], "cli": [43, 176], "click": [27, 34, 58, 176, 242], "client": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "client_opt": [58, 176, 242, 277], "client_vers": 58, "clientopt": [58, 176, 242, 277], "clip": [27, 28, 176], "clockwis": [176, 228], "closest": [58, 132, 176, 238, 240], "cloud": [27, 28, 58, 98, 145, 151, 165, 176], "cloud_spend": [58, 176], "cluster": [25, 27, 28, 58, 176, 197, 211, 242], "clustering_timeseri": [25, 27, 28, 58, 176], "clusteringimputationmethod": [25, 27, 28, 176], "clusteringtimeseriestrainingconfig": [27, 28, 176], "clusteringtrainingconfig": [27, 28, 176], "cmape": [25, 27, 176], "cname": [], "co": [8, 17, 27, 50, 58, 176, 252], "code": [1, 2, 7, 9, 16, 25, 27, 28, 31, 34, 37, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 74, 77, 79, 81, 103, 132, 145, 166, 176, 182, 184, 187, 190, 197, 211, 214, 229, 231, 232, 235, 237, 247, 248, 252, 254, 258, 260, 280, 285, 311, 313, 314], "code_agent_respons": 176, "code_agent_support": [62, 176], "code_autocomplete_edit_prediction_respons": 176, "code_autocomplete_respons": 176, "code_bert": [25, 27, 176], "code_block": [176, 190], "code_bot": 176, "code_chang": [64, 65, 176], "code_edit": 176, "code_edit_respons": 176, "code_edit_support": [62, 176], "code_embed": 176, "code_llm": [25, 27, 176], "code_llm_ag": [25, 27, 176], "code_llm_changed_fil": 176, "code_llm_non_interact": [25, 27, 176], "code_sourc": [2, 7, 9, 79, 81, 132, 145, 176, 197, 211, 214, 229, 231, 232, 235, 247, 248, 254, 258, 260], "code_suggestion_validation_respons": 176, "code_summary_respons": 176, "codeagentrespons": [59, 176], "codeagentsupport": [62, 176], "codeautocompleteeditpredictionrespons": [60, 176], "codeautocompleterespons": [61, 176], "codeblock": [176, 190], "codebot": [62, 176], "codechang": [64, 65, 176], "codeedit": [63, 65, 176], "codeeditrespons": [64, 176], "codeeditsupport": [62, 176], "codeembed": [66, 176], "codelanguag": [25, 27, 34, 176], "codellm": [62, 125, 176], "codellm_embedding_const": 176, "codellmchangedfil": [67, 176], "codellmembeddingconst": [71, 74, 176], "coderesponsesect": [27, 34, 176], "codesourc": [2, 7, 9, 68, 79, 81, 132, 145, 176, 197, 211, 214, 229, 231, 232, 235, 247, 248, 254, 258, 260], "codesuggestionvalidationrespons": [69, 176], "codesummaryrespons": [70, 176], "coeffici": [58, 176, 242], "coefficient_column": [58, 176, 242], "coefficient_of_vari": [25, 27, 176], "col": [27, 29, 176], "col0": [58, 176, 242], "cold": [27, 28, 176], "collaps": [27, 34, 176], "collapseresponsesect": [27, 34, 176], "collapsible_compon": [25, 27, 176], "collect": [36, 58, 176, 295], "collinear": [58, 113, 115, 118, 120, 176, 252], "collinearity_group": [115, 176], "collinearity_kei": [58, 176, 252], "collinearity_matrix": [115, 176], "collinearitygroup": [115, 176], "collinearitymatrix": [115, 176], "column": [18, 21, 24, 26, 27, 28, 29, 30, 33, 35, 44, 45, 58, 85, 89, 90, 91, 92, 93, 94, 95, 98, 105, 106, 112, 117, 119, 128, 131, 132, 134, 135, 138, 145, 154, 156, 176, 178, 197, 211, 219, 220, 242, 252, 254, 257, 286, 295], "column_context": [27, 28, 176], "column_filt": [58, 93, 176], "column_filtering_instruct": [27, 28, 176], "column_hint": [176, 257], "column_nam": [21, 27, 28, 115, 116, 176], "column_names_x": [115, 176], "columnhint": [176, 257], "columnmap": [58, 93, 176], "columnnam": [115, 116, 176], "columnnamesx": [115, 176], "combin": [16, 27, 28, 58, 105, 176, 242, 252], "come": [58, 112, 176, 242], "comma": [18, 27, 58, 176, 252, 264], "command": [59, 166, 176, 192], "comment": [10, 11, 22, 27, 58, 176], "comments_featur": [11, 176], "commentsfeatur": [11, 176], "common": [16, 27, 48, 176, 251], "common_funct": [58, 176], "common_source_cod": [16, 27, 176], "commonli": [27, 28, 176], "compar": [58, 98, 111, 176, 242], "compare_dupl": [116, 176], "comparedupl": [116, 176], "comparison": [58, 98, 116, 176], "compat": [10, 13, 58, 132, 176, 292], "complaint": [58, 176], "complet": [2, 7, 26, 27, 44, 45, 58, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 142, 145, 163, 176, 197, 198, 202, 207, 211, 216, 229, 235, 242, 263, 292, 314], "complete_process": [142, 176], "completed_at": [140, 176, 235, 263], "completedat": [140, 176, 235, 263], "completeprocess": [142, 176], "completion_col": [26, 27, 176], "complex": [16, 27, 58, 98, 134, 135, 145, 176], "complex_ag": [25, 27, 176], "compon": [24, 27, 34, 58, 173, 176, 282, 300], "comprehens": [25, 27, 58, 176], "comprehensive_form_and_table_md": [25, 27, 176], "comprehensive_form_md": [25, 27, 176], "comprehensive_markdown": [25, 27, 176], "comprehensive_table_md": [25, 27, 176], "comprehensive_v2": [25, 27, 176], "compris": [58, 176], "comput": [27, 28, 37, 49, 51, 52, 57, 58, 72, 98, 100, 101, 122, 130, 131, 132, 176, 242, 252, 262], "compute_point_info": 176, "compute_points_us": [49, 57, 101, 176], "compute_rerank_metr": [27, 28, 176], "compute_session_metr": [27, 28, 176], "computepointinfo": [72, 176], "computepointsus": [49, 57, 101, 176], "computer_ag": [25, 27, 176], "computer_fil": [101, 176], "computer_id": [51, 52, 58, 176], "computer_start": [52, 176], "computer_statu": [100, 176], "computerfil": [101, 176], "computerid": [51, 52, 176], "computerstart": [52, 176], "computerstatu": [100, 176], "concaten": [58, 73, 132, 176, 254], "concatenate_data": [132, 176], "concatenate_feature_group_data": [58, 176], "concatenated_t": [73, 176], "concatenatedt": [73, 176], "concatenation_config": [132, 176, 254], "concatenationconfig": [73, 132, 176, 254], "concurr": [26, 27, 71, 176], "condit": [16, 27, 28, 30, 58, 98, 176, 215, 216, 252], "condition_config": [58, 98, 176, 215, 216, 252], "condition_descript": [176, 215, 216], "conditionconfig": [176, 215, 216], "conditiondescript": [176, 215, 216], "config": [2, 7, 9, 11, 14, 15, 16, 17, 18, 20, 21, 22, 24, 26, 27, 28, 30, 32, 33, 58, 73, 82, 93, 98, 105, 107, 132, 134, 138, 143, 145, 153, 176, 177, 191, 192, 193, 197, 199, 203, 207, 211, 242, 252, 253, 254, 255, 268, 288, 314], "config_abstract_class": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 176], "config_class_kei": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 176], "config_class_key_value_camel_cas": [27, 30, 176], "config_class_map": [15, 18, 20, 22, 23, 26, 27, 28, 30, 31, 33, 176], "config_connector": [27, 28, 58, 176], "config_opt": [9, 58, 176], "configopt": [9, 176], "configur": [16, 21, 22, 26, 27, 28, 29, 31, 44, 58, 93, 98, 105, 107, 113, 132, 135, 138, 153, 165, 171, 176, 191, 197, 199, 203, 207, 211, 215, 216, 241, 242, 252, 254, 258, 264, 277, 314], "conflict": 58, "conflicterror": 58, "confluenc": [22, 25, 27, 176], "confluencedatasetconfig": [22, 27, 176], "conform": [16, 27, 176], "conjuct": [176, 177], "conjunct": [58, 98, 176], "connect": [16, 27, 28, 40, 44, 45, 58, 90, 98, 134, 137, 138, 176, 193, 234, 278, 291], "connection_str": [58, 176], "connector": [2, 21, 22, 27, 28, 33, 40, 44, 45, 58, 68, 90, 91, 92, 93, 95, 98, 132, 134, 135, 138, 145, 150, 152, 176, 178, 197, 198, 252, 254, 258, 278, 291, 313], "connector_tool": [25, 27, 176], "connector_typ": [27, 33, 44, 45, 93, 134, 138, 176], "connectortyp": [25, 27, 33, 44, 45, 93, 134, 138, 176], "consecut": [], "consid": [27, 28, 30, 58, 132, 176], "consider": [58, 176], "consist": [58, 84, 113, 116, 120, 176, 252], "consol": [44, 45, 58, 145, 176, 280], "consolid": [58, 176], "constant": [16, 18, 25, 27, 31, 58, 71, 74, 176, 242], "constant_valu": [16, 27, 176], "constants_autocomplete_respons": 176, "constantsautocompleterespons": [74, 176], "constitut": [27, 34, 176], "constrain": [27, 28, 176], "constraint": [25, 27, 31, 58, 93, 176, 242], "constraint_equations_df": [58, 176, 242], "constraintconfig": [27, 31, 176], "constraintprojectfeaturegroupconfig": [27, 31, 176], "constraints_df": [58, 176], "construct": [58, 176, 242], "construct_agent_conversation_messages_for_llm": [58, 100, 176], "consum": [20, 27, 176], "contain": [6, 11, 21, 26, 27, 28, 29, 44, 45, 55, 58, 59, 84, 98, 100, 101, 116, 132, 134, 137, 145, 154, 161, 165, 166, 176, 192, 193, 195, 197, 211, 215, 225, 226, 229, 231, 238, 240, 242, 247, 252, 258, 277, 292, 306, 314], "container_imag": [165, 176], "containerimag": [165, 176], "contest": [100, 176], "contest_nam": [100, 176], "contestnam": [100, 176], "context": [27, 28, 35, 58, 74, 105, 132, 176, 191, 192, 193, 226, 242, 254, 259], "continu": [58, 98, 176, 242], "contribut": [119, 147, 176], "control": [18, 27, 28, 58, 90, 119, 176], "convers": [4, 6, 16, 22, 27, 28, 50, 53, 57, 58, 59, 83, 98, 100, 101, 102, 125, 164, 165, 167, 176, 183, 222, 242, 250, 305], "conversation_created_at": [176, 250], "conversation_export_html": [102, 176], "conversation_id": [58, 176], "conversation_nam": [176, 250], "conversation_sequence_numb": [167, 176], "conversation_statu": [100, 176], "conversation_typ": [58, 98, 100, 176, 250], "conversation_warn": [100, 176], "conversationcreatedat": [176, 250], "conversationexporthtml": [102, 176], "conversationnam": [176, 250], "conversationsequencenumb": [167, 176], "conversationstatu": [100, 176], "conversationtyp": [100, 176, 250], "conversationwarn": [100, 176], "convert": [15, 21, 27, 29, 58, 132, 176, 238, 239, 241, 258, 259], "convert_to_markdown": [21, 27, 58, 176], "convolut": [27, 28, 176], "convolution_filt": [27, 28, 176], "convolutional_lay": [27, 28, 176], "cooldown": [74, 176], "coordinate_list": [176, 271], "copi": [2, 35, 58, 176], "copilot": [25, 27, 176], "copy_ag": [58, 176], "corpu": [24, 27, 176], "correct": [26, 27, 58, 132, 176], "correl": [58, 119, 120, 176], "correspond": [10, 14, 16, 23, 27, 38, 58, 100, 131, 132, 145, 176, 197, 217, 242, 252, 254, 285], "cosin": [58, 176, 242], "cost": [27, 28, 176, 299], "could": [27, 31, 58, 105, 119, 127, 156, 176, 242], "count": [58, 84, 105, 132, 154, 176, 180, 204, 205, 238, 240, 242, 279, 286], "countri": [1, 176], "coverag": [25, 27, 176], "cox": [25, 27, 176], "cpu": [58, 75, 132, 145, 176, 195, 197, 211, 229, 231, 232, 247, 252, 254], "cpu_gpu_memory_spec": 176, "cpu_siz": [58, 132, 145, 176, 197, 211, 229, 231, 232, 247, 252, 254], "cpugpumemoryspec": [75, 176, 195], "cpusiz": [25, 27, 58, 132, 145, 176, 197, 211, 231, 232, 254], "craft": [176, 182], "crawl": [26, 27, 176], "crawl_depth": [26, 27, 176], "crawler": [25, 27, 176], "crawlertransformconfig": [26, 27, 176], "creat": [2, 7, 9, 15, 16, 18, 21, 26, 27, 28, 35, 37, 40, 43, 44, 50, 53, 58, 79, 80, 81, 90, 93, 95, 98, 99, 100, 101, 105, 107, 113, 115, 117, 125, 128, 132, 134, 139, 140, 143, 145, 150, 153, 161, 162, 163, 167, 170, 176, 182, 193, 197, 198, 201, 203, 207, 210, 211, 214, 215, 216, 219, 225, 227, 229, 231, 232, 235, 242, 247, 248, 250, 252, 254, 258, 260, 262, 263, 264, 265, 276, 278, 285, 291, 292, 312], "create_ag": [58, 176, 252], "create_agent_from_funct": [58, 176], "create_alert": [98, 176], "create_algorithm": [58, 176], "create_algorithm_from_funct": [58, 176], "create_app_user_group": [58, 176], "create_batch_predict": [58, 98, 176], "create_chat_sess": [58, 176, 252], "create_convers": [98, 176], "create_custom_loss_funct": [58, 176], "create_custom_loss_function_with_source_cod": [58, 176], "create_custom_metr": [58, 176], "create_custom_metric_from_funct": [58, 176], "create_dataset_from_application_connector": [58, 176], "create_dataset_from_database_connector": [58, 176], "create_dataset_from_file_connector": [58, 176], "create_dataset_from_panda": [58, 176], "create_dataset_from_streaming_connector": [58, 176], "create_dataset_from_upload": [58, 176], "create_dataset_version_from_application_connector": [58, 176], "create_dataset_version_from_database_connector": [58, 176], "create_dataset_version_from_document_reprocess": [58, 176], "create_dataset_version_from_file_connector": [58, 176], "create_dataset_version_from_panda": [58, 176], "create_dataset_version_from_upload": [58, 176], "create_deploy": [58, 176], "create_deployment_alert": [58, 176], "create_deployment_convers": [58, 176], "create_deployment_token": [58, 176, 252], "create_deployment_webhook": [58, 176], "create_document_retriev": [58, 176, 252], "create_document_retriever_vers": [58, 176], "create_eda": [58, 176, 252], "create_external_appl": [58, 98, 176], "create_featur": [58, 132, 176], "create_feature_group": [58, 176], "create_feature_group_from_funct": [58, 176], "create_feature_group_from_pandas_df": [58, 176], "create_feature_group_from_python_funct": [58, 176], "create_feature_group_from_spark_df": [58, 176], "create_feature_group_from_templ": [58, 176], "create_feature_group_templ": [58, 176], "create_feature_group_vers": [58, 176], "create_forecasting_monitor": [58, 176, 252], "create_graph_dashboard": [58, 176, 252], "create_holdout_analysi": [58, 176], "create_merge_feature_group": [58, 176], "create_model_from_fil": [58, 176], "create_model_from_funct": [58, 176, 252], "create_model_from_local_fil": [58, 176], "create_model_from_python": [58, 176, 252], "create_model_monitor": [58, 176, 252], "create_model_version_from_fil": [58, 176], "create_model_version_from_local_fil": [58, 176], "create_modul": [58, 176], "create_module_from_notebook": [58, 176], "create_monitor": [18, 27, 176], "create_monitor_alert": [58, 176, 252], "create_nested_featur": [58, 132, 176], "create_nlp_drift_monitor": [58, 176, 252], "create_online_feature_group": [58, 176], "create_operator_feature_group": [58, 176], "create_organization_group": [58, 176], "create_organization_secret": [58, 176], "create_pipelin": [58, 176], "create_pipeline_step": [58, 176], "create_pipeline_step_from_funct": [58, 176], "create_point_in_time_featur": [58, 132, 176], "create_point_in_time_group": [58, 132, 176], "create_point_in_time_group_featur": [58, 132, 176], "create_prediction_oper": [58, 176], "create_prediction_operator_from_funct": [58, 176], "create_prediction_operator_vers": [58, 176], "create_project": [58, 176], "create_python_funct": [58, 176], "create_python_function_from_funct": [58, 176], "create_realtime_content_stor": [58, 176], "create_realtime_monitor": [58, 98, 176], "create_refresh_polici": [44, 58, 93, 98, 176, 197], "create_sampl": [132, 176], "create_sampling_feature_group": [58, 176], "create_snapshot_feature_group": [58, 145, 176], "create_spark_df_from_feature_group_vers": [58, 176], "create_step": [176, 229], "create_step_from_funct": [176, 229], "create_streaming_dataset": [58, 176], "create_streaming_token": [58, 176], "create_templ": [132, 176], "create_train_test_data_split_feature_group": [58, 176, 252], "create_vers": [105, 132, 176, 247], "create_version_from_application_connector": [93, 176], "create_version_from_database_connector": [93, 176], "create_version_from_document_reprocess": [93, 176], "create_version_from_file_connector": [93, 176], "create_version_from_upload": [93, 176], "create_vision_drift_monitor": [58, 176, 252], "create_webhook": [98, 176], "created_at": [2, 9, 37, 40, 43, 44, 50, 54, 79, 80, 81, 83, 90, 93, 95, 98, 99, 100, 105, 107, 113, 132, 134, 139, 140, 143, 145, 150, 153, 161, 163, 164, 165, 168, 169, 170, 176, 182, 183, 193, 197, 198, 203, 210, 214, 215, 216, 225, 227, 229, 231, 232, 235, 247, 248, 252, 254, 258, 260, 262, 263, 264, 276, 278, 291, 292, 296, 305, 311, 312], "created_bi": [176, 229], "created_date_time_t": [58, 93, 176], "createdat": [2, 9, 37, 40, 43, 44, 50, 54, 79, 80, 81, 83, 90, 93, 95, 98, 99, 100, 105, 107, 113, 132, 134, 139, 140, 143, 145, 150, 153, 161, 163, 164, 165, 168, 169, 170, 176, 182, 183, 193, 197, 198, 203, 210, 214, 215, 216, 225, 227, 229, 231, 232, 235, 247, 248, 252, 254, 258, 260, 262, 263, 264, 276, 278, 291, 292, 296, 305, 311, 312], "createdbi": [176, 229], "createpointintimefeatur": [58, 132, 176], "creation": [13, 26, 27, 54, 58, 83, 105, 132, 164, 165, 168, 169, 176, 183, 242, 258, 260, 263, 305, 311], "creation_paramet": [16, 27, 176], "creation_sourc": [38, 176], "creationsourc": [38, 176], "creator": [58, 176], "credenti": [176, 192], "credential_chang": [43, 176], "credit": [42, 58, 109, 110, 176, 242, 299], "credits_us": [42, 176], "creditsus": [42, 176], "cron": [44, 58, 93, 98, 176, 197, 229, 252, 262, 264, 265], "cross": [25, 27, 28, 176], "cross_entropi": [25, 27, 176], "crowding_limit": [58, 105, 176, 242], "cryptographi": 176, "csi": [25, 27, 122, 130, 131, 156, 176], "csv": [21, 22, 25, 27, 44, 45, 58, 93, 95, 98, 132, 176, 210], "csv_delimit": [21, 22, 27, 58, 93, 176], "csv_explanations_prefix": [44, 45, 58, 98, 176], "csv_input_prefix": [44, 45, 58, 98, 176], "csv_prediction_prefix": [44, 45, 58, 98, 176], "csvexplanationsprefix": [44, 45, 176], "csvinputprefix": [44, 45, 176], "csvpredictionprefix": [44, 45, 176], "ctr": [27, 28, 176], "cummulative_contribut": [58, 119, 120, 176], "cummulativecontribut": [119, 176], "cumul": [27, 28, 58, 176], "cumulative_forecast": [23, 25, 27, 28, 58, 176], "cumulative_prediction_length": [27, 28, 176], "cumulativeforecastingpredictionargu": [23, 27, 176], "cumulativeforecastingtrainingconfig": [27, 28, 176], "curl": [176, 280], "curr_month_avail_point": [72, 176], "curr_month_usag": [72, 176], "current": [2, 7, 14, 26, 27, 44, 45, 50, 58, 72, 78, 81, 93, 95, 98, 101, 105, 107, 113, 120, 124, 125, 132, 134, 142, 143, 145, 153, 154, 161, 162, 163, 176, 191, 197, 198, 199, 203, 207, 210, 211, 215, 216, 225, 229, 231, 232, 235, 238, 240, 242, 247, 248, 252, 262, 263, 264, 292, 312], "current_nameserv": [78, 176], "current_training_config": [58, 176, 199, 252], "currentnameserv": [78, 176], "currenttrainingconfig": [176, 199], "currmonthavailpoint": [72, 176], "currmonthusag": [72, 176], "curv": [58, 176, 197, 252], "custom": [9, 21, 22, 25, 27, 28, 54, 58, 68, 77, 78, 79, 80, 81, 82, 93, 132, 176, 197, 211, 214, 251, 252, 254, 258], "custom_algorithm": [25, 27, 28, 58, 176, 197, 211, 252], "custom_algorithm_config": [58, 176, 197, 211, 252], "custom_algorithms_onli": [58, 176, 252], "custom_artifact_filenam": [58, 176], "custom_chat_instruct": 176, "custom_domain": 176, "custom_field": [22, 27, 176], "custom_instruct": [54, 176], "custom_loss_funct": [27, 28, 176], "custom_metr": [27, 28, 176], "custom_metric_funct": [58, 176], "custom_metric_function_nam": [58, 81, 176], "custom_metric_id": [80, 176], "custom_metric_vers": [58, 176], "custom_t": [58, 132, 176], "custom_tool": [], "custom_train_function_info": 176, "custom_trained_model": [25, 27, 28, 176], "customalgorithm": [176, 211], "customalgorithmconfig": [176, 197, 211], "customalgorithmtrainingconfig": [27, 28, 176], "customchatinstruct": [77, 176], "customdomain": [78, 176], "customer_churn": [58, 176], "custominstruct": [54, 176], "customiz": [125, 176], "customlossfunct": [58, 79, 176], "custommetr": [58, 80, 176], "custommetricfunctionnam": [81, 176], "custommetricid": [80, 176], "custommetricvers": [58, 80, 81, 176], "customtrainedmodeltrainingconfig": [27, 28, 176], "customtrainfunctioninfo": [58, 82, 176, 252], "cutoff": [23, 27, 58, 93, 98, 176, 242], "cv": [25, 27, 176], "cycl": [176, 197, 211], "daemon": [57, 83, 100, 176], "daemon_task_convers": 176, "daemon_task_id": [57, 100, 176], "daemontaskconvers": [83, 176], "daemontaskid": [57, 100, 176], "dai": [18, 22, 27, 28, 58, 72, 93, 98, 119, 176], "daili": [25, 27, 58, 119, 156, 176, 252], "dashboard": [36, 58, 123, 161, 176, 252, 258, 260], "dashboard_endpoint": [36, 176], "dashboardendpoint": [36, 176], "data": [3, 6, 8, 9, 10, 17, 18, 19, 22, 23, 24, 26, 27, 28, 29, 30, 33, 35, 44, 45, 50, 58, 73, 75, 82, 84, 86, 87, 88, 91, 93, 94, 95, 98, 101, 104, 105, 111, 112, 113, 115, 116, 117, 118, 119, 120, 122, 124, 127, 128, 129, 131, 132, 145, 148, 154, 155, 156, 173, 176, 179, 180, 196, 197, 204, 205, 206, 207, 208, 211, 219, 220, 228, 242, 252, 254, 271, 276, 277, 282, 286, 292, 300], "data_cluster_info": [176, 211], "data_cluster_typ": [58, 176, 197], "data_column": [27, 33, 117, 154, 176], "data_columns_to_ignor": [27, 28, 176], "data_consistency_dupl": 176, "data_consistency_reference_config": [58, 176, 252], "data_consistency_test_config": [58, 176, 252], "data_feature_group_id": [16, 27, 28, 176], "data_flow": [16, 27, 176], "data_gener": [25, 27, 176], "data_integr": [58, 176, 204, 205], "data_integrity_timeseri": [131, 176], "data_integrity_typ": [27, 30, 176], "data_integrity_viol": [25, 27, 176], "data_list": [58, 176], "data_llm_feature_group": [176, 197], "data_metr": 176, "data_prep_log": 176, "data_prompt_column_context": [27, 28, 176], "data_prompt_context": [27, 28, 176], "data_prompt_table_context": [27, 28, 176], "data_quality_result": 176, "data_sourc": [93, 176], "data_split_feature_group_table_nam": [27, 28, 176], "data_typ": [35, 58, 93, 94, 128, 132, 176, 219, 220, 271, 288], "data_upload_result": 176, "data_us": [176, 203], "databas": [21, 25, 27, 28, 33, 44, 45, 58, 89, 90, 91, 92, 93, 95, 98, 132, 134, 135, 138, 145, 165, 168, 169, 176, 178, 183, 197, 254, 278], "database_column": [89, 176], "database_column_feature_map": 176, "database_column_to_feature_map": [176, 178], "database_connector": [25, 27, 44, 45, 176, 197], "database_connector_column": 176, "database_connector_config": [93, 95, 176], "database_connector_id": [27, 28, 33, 44, 45, 58, 90, 93, 98, 134, 135, 145, 176, 291], "database_connector_schema": 176, "database_connector_t": [27, 28, 176], "database_feature_map": [58, 98, 134, 135, 138, 145, 176], "database_output_config": [44, 58, 98, 176], "database_output_configur": [44, 45, 176], "database_output_error": [45, 134, 176], "database_output_failed_writ": [45, 176], "database_output_total_writ": [45, 176], "databasecolumn": [89, 176], "databasecolumnfeaturemap": [89, 176, 178], "databasecolumntofeaturemap": [176, 178], "databaseconnector": [58, 90, 176, 197], "databaseconnectorcolumn": [91, 92, 176], "databaseconnectorconfig": [93, 95, 176], "databaseconnectorexportconfig": [27, 33, 176], "databaseconnectorid": [44, 45, 58, 90, 93, 98, 134, 135, 176, 291], "databaseconnectorschema": [58, 90, 92, 176], "databasefeaturemap": [134, 135, 138, 176], "databaseoutputconfigur": [44, 45, 176], "databaseoutputerror": [45, 134, 176], "databaseoutputfailedwrit": [45, 176], "databaseoutputtotalwrit": [45, 176], "dataclusterinfo": [176, 211], "datacolumn": [117, 154, 176], "dataconsistencydelet": [116, 176], "dataconsistencydupl": [84, 116, 176], "dataconsistencytransform": [116, 176], "datafram": [27, 34, 44, 45, 58, 82, 124, 132, 145, 176, 197, 211, 242, 247, 252, 258, 259], "dataframeresponsesect": [27, 34, 176], "datagenerationconfig": [26, 27, 176], "dataintegr": [176, 204, 205], "dataintegritytimeseri": [131, 176], "dataintegrityviol": [25, 27, 176], "dataintegrityviolationconditionconfig": [27, 30, 176], "dataintegrityviolationtyp": [25, 27, 30, 176], "datallm": [27, 28, 58, 90, 176], "datallmfeaturegroup": [176, 197], "datametr": [58, 85, 95, 145, 176], "datanotfounderror": [58, 176], "datapreplog": [58, 86, 176, 211], "dataqualityresult": [87, 176], "dataset": [9, 20, 22, 26, 27, 28, 44, 58, 85, 94, 95, 96, 132, 137, 145, 147, 153, 176, 197, 230, 234, 242, 243, 244, 245, 252, 254, 257, 263, 264, 276, 292, 295], "dataset_application_connector": 27, "dataset_column": 176, "dataset_config": [58, 93, 176], "dataset_error": [176, 257], "dataset_id": [25, 27, 58, 93, 95, 132, 176, 230, 243, 252, 254, 264, 292], "dataset_id_remap": [44, 58, 176, 245], "dataset_typ": [176, 243, 244, 295], "dataset_upload_id": [176, 292], "dataset_vers": [58, 176, 234, 243, 263, 292], "dataset_version_log": 176, "datasetcolumn": [58, 93, 94, 176], "datasetconfig": [20, 21, 22, 27, 176], "datasetdocumentprocessingconfig": [21, 22, 27, 58, 93, 176], "dataseterror": [176, 257], "datasetid": [93, 95, 132, 176, 230, 243, 254, 264, 292], "datasetidremap": [176, 245], "datasettyp": [176, 243, 244, 295], "datasetuploadid": [176, 292], "datasetvers": [58, 93, 95, 124, 176, 234, 243, 263, 292], "datasetversionlog": [58, 95, 96, 176], "datasourc": [93, 176], "datatyp": [25, 27, 58, 93, 94, 128, 132, 176, 219, 220, 271, 288], "datauploadresult": [88, 176], "date": [2, 7, 16, 18, 23, 25, 27, 28, 45, 58, 80, 98, 99, 103, 113, 120, 161, 176, 193, 197, 203, 207, 211, 214, 215, 216, 221, 227, 229, 231, 232, 235, 242, 247, 248, 252, 260, 262, 271, 296, 312], "date_format_lookback_dai": [58, 176], "date_label": [103, 176], "date_publish": [176, 221], "datelabel": [103, 176], "datepublish": [176, 221], "datetim": [25, 27, 28, 136, 176, 202, 271], "datetime_holiday_calendar": [27, 28, 176], "dbc": [25, 27, 176], "dd": [18, 27, 58, 176], "ddthh": [18, 27, 176], "deadlin": [74, 176], "deal": [27, 28, 176], "debounc": [74, 176], "debounce_delai": [74, 176], "debouncedelai": [74, 176], "decid": [21, 27, 58, 176, 252], "decil": [58, 176, 207], "decis": [16, 27, 176], "decision_nod": [16, 27, 176], "decisionnod": [16, 27, 176], "decod": 35, "decreas": [27, 28, 176], "decrypt": [58, 176], "decrypt_valu": [58, 176], "dedic": [165, 176], "dedupl": [58, 132, 176], "deep": [100, 101, 165, 176], "deepag": [58, 100, 176, 242], "deepagent_mod": [101, 176], "deepagentmod": [101, 176], "deepseek_r1": [25, 27, 176], "deepseek_v3": [], "deepseek_v3_1": [25, 27, 176], "defailt": [58, 176], "default": [2, 9, 15, 16, 18, 21, 23, 24, 25, 26, 27, 28, 30, 31, 35, 37, 44, 58, 74, 75, 95, 97, 98, 100, 105, 107, 121, 132, 145, 159, 173, 176, 195, 196, 197, 202, 210, 211, 225, 229, 231, 242, 243, 244, 252, 282, 288, 292, 300], "default_algorithm": [176, 197, 211], "default_group": [58, 176, 225], "default_items_upload_id": [176, 210], "default_label": [176, 196], "default_llm": 176, "default_messag": [176, 196], "default_prediction_argu": [98, 176], "default_serv": [58, 176], "default_surrounding_lin": [74, 176], "default_valu": [16, 27, 176], "defaultalgorithm": [176, 197, 211], "defaultgroup": [176, 225], "defaultitemsuploadid": [176, 210], "defaultlabel": [176, 196], "defaultllm": [97, 176], "defaultmessag": [176, 196], "defaultpredictionargu": [98, 176], "defaultsurroundinglin": [74, 176], "defin": [2, 16, 18, 25, 27, 35, 38, 58, 79, 81, 132, 176, 197, 211, 225, 247, 252, 265], "definit": [57, 58, 93, 132, 145, 176, 252, 254], "degre": [176, 228], "delai": [58, 74, 124, 132, 176, 238, 240], "delay_summary_batch": [74, 176], "delay_summary_batches_rate_limit": [74, 176], "delaysummarybatch": [74, 176], "delaysummarybatchesratelimit": [74, 176], "delet": [37, 40, 43, 44, 50, 58, 67, 74, 90, 93, 95, 98, 100, 107, 113, 116, 120, 125, 132, 143, 145, 161, 165, 176, 197, 203, 207, 211, 215, 225, 229, 231, 247, 248, 252, 262, 264, 277, 278, 312], "delete_algorithm": [58, 176], "delete_api_kei": [58, 176], "delete_app_user_group": [58, 176], "delete_application_connector": [58, 176], "delete_batch_predict": [58, 176], "delete_chat_messag": [50, 58, 176], "delete_custom_loss_funct": [58, 176], "delete_custom_metr": [58, 176], "delete_data": [58, 132, 176], "delete_database_connector": [58, 176], "delete_dataset": [58, 176], "delete_dataset_vers": [58, 176], "delete_deploy": [58, 176], "delete_deployment_convers": [58, 176], "delete_deployment_token": [58, 176], "delete_document_retriev": [58, 176], "delete_document_retriever_vers": [58, 176], "delete_eda": [58, 176], "delete_eda_vers": [58, 176], "delete_external_appl": [58, 176], "delete_featur": [58, 132, 176], "delete_feature_group": [58, 176], "delete_feature_group_templ": [58, 176], "delete_feature_group_vers": [58, 176], "delete_file_connector": [58, 176], "delete_graph_dashboard": [58, 176], "delete_graph_from_dashboard": [58, 176], "delete_item_embed": [58, 176, 277], "delete_model": [58, 176], "delete_model_monitor": [58, 176], "delete_model_monitor_vers": [58, 176], "delete_model_vers": [58, 176], "delete_modul": [58, 176], "delete_monitor_alert": [58, 176], "delete_nested_featur": [58, 132, 176], "delete_organization_group": [58, 176], "delete_organization_secret": [58, 176], "delete_pipelin": [58, 176], "delete_pipeline_step": [58, 176], "delete_point_in_time_group": [58, 132, 176], "delete_prediction_oper": [58, 176], "delete_prediction_operator_vers": [58, 176], "delete_project": [58, 176], "delete_python_funct": [58, 176], "delete_realtime_monitor": [58, 176], "delete_refresh_polici": [58, 176], "delete_scoped_cache_kei": [58, 176], "delete_streaming_connector": [58, 176], "delete_streaming_token": [58, 176], "delete_webhook": [58, 176], "deleted_fil": [67, 176], "deletedfil": [67, 176], "delimit": [21, 22, 27, 58, 93, 95, 176], "delta": [58, 176, 242], "demand": [27, 28, 176], "demographic_par": [25, 27, 176], "demot": [58, 176, 242], "deni": 58, "denot": [58, 176, 184, 292], "depend": [16, 27, 28, 58, 68, 176, 229, 231, 232, 258], "depict": [100, 176], "deploi": [2, 9, 24, 27, 28, 44, 45, 58, 98, 100, 105, 107, 165, 167, 176, 197, 242, 247, 252, 307], "deploy": [2, 6, 7, 16, 22, 24, 27, 30, 36, 44, 45, 53, 57, 58, 59, 83, 99, 100, 101, 102, 103, 105, 107, 125, 132, 140, 141, 142, 145, 164, 165, 176, 182, 183, 197, 202, 207, 209, 211, 215, 222, 230, 234, 242, 247, 250, 252, 262, 263, 264, 305, 306, 312], "deploy_prediction_oper": [58, 176], "deployable_algorithm": [176, 211], "deployablealgorithm": [27, 28, 176, 211], "deployed_at": [98, 176], "deployed_llm_artifact_id": [165, 176], "deployed_statu": [165, 176], "deployedat": [98, 176], "deployedllmartifactid": [165, 176], "deployedstatu": [165, 176], "deployment_auth_token": 176, "deployment_convers": 176, "deployment_conversation_ev": 176, "deployment_conversation_export": 176, "deployment_conversation_id": [6, 52, 57, 58, 59, 83, 98, 100, 102, 164, 165, 167, 176, 183, 222, 242, 250, 305], "deployment_conversation_nam": [83, 176, 305], "deployment_conversation_retention_hour": [58, 125, 176], "deployment_fail": [58, 98, 176], "deployment_id": [25, 27, 44, 45, 58, 98, 100, 125, 140, 141, 176, 182, 197, 215, 230, 242, 252, 262, 264, 312], "deployment_permiss": [176, 306], "deployment_start": [58, 98, 176], "deployment_statist": 176, "deployment_statu": [107, 176, 183], "deployment_success": [58, 98, 176], "deployment_token": [58, 98, 99, 176, 242], "deployment_vers": [176, 234, 263], "deploymentauthtoken": [58, 99, 176, 252], "deploymentconvers": [58, 98, 100, 176], "deploymentconversationev": [100, 101, 176], "deploymentconversationexport": [58, 100, 102, 176], "deploymentconversationid": [6, 57, 59, 83, 100, 102, 164, 165, 167, 176, 183, 222, 250, 305], "deploymentconversationnam": [83, 176, 305], "deploymentconversationretentionhour": [125, 176], "deploymentconversationtyp": [25, 27, 58, 98, 176], "deploymentid": [44, 45, 98, 100, 125, 140, 141, 176, 182, 215, 230, 262, 264, 312], "deploymentpermiss": [176, 306], "deploymentstatist": [58, 98, 103, 176], "deploymentstatu": [107, 176, 183], "deploymenttoken": [99, 176], "deploymentvers": [176, 234, 263], "deploymet": [98, 176], "deprec": [58, 125, 176], "deprecated_enum": [25, 27, 176], "deprecated_kei": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "depth": [26, 27, 176], "depth_column": [26, 27, 176], "deriv": [25, 27, 35, 74, 176], "derivative_threshold": [74, 176], "derivativethreshold": [74, 176], "descend": [21, 27, 118, 176], "describ": [2, 7, 44, 45, 58, 68, 81, 93, 95, 98, 105, 107, 112, 113, 115, 116, 118, 120, 124, 125, 129, 132, 134, 140, 143, 145, 161, 162, 163, 176, 197, 198, 203, 207, 211, 215, 216, 225, 229, 231, 232, 235, 242, 247, 252, 258, 262, 263, 264, 265, 292, 312], "describe_ag": [58, 176], "describe_agent_vers": [58, 176], "describe_algorithm": [58, 176], "describe_annot": [58, 132, 176], "describe_async_feature_group_oper": [58, 176], "describe_batch_predict": [58, 176], "describe_batch_prediction_vers": [58, 176], "describe_custom_loss_funct": [58, 176], "describe_custom_metr": [58, 176], "describe_custom_metric_vers": [58, 176], "describe_dataset": [58, 132, 176], "describe_dataset_vers": [58, 176], "describe_deploy": [58, 176], "describe_document_retriev": [58, 176], "describe_document_retriever_by_nam": [58, 176], "describe_document_retriever_vers": [58, 176], "describe_eda": [58, 176], "describe_eda_vers": [58, 176], "describe_external_appl": [58, 176], "describe_feature_group": [58, 93, 176, 252], "describe_feature_group_by_table_nam": [58, 176], "describe_feature_group_export": [58, 176], "describe_feature_group_row_process_by_kei": [58, 98, 176], "describe_feature_group_templ": [58, 176], "describe_feature_group_vers": [58, 176], "describe_graph_dashboard": [58, 176], "describe_graph_for_dashboard": [58, 176], "describe_holdout_analysi": [58, 176], "describe_holdout_analysis_vers": [58, 176], "describe_imag": [58, 176, 242], "describe_model": [58, 176], "describe_model_artifacts_export": [58, 176], "describe_model_monitor": [58, 176], "describe_model_monitor_vers": [58, 176], "describe_model_vers": [58, 176], "describe_modul": [58, 176], "describe_monitor_alert": [58, 176], "describe_monitor_alert_vers": [58, 176], "describe_organization_group": [58, 176], "describe_output_feature_group": [44, 176], "describe_pipelin": [58, 176], "describe_pipeline_by_nam": [58, 176], "describe_pipeline_step": [58, 176], "describe_pipeline_step_by_nam": [58, 176], "describe_pipeline_step_vers": [58, 176], "describe_pipeline_vers": [58, 176], "describe_prediction_oper": [58, 176], "describe_problem_typ": [58, 176], "describe_project": [58, 176], "describe_project_feature_group": [58, 176], "describe_python_funct": [58, 176], "describe_realtime_monitor": [58, 176], "describe_refresh_pipeline_run": [58, 176], "describe_refresh_polici": [58, 176], "describe_step_by_nam": [176, 229], "describe_train_test_data_split_feature_group": [58, 176, 197], "describe_train_test_data_split_feature_group_vers": [58, 176, 211], "describe_upload": [58, 176], "describe_us": [58, 176], "describe_use_case_requir": [58, 176], "describe_webhook": [58, 176], "descript": [2, 7, 16, 17, 26, 27, 28, 32, 44, 54, 57, 58, 91, 92, 93, 94, 95, 98, 113, 114, 120, 124, 125, 131, 132, 143, 148, 151, 154, 159, 161, 176, 179, 182, 183, 192, 193, 197, 198, 199, 200, 203, 207, 208, 211, 215, 216, 220, 221, 223, 229, 230, 235, 238, 251, 252, 254, 255, 258, 271, 286, 287, 288, 294, 295, 314], "description_col": [26, 27, 176], "design": [58, 90, 176], "desir": [27, 31, 58, 176, 242], "destin": [58, 73, 132, 176], "detach": [58, 132, 176], "detach_feature_group_from_templ": [58, 176], "detach_from_templ": [132, 176], "detail": [16, 27, 28, 32, 35, 58, 90, 132, 148, 176, 207, 271, 285, 287, 292, 304], "detect": [23, 27, 28, 58, 93, 94, 95, 128, 176, 220, 228, 242, 271], "detected_data_typ": [94, 128, 176, 271], "detected_feature_map": [176, 271], "detected_feature_typ": [94, 128, 176, 220, 271], "detecteddatatyp": [94, 128, 176, 271], "detectedfeaturemap": [176, 271], "detectedfeaturetyp": [94, 128, 176, 220, 271], "determin": [10, 16, 21, 27, 28, 30, 38, 58, 93, 105, 132, 147, 176, 211, 242, 252, 254], "determinist": [58, 176], "dev": [27, 29, 165, 176], "develop": [58, 148, 176, 271], "deviat": [176, 180], "df": [27, 34, 35, 58, 176], "diagnost": [74, 176], "diagnostic_each_threshold": [74, 176], "diagnosticeachthreshold": [74, 176], "diagnostics_threshold": [74, 176], "diagnosticsthreshold": [74, 176], "diagram": [21, 27, 176], "dialect": [58, 176], "dict": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 21, 23, 25, 27, 28, 31, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "dict_object": [16, 27, 176], "dict_valu": [176, 288], "dictat": [44, 176], "dictionari": [2, 3, 10, 15, 16, 27, 28, 29, 58, 66, 71, 74, 93, 98, 101, 105, 132, 139, 149, 176, 193, 196, 197, 202, 206, 242, 252, 258, 259, 277, 295, 306, 312, 313], "diff": [74, 176], "diff_threshold": [74, 176], "differ": [21, 27, 28, 56, 58, 87, 119, 126, 144, 162, 176, 208, 211, 251, 280], "differenti": [101, 176], "diffthreshold": [74, 176], "digit": [21, 27, 28, 58, 104, 176, 228], "dimens": [27, 28, 176], "dimension": [], "dir1": [58, 176], "dir2": [58, 176], "dir4": [58, 176], "direct": [25, 27, 137, 176], "directli": [16, 27, 176, 200], "directori": [38, 58, 176, 197], "disabl": [25, 27, 28, 58, 98, 132, 176, 224], "disable_data_fetch_for_train": [27, 28, 176], "disable_data_summar": [27, 28, 176], "disable_gpu": [27, 28, 176], "disable_host_restrict": [26, 27, 176], "disable_networks_without_analytic_quantil": [27, 28, 176], "disable_problem_type_context": [17, 27, 176], "disable_test_val_fold": [27, 28, 176], "disable_timestamp_scalar_featur": [27, 28, 176], "disable_transform": [27, 28, 176], "disclaim": [176, 196], "discov": [48, 176, 223, 261], "discrep": [131, 176], "disk": [58, 105, 176, 242], "displai": [27, 34, 57, 58, 72, 98, 100, 101, 117, 124, 132, 145, 159, 173, 174, 176, 199, 200, 208, 242, 266, 267, 270, 282, 283, 300, 301], "display_markdown": [57, 176], "display_nam": [159, 168, 173, 176, 200, 270, 282, 300], "displaymarkdown": [57, 176], "displaynam": [159, 168, 173, 176, 200, 270, 282, 300], "distanc": [27, 28, 58, 122, 130, 131, 156, 176, 242], "distinct": [26, 27, 176], "distribut": [27, 28, 48, 58, 111, 119, 122, 129, 130, 131, 156, 176, 207, 217, 242, 261], "diverg": [122, 130, 131, 156, 176, 204], "divers": [58, 105, 176, 242], "diversity_attribute_nam": [58, 176, 242], "diversity_max_results_per_valu": [58, 176, 242], "dn": [176, 307], "dns_record": [176, 307], "dnsrecord": [176, 307], "do": [16, 27, 28, 58, 132, 176, 252], "do_masked_language_model_pretrain": [27, 28, 176], "doc": [25, 27, 176], "doc_id": [3, 5, 12, 13, 35, 49, 58, 98, 104, 132, 133, 145, 176, 228, 242], "doc_id1": [58, 176], "doc_id2": [58, 176], "doc_id_column": [26, 27, 35, 132, 145, 176], "doc_id_featur": [58, 132, 176], "doc_info": [6, 58, 88, 98, 101, 176, 242], "docid": [3, 5, 12, 13, 49, 58, 104, 133, 176, 228, 242], "docinfo": [6, 88, 101, 176], "docker": [27, 28, 176], "docker_image_uri": [27, 28, 176], "docker_model": [58, 176], "docker_model_with_embed": [58, 176], "docstor": [5, 12, 35, 58, 93, 98, 104, 176, 228, 242], "docstoreutil": 35, "docstr": [0, 176], "document": [3, 5, 6, 12, 13, 14, 16, 21, 22, 23, 24, 26, 27, 28, 49, 58, 88, 93, 98, 100, 101, 104, 105, 106, 107, 108, 127, 132, 133, 145, 148, 176, 197, 211, 228, 229, 231, 242, 252, 271], "document_classif": [25, 27, 28, 176], "document_column": [26, 27, 35, 132, 145, 176], "document_cont": [16, 27, 176], "document_data": 176, "document_featur": [], "document_format": [27, 28, 176], "document_id": [58, 105, 176], "document_processing_config": [22, 26, 27, 35, 58, 93, 176], "document_processing_vers": [35, 58, 176], "document_retriev": [16, 27, 28, 176, 197], "document_retriever_config": [58, 105, 107, 176, 252], "document_retriever_id": [58, 105, 107, 176, 197], "document_retriever_lookup_result": 176, "document_retriever_map": [176, 211], "document_retriever_vers": [58, 176], "document_retriever_version_log": 176, "document_sourc": [106, 176], "document_summar": [25, 27, 28, 176], "document_text": [58, 176], "document_typ": [21, 25, 27, 176], "document_visu": [25, 27, 28, 176], "documentation_char_limit": [26, 27, 176], "documentclassificationtrainingconfig": [27, 28, 176], "documentdata": [58, 104, 176], "documentprocessingconfig": [21, 26, 27, 58, 93, 176], "documentretriev": [58, 105, 176, 197, 252], "documentretrieverconfig": [24, 27, 105, 107, 176], "documentretrieverid": [105, 107, 176, 197], "documentretrieverlookupresult": [58, 105, 106, 176, 242], "documentretrievermap": [176, 211], "documentretrieververs": [58, 105, 107, 176], "documentretrieverversionlog": [108, 176], "documentset": [93, 176], "documentsourc": [106, 176], "documentsummarizationtrainingconfig": [27, 28, 176], "documenttyp": [21, 25, 27, 176], "documentvisualizationtrainingconfig": [27, 28, 176], "docx": [25, 27, 58, 176], "doe": [27, 28, 58, 76, 93, 176, 192, 193, 242, 247, 277], "doesn": [2, 7, 16, 27, 44, 45, 58, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 235, 263, 292], "domain": [36, 78, 109, 110, 171, 176, 224, 307], "domain_purchase_result": 176, "domain_search_result": 176, "domain_typ": [176, 307], "domainpurchaseresult": [109, 176], "domainsearchresult": [110, 176], "domaintyp": [176, 307], "don": [58, 176, 242], "done": [14, 21, 27, 58, 104, 113, 132, 176, 259], "dot": [58, 176, 242], "down": [49, 176], "download": [19, 27, 45, 58, 102, 134, 136, 176], "download_agent_attach": [58, 98, 176], "download_batch_prediction_result_chunk": [45, 58, 176], "download_execute_feature_group_operation_result_part_chunk": [58, 176], "download_method": 35, "download_result_to_fil": [45, 176], "download_url": [136, 176], "downloadurl": [136, 176], "downsampl": [27, 28, 176], "downsample_item_popularity_percentil": [27, 28, 176], "downstream": [58, 176, 235], "draft": [2, 176], "draft_workflow_graph": [2, 176], "draftworkflowgraph": [2, 176], "drift": [18, 27, 30, 44, 45, 58, 111, 112, 122, 130, 131, 156, 176, 203, 204, 205, 206, 207, 217, 252, 262], "drift_distribut": 176, "drift_monitor_error": [45, 176], "drift_monitor_statu": [45, 176], "drift_typ": [27, 30, 176], "driftdistribut": [58, 111, 112, 176, 207], "driftmonitorerror": [45, 176], "driftmonitorstatu": [45, 176], "drifttypesvalu": [122, 176], "drilldown": [176, 208], "drive": [22, 27, 176], "drop": [26, 27, 176], "drop_non_intersecting_column": [26, 27, 176], "drop_original_categor": [27, 28, 176], "dropdown": [16, 27, 125, 175, 176, 284, 302], "dropout": [27, 28, 176], "dropout_r": [27, 28, 176], "dst_local": 35, "due": [58, 93, 105, 176, 190, 218, 242], "duplic": [58, 84, 85, 116, 120, 132, 176, 254, 255], "duplicate_featur": [132, 176, 254, 255], "duplicatefeatur": [132, 176, 254, 255], "durat": [27, 28, 29, 58, 123, 176, 242], "dure": [16, 18, 27, 28, 44, 58, 86, 98, 105, 176, 197, 211, 242, 252, 268], "dynam": [27, 28, 34, 176, 292], "e": [9, 10, 13, 21, 23, 27, 28, 30, 38, 40, 44, 45, 58, 59, 79, 80, 93, 101, 105, 120, 132, 143, 176, 207, 227, 242, 258, 298], "e5": [25, 27, 176], "e5_smal": [25, 27, 176], "each": [2, 16, 18, 21, 22, 27, 28, 41, 58, 74, 82, 85, 94, 98, 103, 104, 105, 120, 122, 129, 130, 132, 154, 161, 175, 176, 181, 197, 199, 204, 205, 211, 229, 231, 242, 247, 252, 262, 271, 277, 281, 284, 286, 289, 292, 295, 299, 302], "easili": [27, 28, 176], "ebm_explain": [25, 27, 176], "ebm_feature_import": [147, 176], "ebmfeatureimport": [147, 176], "eda": [58, 114, 115, 116, 117, 118, 119, 120, 176, 203, 207, 252], "eda_chart_descript": 176, "eda_collinear": 176, "eda_completed_at": [120, 176], "eda_config": [113, 176, 203, 207], "eda_data_consist": 176, "eda_feature_associ": 176, "eda_feature_collinear": 176, "eda_forecasting_analysi": 176, "eda_id": [58, 113, 120, 176], "eda_started_at": [120, 176], "eda_vers": [58, 176], "edachartdescript": [114, 154, 176], "edacollinear": [58, 115, 120, 176], "edacompletedat": [120, 176], "edaconfig": [113, 176, 203, 207], "edadataconsist": [58, 116, 120, 176], "edafeatureassoci": [58, 117, 120, 176], "edafeaturecollinear": [58, 118, 120, 176], "edaforecastinganalysi": [58, 119, 120, 176], "edaid": [113, 120, 176], "edastartedat": [120, 176], "edavers": [58, 113, 120, 176], "edg": [16, 27, 176], "edit": [13, 16, 27, 58, 62, 63, 64, 65, 74, 79, 80, 101, 121, 176, 197, 214, 247], "edit_cooldown_m": [74, 176], "edit_image_model": 176, "edit_prediction_en": [74, 176], "edit_prediction_similarity_threshold": [74, 176], "editcooldownm": [74, 176], "editimagemodel": [121, 176], "editpredictionen": [74, 176], "editpredictionsimilaritythreshold": [74, 176], "effect": [21, 27, 58, 119, 176], "effici": [58, 132, 176], "eg": [93, 150, 176, 184], "either": [16, 27, 37, 58, 73, 98, 112, 132, 145, 176, 206, 242, 252, 258, 259], "element": [16, 27, 34, 58, 176, 242], "elig": [98, 131, 176, 217], "ellipsi": 35, "els": [44, 45, 58, 176, 242, 296], "email": [25, 27, 30, 38, 56, 57, 58, 93, 126, 132, 165, 176, 213, 225, 229, 250, 252, 271, 296], "email_bodi": [27, 30, 176], "email_recipi": [27, 30, 176], "emailactionconfig": [27, 30, 176], "emb": [58, 98, 176, 242, 303], "embed": [21, 27, 28, 58, 66, 74, 104, 105, 107, 122, 176, 210, 228, 242, 252, 277], "embed_url": [176, 303], "embedded_imag": [25, 27, 176], "embedded_text": [35, 104, 176, 228], "embeddedtext": [104, 176, 228], "embedding_const": [74, 176], "embedding_feature_drift_distribut": 176, "embedding_file_s": [107, 176], "embeddingconst": [74, 176], "embeddingfeaturedriftdistribut": [122, 176, 217], "embeddingfiles": [107, 176], "embeddings_distribut": [176, 217], "embeddings_onli": [58, 176], "embeddings_upload_id": [176, 210], "embeddingsdistribut": [176, 217], "embeddingsuploadid": [176, 210], "embedurl": [176, 303], "eml": [25, 27, 176], "emot": [25, 27, 176], "empti": [16, 27, 28, 58, 132, 157, 176], "enabl": [22, 25, 27, 28, 57, 58, 74, 77, 93, 95, 98, 132, 176, 247, 252], "enable_batch_streaming_upd": [58, 176], "enable_binary_input": [27, 28, 58, 176, 197, 252], "enable_clust": [27, 28, 176], "enable_code_execut": [27, 28, 77, 176], "enable_cold_start": [27, 28, 176], "enable_email_alert": [57, 176], "enable_feature_select": [27, 28, 176], "enable_image_gener": [77, 176], "enable_inline_source_cit": [27, 28, 176], "enable_llm_rewrit": [27, 28, 176], "enable_memori": [77, 176], "enable_multiple_backtest": [27, 28, 176], "enable_pad": [27, 28, 176], "enable_playground": [77, 176], "enable_response_cach": [27, 28, 176], "enable_tool_bar": [27, 28, 176], "enable_web_search": [27, 28, 77, 176], "enablecodeexecut": [77, 176], "enabled_external_link": [176, 196], "enabledexternallink": [176, 196], "enableemailalert": [57, 176], "enableimagegener": [77, 176], "enablememori": [77, 176], "enableplayground": [77, 176], "enablewebsearch": [77, 176], "encapsul": [58, 176, 292], "encod": [24, 27, 28, 35, 58, 176, 188], "encount": 58, "encrypt": [170, 176], "end": [7, 18, 22, 27, 29, 58, 63, 93, 98, 105, 120, 158, 166, 176, 184, 207, 211, 216], "end_dat": [58, 98, 176], "end_fram": [], "end_lin": [63, 176], "end_pag": [58, 176], "end_tim": [27, 29, 58, 93, 176], "end_timestamp": [22, 23, 27, 58, 176, 242], "end_word_index": [58, 105, 176], "endfram": [], "endlin": [63, 176], "endpoint": [36, 51, 52, 58, 98, 176, 311, 312], "energi": [58, 176], "enforc": [27, 31, 58, 90, 98, 176], "engin": [27, 28, 176], "enhanc": [27, 28, 176], "enhanced_ocr": [27, 28, 176], "enough": [27, 30, 176], "ensur": [58, 105, 132, 176, 242, 252], "enter": [58, 176, 242], "enterpris": [27, 28, 176], "entir": [22, 27, 58, 93, 176], "entiti": [27, 28, 58, 176, 242, 310], "entity_label_list": [176, 271], "entri": [13, 27, 28, 43, 58, 93, 95, 98, 123, 132, 157, 176, 223, 242], "entri_auth_token": 176, "entriauthtoken": [123, 176], "entropi": [25, 27, 176], "enum": [16, 18, 20, 21, 22, 23, 24, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 44, 58, 90, 97, 145, 174, 176, 225, 283, 294, 295, 301], "enum_valu": [25, 27, 176], "enumer": [25, 27, 35, 58, 84, 176], "env_var": [176, 192], "env_var_instruct": [176, 192], "environ": [58, 176, 192, 197, 252, 258, 259], "envvar": [176, 192], "envvarinstruct": [176, 192], "ephemer": [93, 176], "eq": [27, 31, 176], "equal": [27, 28, 58, 132, 176], "equal_opportun": [25, 27, 176], "equip": [27, 28, 176], "equival": [58, 176], "error": [7, 16, 25, 27, 28, 35, 45, 58, 68, 95, 98, 101, 107, 120, 124, 132, 134, 140, 145, 151, 153, 158, 163, 176, 179, 185, 186, 193, 198, 207, 211, 216, 229, 232, 234, 235, 248, 254, 257, 258, 259, 265, 268, 286, 297, 311], "error_descript": [176, 286], "error_msg": [176, 193], "errordescript": [176, 286], "errormsg": [176, 193], "escap": [21, 27, 176], "etag": [58, 176, 292, 293], "etc": [2, 7, 10, 15, 21, 27, 28, 29, 44, 45, 58, 79, 93, 95, 98, 105, 107, 120, 124, 132, 134, 145, 163, 176, 184, 192, 197, 198, 207, 211, 216, 229, 235, 242, 263, 292], "euclidean": [58, 176, 242], "eval": [27, 28, 58, 176, 211], "evalartifacttyp": [25, 27, 58, 176, 211], "evalu": [16, 18, 27, 28, 58, 176, 197, 252], "evaluate_edge_condit": 35, "evaluate_prompt": [58, 176], "evaluation_feature_group_id": [58, 176, 252], "even": [58, 176, 252], "event": [27, 28, 58, 74, 93, 100, 167, 176, 242, 312], "event_anomali": [25, 27, 28, 176], "event_anomaly_detect": [58, 176], "event_d": [58, 93, 176], "eventanomalytrainingconfig": [27, 28, 176], "everi": [44, 45, 58, 132, 149, 176, 196, 242], "ex": [58, 176], "exact": [58, 176, 242], "exactli": [58, 176, 242], "exampl": [16, 22, 26, 27, 28, 50, 58, 93, 95, 176, 197, 211, 229, 231, 242, 247, 252, 258, 280], "example_extract": [16, 27, 176], "examples_per_target": [26, 27, 176], "exce": [27, 30, 58, 176], "exceed": [58, 93, 132, 176], "except": [26, 27, 158, 258, 259, 297], "exception_on_404": [58, 176], "exclud": [26, 27, 28, 58, 105, 176, 242, 252], "exclude_bias_analysi": [58, 176, 252], "exclude_data_integrity_analysi": [58, 176, 252], "exclude_feature_drift_analysi": [58, 176, 252], "exclude_interactive_performance_analysi": [58, 176, 252], "exclude_item": [58, 176, 242], "exclude_item_id": [58, 176, 242], "exclude_performance_analysi": [58, 176, 252], "exclude_stream": [58, 176], "exclus": [58, 176, 242, 252], "exclusive_run": [58, 176, 252], "execut": [2, 6, 7, 9, 16, 27, 28, 34, 57, 58, 77, 101, 124, 132, 158, 176, 185, 186, 194, 195, 197, 229, 242, 247, 252, 254, 258, 259, 264, 265, 314], "execute_ag": [58, 176], "execute_agent_with_binary_data": [58, 176, 242], "execute_async_feature_group_oper": [58, 176], "execute_chatllm_computer_stream": [58, 176], "execute_conversation_ag": [58, 176], "execute_conversation_agent_stream": [58, 176], "execute_data_query_using_llm": [58, 176], "execute_feature_group_oper": 176, "execute_feature_group_sql": [58, 176], "execute_python": [58, 176], "execute_python_sourc": 35, "execute_usercode_tool": [58, 98, 176, 242], "execute_workflow_nod": [58, 176], "executefeaturegroupoper": [58, 124, 176, 186], "execution_condit": [16, 27, 176], "execution_mod": [57, 176], "executionmod": [57, 176], "exist": [58, 98, 105, 115, 132, 143, 145, 154, 176, 197, 242, 247], "exp": [25, 27, 28, 176], "expand": [58, 105, 176, 242], "expect": [16, 27, 28, 58, 78, 98, 176, 197, 242, 252, 288], "expected_nameserv": [78, 176], "expected_typ": 15, "expectednameserv": [78, 176], "expens": [176, 291, 299], "expensive_model": [176, 299], "expensivemodel": [176, 299], "experi": [23, 27, 58, 98, 176, 242], "experiment": [25, 27, 28, 77, 176], "experimental_featur": [77, 176], "experimentalfeatur": [77, 176], "experimentation_mod": [27, 28, 176], "experimentationmod": [25, 27, 28, 176], "expir": [37, 58, 134, 136, 150, 176], "expiration_tim": [58, 176], "expires_at": [37, 136, 176], "expiresat": [37, 136, 176], "explain": [18, 23, 27, 58, 147, 176, 242], "explain_predict": [18, 23, 27, 58, 176, 242], "explainer_typ": [18, 23, 27, 58, 176, 242], "explainertyp": [18, 25, 27, 176], "explan": [18, 23, 27, 44, 45, 58, 98, 132, 176, 197, 218, 242, 254], "explanation_filter_label": [18, 27, 176], "explanation_filter_lower_bound": [18, 27, 176], "explanation_filter_upper_bound": [18, 27, 176], "explicit": [27, 28, 176], "explicit_time_split": [27, 28, 176], "explicitli": [58, 93, 176], "explod": [18, 27, 176], "explode_output": [18, 27, 176], "explor": [26, 27, 58, 176, 242], "exploratori": [58, 113, 120, 176, 252], "explore_fract": [58, 176, 242], "export": [27, 28, 33, 50, 58, 89, 98, 100, 102, 132, 134, 135, 136, 138, 145, 176, 197, 198, 200, 211, 249, 254, 264], "export_chat_sess": [58, 176], "export_completed_at": [134, 176, 198], "export_connector_config": [132, 176, 254], "export_custom": [176, 211], "export_custom_model_vers": [58, 176], "export_deployment_convers": [58, 176], "export_feature_group_version_to_consol": [58, 176], "export_feature_group_version_to_database_connector": [58, 176], "export_feature_group_version_to_file_connector": [58, 176], "export_file_format": [27, 33, 58, 138, 145, 176], "export_model_artifact_as_feature_group": [58, 176, 211], "export_on_materi": [132, 176, 254], "export_to_consol": [145, 176], "export_to_database_connector": [145, 176], "export_to_file_connector": [145, 176], "exportcompletedat": [134, 176, 198], "exportconnectorconfig": [132, 176, 254], "exportfileformat": [138, 176], "exportonmateri": [132, 176, 254], "expos": 35, "express": [16, 27, 28, 58, 98, 132, 176, 238, 239, 241, 254, 262], "extend": [58, 176], "extens": [27, 28, 58, 71, 176], "extern": [27, 28, 36, 38, 40, 47, 57, 58, 59, 83, 90, 91, 93, 98, 100, 125, 138, 150, 176, 193, 196, 208, 214, 224, 266, 267, 278, 305], "external_appl": 176, "external_application_id": [38, 47, 57, 58, 83, 98, 100, 125, 167, 176, 305], "external_chat_endpoint": [36, 176], "external_connect": [58, 176], "external_connection_id": [58, 138, 176, 193], "external_data_typ": [91, 176], "external_database_schema": [58, 176], "external_invit": 176, "external_servic": [93, 176], "external_service_for_rol": [176, 224], "external_service_group_id": [38, 176], "external_session_id": [58, 98, 100, 176, 242], "externalappl": [58, 98, 125, 176], "externalapplicationid": [38, 47, 57, 83, 100, 125, 167, 176, 305], "externalchatendpoint": [36, 176], "externalconnectionid": [138, 176, 193], "externaldatatyp": [91, 176], "externalinvit": [58, 126, 176], "externalserviceforrol": [176, 224], "externalservicegroupid": [38, 176], "externalsessionid": [100, 176], "extra": [58, 100, 176], "extra_arg": [58, 176], "extract": [16, 21, 22, 26, 27, 28, 58, 93, 104, 127, 132, 145, 176, 228, 242], "extract_agent_workflow_inform": [58, 176], "extract_bounding_box": [21, 22, 27, 58, 93, 176], "extract_data_using_llm": [58, 176], "extract_document_data": [25, 27, 58, 176], "extract_imag": [21, 27, 176], "extractboundingbox": [93, 176], "extractdocumentdataconfig": [26, 27, 176], "extracted_field": 176, "extracted_page_text": [104, 176], "extracted_text": [35, 104, 176, 228], "extractedfield": [58, 127, 176], "extractedpagetext": [104, 176], "extractedtext": [104, 176, 228], "f1": [58, 176, 242], "f1_score": [25, 27, 176], "factor": [24, 27, 28, 58, 176, 242], "factori": 58, "fail": [7, 45, 58, 68, 95, 98, 105, 107, 120, 124, 134, 140, 142, 145, 153, 163, 165, 176, 185, 186, 198, 204, 207, 211, 216, 232, 235, 248, 311], "failed_deployment_id": [7, 176, 207, 211], "failed_predict": [45, 176], "failed_process": [142, 176], "failed_writ": [134, 176], "faileddependencyerror": [58, 176], "faileddeploymentid": [7, 176, 207, 211], "failedpredict": [45, 176], "failedprocess": [142, 176], "failedwrit": [134, 176], "failur": [176, 286], "fall": [27, 28, 176], "fallback": [27, 28, 176], "fals": [15, 16, 21, 22, 23, 24, 26, 27, 28, 35, 45, 58, 90, 93, 95, 98, 100, 105, 125, 132, 145, 163, 176, 197, 211, 242, 252, 257], "fashion": [58, 176], "fast": [125, 176], "fast_mod": [58, 176, 252], "faster": [27, 28, 58, 176, 252], "favicon": [176, 221], "favicon_url": [176, 221], "faviconurl": [176, 221], "fd": 35, "feagur": [58, 176], "featur": [10, 11, 12, 13, 14, 21, 26, 27, 28, 29, 30, 31, 33, 44, 45, 48, 58, 68, 73, 77, 82, 85, 89, 93, 94, 98, 105, 107, 111, 113, 115, 116, 117, 118, 119, 120, 122, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 154, 156, 162, 176, 177, 178, 179, 197, 198, 202, 203, 207, 208, 211, 212, 217, 219, 220, 223, 226, 229, 230, 231, 234, 238, 239, 240, 241, 242, 244, 245, 247, 248, 251, 252, 253, 254, 255, 258, 259, 261, 263, 264, 268, 271, 277, 279, 280], "feature_analysis_statu": [176, 211], "feature_annotation_config": [11, 176], "feature_collinear": [118, 176], "feature_distribut": [176, 217], "feature_drift": [25, 27, 58, 176, 204, 217], "feature_drift_record": 176, "feature_drift_summari": 176, "feature_drift_typ": [27, 30, 176], "feature_express": [58, 132, 176, 254], "feature_group": [25, 27, 44, 45, 58, 176, 226, 245, 252, 254, 258], "feature_group_base_monitor_config": [58, 176, 252], "feature_group_comparison_monitor_config": [58, 176, 252], "feature_group_context": [176, 226], "feature_group_dataset_id": [176, 245], "feature_group_docu": 176, "feature_group_export": 176, "feature_group_export_config": [58, 98, 132, 176, 264], "feature_group_export_download_url": 176, "feature_group_export_id": [58, 134, 176], "feature_group_id": [13, 25, 26, 27, 31, 44, 58, 98, 105, 107, 113, 132, 133, 139, 140, 141, 143, 145, 162, 176, 197, 212, 230, 244, 247, 248, 252, 254, 264, 277], "feature_group_lineag": 176, "feature_group_monitor": [176, 203], "feature_group_monitor_config": [176, 203, 207], "feature_group_nam": [21, 27, 105, 176, 212], "feature_group_names_for_train": [58, 176, 252], "feature_group_operation_run_id": [58, 124, 176], "feature_group_refresh_export_config": 176, "feature_group_row": 176, "feature_group_row_identifi": [12, 13, 58, 132, 176], "feature_group_row_identifier_featur": [58, 132, 176], "feature_group_row_index": [12, 176], "feature_group_row_process": 176, "feature_group_row_process_id": [140, 141, 176], "feature_group_row_process_log": 176, "feature_group_row_process_summari": 176, "feature_group_source_typ": [132, 176, 254], "feature_group_table_nam": [44, 58, 93, 176, 247], "feature_group_templ": [132, 176, 254], "feature_group_template_id": [58, 143, 176, 268], "feature_group_template_variable_opt": 176, "feature_group_typ": [27, 31, 44, 58, 98, 132, 176, 254], "feature_group_vers": [35, 58, 98, 107, 132, 134, 176, 208, 211, 226, 234, 244, 248, 263], "feature_group_version_log": 176, "feature_import": 176, "feature_index": [131, 176], "feature_map": [27, 31, 58, 128, 176, 179, 219, 220, 252, 271], "feature_mapping_dict": [58, 176], "feature_metr": [149, 176], "feature_nam": [13, 26, 27, 29, 30, 31, 58, 120, 132, 148, 176, 207, 252], "feature_performance_analysi": 176, "feature_record": [], "feature_selection_intens": [27, 28, 176], "feature_stor": [23, 25, 27, 58, 176], "feature_tag": [132, 176, 254], "feature_typ": [58, 94, 128, 132, 176, 219, 220, 271], "feature_type_enum": [176, 295], "featureanalysisstatu": [176, 211], "featureannotationconfig": [11, 176], "featurecollinear": [118, 176], "featuredistribut": [58, 111, 129, 176, 207, 217], "featuredrift": [25, 27, 176, 204, 217], "featuredriftconditionconfig": [27, 30, 176], "featuredriftrecord": [130, 156, 176], "featuredriftsummari": [131, 176], "featuredrifttyp": [25, 27, 30, 176], "featureexpress": [132, 176, 254], "featuregroup": [26, 27, 44, 58, 93, 132, 145, 176, 197, 211, 226, 245, 252, 254, 264], "featuregroupcontext": [176, 226], "featuregroupdatasetid": [176, 245], "featuregroupdocu": [133, 176], "featuregroupexport": [58, 132, 134, 145, 176], "featuregroupexportconfig": [27, 33, 58, 98, 132, 135, 176, 264], "featuregroupexportdownloadurl": [58, 134, 136, 176], "featuregroupexportid": [134, 176], "featuregroupid": [13, 98, 105, 107, 113, 132, 133, 139, 140, 141, 143, 145, 162, 176, 212, 230, 244, 247, 248, 254, 264], "featuregrouplineag": [137, 176], "featuregroupmonitorconfig": [176, 203, 207], "featuregroupnam": [105, 176, 212], "featuregroupoperationrunid": [124, 176], "featuregrouprefreshexportconfig": [132, 138, 176, 254, 264], "featuregrouprow": [58, 132, 139, 176], "featuregrouprowidentifi": [12, 13, 176], "featuregrouprowindex": [12, 176], "featuregrouprowprocess": [58, 98, 140, 176], "featuregrouprowprocessid": [140, 141, 176], "featuregrouprowprocesslog": [58, 98, 141, 176], "featuregrouprowprocesssummari": [58, 98, 142, 176], "featuregroupsourcetyp": [132, 176, 254], "featuregrouptablenam": [44, 93, 176, 247], "featuregrouptempl": [58, 132, 143, 176, 252, 254], "featuregrouptemplateid": [143, 176, 268], "featuregrouptemplatevariableopt": [144, 176], "featuregrouptyp": [176, 254], "featuregroupvers": [58, 98, 107, 132, 134, 145, 176, 208, 211, 226, 234, 244, 248, 254, 263], "featuregroupversionlog": [58, 145, 146, 176], "featureimport": [58, 147, 176, 211], "featureindex": [131, 176], "featuremap": [58, 128, 148, 176, 179, 219, 220, 252, 271], "featuremappingconfig": [27, 31, 176], "featuremetr": [149, 176], "featurenam": [13, 148, 176], "featureperformanceanalysi": [149, 176], "featurerecord": [84, 176], "features_considered_constant_for_explan": [18, 27, 176], "featureschema": [176, 255], "featurestorepredictionargu": [23, 27, 176], "featuretag": [132, 176, 254], "featuretyp": [94, 128, 176, 219, 220, 271], "feed": [27, 28, 176], "feed_recommend": [58, 176], "feedback": [22, 27, 49, 58, 100, 101, 176], "feedback_typ": [58, 100, 101, 176], "feedbacktyp": [101, 176], "feel": [58, 176], "fetch": [22, 27, 28, 58, 68, 93, 98, 132, 176, 242, 288, 309, 310], "fetch_cont": [58, 176], "fetch_last_llm_info": [58, 98, 176], "fetch_raw_data": [58, 90, 176], "fetch_web_pag": [58, 176], "fewer": [27, 28, 58, 176], "fewshot": [26, 27, 176], "fewshot_exampl": [26, 27, 176], "ffill": [25, 27, 176], "fg": [24, 26, 27, 58, 132, 176, 242], "field": [2, 7, 15, 16, 18, 22, 27, 28, 29, 44, 45, 52, 58, 81, 93, 95, 98, 105, 107, 113, 120, 124, 125, 127, 132, 134, 143, 145, 161, 162, 163, 176, 197, 198, 203, 207, 211, 215, 216, 225, 229, 231, 232, 235, 242, 247, 252, 262, 263, 264, 288, 292, 312], "field_descriptor": [58, 176], "fielddescriptor": [16, 27, 176], "fielddescriptortyp": [16, 25, 27, 176], "fields_list": [16, 27, 176], "fifo": [58, 93, 132, 176], "figur": [58, 176], "file": [5, 16, 18, 19, 21, 22, 25, 27, 33, 35, 44, 45, 50, 58, 63, 66, 67, 71, 74, 93, 95, 98, 100, 101, 107, 132, 134, 135, 138, 145, 150, 152, 157, 166, 176, 197, 198, 210, 211, 229, 231, 242, 247, 252, 254, 292], "file_connector": [44, 45, 176], "file_connector_instruct": 176, "file_connector_output_loc": [44, 45, 176], "file_connector_verif": 176, "file_extension_to_chunking_schem": [71, 176], "file_format": [58, 93, 98, 134, 135, 176], "file_input": [16, 27, 176], "file_inspect_metadata": [95, 176], "file_output_format": [44, 45, 176], "file_part": [124, 145, 176], "file_path": [19, 27, 58, 63, 100, 176, 249], "file_path_with_schema": [21, 27, 176], "file_s": [176, 292], "file_upload": [68, 176], "fileconnector": [58, 150, 176], "fileconnectorexportconfig": [27, 33, 176], "fileconnectorinstruct": [58, 151, 176], "fileconnectoroutputloc": [44, 45, 176], "fileconnectorverif": [58, 152, 176], "fileextensiontochunkingschem": [71, 176], "fileformat": [25, 27, 134, 135, 176], "fileinspectmetadata": [95, 176], "filenam": [5, 19, 27, 58, 176], "filename_column": [58, 176], "fileoutputformat": [44, 45, 176], "filepath": [63, 176, 249], "files_input_loc": [18, 27, 176], "files_output_location_prefix": [18, 27, 176], "filesystem": [100, 176], "filesystem_statu": [100, 176], "filesystemstatu": [100, 176], "fill": [16, 26, 27, 28, 176], "fill_missing_valu": [27, 28, 176], "filllog": [25, 27, 176], "filter": [16, 21, 27, 28, 29, 58, 93, 98, 100, 105, 132, 176, 242, 252, 291], "filter_claus": [58, 105, 176, 242], "filter_column": [27, 28, 176], "filter_feature_group_us": [58, 176, 252], "filter_histori": [27, 28, 176], "filter_intermediate_conversation_ev": [58, 100, 176], "filter_item": [27, 28, 176], "filter_key_valu": [58, 98, 176, 242], "filtered_workflow_var": 35, "final": [27, 28, 58, 105, 176, 194, 242, 268], "financial_metr": [58, 176], "find": [27, 28, 58, 176], "fine": [27, 28, 153, 176], "finetun": [26, 27, 58, 153, 176, 242], "finetuned_llm": [25, 27, 58, 176], "finetuned_pretrained_model": 176, "finetuned_pretrained_model_id": [153, 176], "finetuned_pretrained_model_vers": [153, 176], "finetunedpretrainedmodel": [153, 176], "finetunedpretrainedmodelid": [153, 176], "finetunedpretrainedmodelvers": [153, 176], "finetuning_dataset_vers": [153, 176], "finetuningdatasetvers": [153, 176], "finish": [2, 7, 44, 45, 58, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 235, 263, 292], "fire": [27, 30, 176], "first": [1, 58, 93, 95, 132, 145, 176, 196, 228, 242, 252], "first_cap_r": 15, "first_pag": 35, "fix": [25, 27, 58, 176], "fix_query_on_error": [58, 176], "fixed_featur": [58, 176, 242], "flag": [27, 28, 38, 58, 95, 98, 100, 145, 176, 184, 218, 247], "flexibl": [58, 176], "float": [16, 18, 23, 24, 25, 26, 27, 28, 29, 30, 31, 42, 48, 58, 98, 105, 106, 130, 131, 132, 176, 180, 223, 226, 228, 238, 240, 242, 261, 262, 271, 288], "flow": [58, 176], "flv": [25, 27, 176], "fly": [58, 176], "focal": [25, 27, 176], "focal_cross_entropi": [25, 27, 176], "fold": [18, 27, 28, 58, 176, 197, 211, 252], "folder": [22, 27, 157, 176], "foldertitl": [22, 27, 176], "follow": [27, 28, 58, 132, 176, 242, 295], "footer": [21, 27, 176], "for_ev": [18, 27, 176], "for_retrain": [58, 176, 252], "forc": [23, 25, 27, 28, 58, 176, 242, 264], "force_delet": [58, 176, 252], "force_prediction_length": [27, 28, 176], "forced_assign": [23, 27, 58, 176, 242], "forecast": [18, 23, 25, 27, 28, 29, 58, 119, 120, 154, 155, 156, 176, 203, 207, 242, 252], "forecast_frequ": [27, 28, 58, 119, 156, 176, 203, 207, 252], "forecastfrequ": [119, 156, 176, 203, 207], "forecasting_accuraci": [25, 27, 176], "forecasting_analysis_graph_data": 176, "forecasting_history_length_accuraci": [25, 27, 176], "forecasting_horizon": [18, 27, 176], "forecasting_monitor_item_analysi": 176, "forecasting_monitor_summari": [176, 217], "forecasting_target_featur": [119, 176], "forecasting_volum": [25, 27, 176], "forecastinganalysisgraphdata": [119, 154, 155, 156, 176], "forecastingbatchpredictionarg": [18, 27, 176], "forecastingbatchs": [27, 28, 176], "forecastingdatasplittyp": [25, 27, 28, 176], "forecastingfillmethod": [25, 27, 176], "forecastingfrequ": [25, 27, 28, 176], "forecastinglocalsc": [25, 27, 28, 176], "forecastinglossfunct": [25, 27, 28, 176], "forecastingmonitorconfig": [27, 29, 58, 176, 252], "forecastingmonitoritemanalysi": [155, 176], "forecastingmonitorsummari": [156, 176, 217], "forecastingobject": [25, 27, 28, 176], "forecastingpredictionargu": [23, 27, 176], "forecastingquanitlesextensionmethod": [25, 27, 28, 176], "forecastingtargetfeatur": [119, 176], "forecastingtrainingconfig": [27, 28, 176], "fork": [], "forked_deployment_conversation_id": [], "forkeddeploymentconversationid": [], "form": [16, 21, 27, 34, 58, 101, 176, 242, 252, 277, 292], "form_respons": [101, 176], "format": [7, 10, 13, 14, 16, 18, 22, 27, 28, 33, 34, 35, 44, 45, 58, 80, 93, 94, 98, 99, 100, 132, 134, 135, 138, 139, 140, 145, 161, 176, 198, 210, 211, 214, 218, 227, 242, 258, 260, 263, 295], "formrespons": [101, 176], "forwardfil": [25, 27, 176], "found": [2, 9, 27, 28, 45, 58, 105, 132, 176, 197, 242, 247, 252], "four": [170, 176], "fraction": [24, 26, 27, 28, 58, 176, 242], "frame": [176, 211], "fraud": [58, 176, 242], "fraud_account": [58, 176], "fraud_transact": [58, 176], "fraudul": [58, 176, 242], "freq_above_training_rang": [176, 261], "freq_below_training_rang": [176, 261], "freq_outside_training_rang": [48, 176], "freqabovetrainingrang": [176, 261], "freqbelowtrainingrang": [176, 261], "freqoutsidetrainingrang": [48, 176], "frequenc": [26, 27, 28, 48, 58, 94, 119, 131, 156, 176, 203, 207, 223, 229, 252, 261, 264], "frequency_penalti": [26, 27, 176], "frequent": [27, 28, 176], "freshservic": [22, 25, 27, 176], "freshservicedatasetconfig": [22, 27, 176], "friendli": [2, 37, 40, 58, 90, 98, 113, 132, 143, 153, 161, 170, 176, 197, 203, 215, 216, 262, 264, 278, 291, 294, 295], "friendly_class_nam": [15, 16, 27, 176], "from": [16, 18, 21, 22, 23, 24, 25, 26, 27, 28, 29, 35, 45, 46, 50, 58, 59, 60, 61, 63, 64, 65, 68, 69, 70, 73, 74, 78, 82, 86, 87, 91, 92, 93, 95, 96, 98, 100, 101, 104, 105, 106, 108, 112, 115, 120, 123, 124, 127, 132, 143, 146, 158, 166, 176, 184, 190, 197, 203, 207, 214, 215, 222, 225, 228, 229, 231, 234, 235, 238, 240, 242, 252, 254, 257, 264, 268, 277, 279, 280, 292, 310], "from_cont": [19, 27, 176], "from_dict": [15, 16, 27, 31, 176], "from_fields_list": [16, 27, 176], "from_input_map": [16, 27, 176], "from_local_fil": [19, 27, 176], "from_respons": 58, "from_system_tool": [16, 27, 176], "from_templ": [16, 27, 176], "from_tool": [16, 27, 176], "from_tool_variable_map": [16, 27, 176], "from_valu": [25, 27, 176], "from_workflow_nod": [16, 27, 176], "fs_entri": 176, "fscore": [25, 27, 176], "fsentri": [157, 176], "fucntion": [58, 176], "full": [2, 7, 21, 27, 58, 93, 95, 98, 113, 120, 151, 176, 190, 197, 203, 207, 211, 252, 292], "full_data_retrain": [27, 28, 176], "fulli": [27, 28, 58, 176], "func": [15, 27, 176], "function": [2, 9, 19, 28, 32, 68, 79, 81, 82, 100, 101, 105, 132, 145, 158, 159, 161, 197, 211, 214, 229, 231, 232, 235, 242, 247, 252, 254, 258, 260, 314], "function_argu": [58, 176, 258], "function_id": [176, 231], "function_log": 176, "function_nam": [16, 27, 58, 132, 176, 229, 231, 254, 258, 260, 314], "function_source_cod": [58, 132, 176, 197, 252, 254], "function_typ": [58, 176, 258, 260], "function_variable_map": [58, 176, 232, 258, 260], "functionlog": [58, 145, 158, 176, 211], "functionnam": [132, 176, 254, 258, 260, 314], "functionsourcecod": [58, 132, 176, 197, 252, 254], "functiontyp": [176, 258, 260], "functionvariablemap": [176, 232, 258, 260], "functor": [58, 176], "further": [58, 105, 176, 242], "fusion": [27, 28, 58, 105, 176, 242], "futur": [18, 23, 25, 27, 28, 58, 132, 176, 211, 238, 240, 242], "future_data": [58, 176, 242], "fuzzi": [74, 176], "fuzzy_symbol_match_threshold": [74, 176], "fuzzysymbolmatchthreshold": [74, 176], "g": [9, 10, 13, 21, 23, 27, 28, 30, 40, 44, 45, 58, 59, 79, 80, 93, 101, 120, 132, 143, 176, 207, 227, 242, 298], "gap": [27, 28, 58, 176, 242], "gatewai": 58, "gatewaytimeouterror": 58, "gaussian": [25, 27, 28, 176], "gaussian_full_covari": [25, 27, 176], "gb": [2, 58, 132, 145, 176, 197, 211, 229, 231, 232, 247, 248, 252, 254], "gc": [27, 28, 176], "ge": [27, 31, 176], "gemini_1_5_flash": [25, 27, 176], "gemini_1_5_pro": [25, 27, 176], "gemini_2_5_flash": [25, 27, 176], "gemini_2_5_pro": [25, 27, 176], "gemini_2_flash": [25, 27, 176], "gemini_2_flash_think": [], "gemini_2_pro": [25, 27, 176], "gemini_3_flash": [25, 27, 176], "gemini_3_pro": [25, 27, 176], "gen": [176, 299], "gender": [172, 176, 287], "gener": [2, 3, 16, 17, 18, 23, 24, 25, 26, 27, 28, 34, 35, 41, 49, 58, 77, 93, 98, 100, 101, 104, 120, 125, 132, 159, 173, 174, 175, 176, 181, 182, 185, 187, 190, 241, 242, 247, 252, 259, 281, 282, 283, 284, 289, 292, 300, 301, 302, 304], "generate_agent_cod": [58, 176, 252], "generate_code_for_data_query_using_llm": [58, 176], "generate_imag": [], "generate_natural_language_explan": [58, 132, 176], "generate_point_in_time_featur": [58, 132, 176], "generated_pit_feature_config_opt": 176, "generatedpitfeatureconfigopt": [58, 159, 176], "generation_instruct": [26, 27, 176], "generic404error": [58, 176], "generic_forecast": [58, 176], "generic_oauth": [25, 27, 58, 176], "generic_oauth_servic": [58, 176], "genericpermissiondeniederror": 58, "get": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 22, 27, 28, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "get_agent_context_blob_input": [58, 176], "get_agent_context_chat_histori": [58, 176], "get_agent_context_chat_history_for_llm": [58, 176], "get_agent_context_conversation_id": [58, 176], "get_agent_context_doc_id": [58, 176], "get_agent_context_doc_info": [58, 176], "get_agent_context_external_session_id": [58, 176], "get_agent_context_user_info": [58, 176], "get_agent_runtime_config": [], "get_all_item_data": [23, 27, 58, 176, 242], "get_alternative_assign": [58, 176, 242], "get_annotations_statu": [58, 132, 176], "get_anomali": [58, 176, 242], "get_api_endpoint": [58, 176], "get_app_user_group": [58, 176], "get_app_user_group_from_nam": [58, 176], "get_app_user_group_sign_in_token": [58, 176], "get_archive_id": 35, "get_assign": [58, 176, 242], "get_assignments_online_with_new_input": [58, 176], "get_assignments_online_with_new_serialized_input": [58, 176, 242], "get_auth": [90, 176], "get_automl_statu": [176, 197], "get_batch_prediction_connector_error": [45, 58, 176], "get_batch_prediction_version_log": [58, 176], "get_chat_respons": [58, 176, 242], "get_chat_response_with_binary_data": [58, 176, 242], "get_chat_sess": [58, 176], "get_classif": [58, 176, 242], "get_clean_function_source_cod": 15, "get_clean_function_source_code_for_ag": [15, 27, 176], "get_clust": [58, 176, 242], "get_collinearity_for_featur": [58, 120, 176], "get_complet": [58, 176, 242], "get_connector_auth": [58, 176], "get_connector_error": [134, 176], "get_content_hash": 35, "get_conversation_respons": [58, 98, 176, 242], "get_conversation_response_with_binary_data": [58, 98, 176, 242], "get_custom_train_function_info": [58, 176, 252], "get_data": [58, 132, 176], "get_database_connector_auth": [58, 176], "get_database_connector_object_schema": [58, 176], "get_dataset_schema": [58, 176], "get_dataset_version_log": [58, 176], "get_dataset_version_metr": [58, 176], "get_deep_agent_respons": [58, 176, 242], "get_deployment_convers": [58, 176], "get_deployment_conversation_fil": [58, 176], "get_deployment_statistics_over_tim": [58, 176], "get_deployment_statu": [105, 107, 176], "get_docstore_docu": [58, 176], "get_docstore_document_data": [58, 176], "get_docstore_imag": [58, 176], "get_docstore_page_data": [58, 176], "get_docstore_resource_byt": 35, "get_document_processing_result_info": 35, "get_document_snippet": [58, 105, 176], "get_document_to_annot": [58, 132, 176], "get_drift_for_featur": [58, 176, 207], "get_eda_collinear": [58, 120, 176], "get_eda_data_consist": [58, 120, 176], "get_eda_forecasting_analysi": [58, 120, 176], "get_entail": [58, 176, 242], "get_entities_from_pdf": [58, 176, 242], "get_event_anomaly_scor": [58, 176, 242], "get_execute_feature_group_operation_result_part_count": [58, 176], "get_feature_associ": [58, 120, 176], "get_feature_group_export_connector_error": [58, 176], "get_feature_group_row_process_logs_by_kei": [58, 98, 176], "get_feature_group_row_process_summari": [58, 98, 176], "get_feature_group_schema": [58, 176], "get_feature_group_schemas_for": [176, 211], "get_feature_group_schemas_for_model_vers": [58, 176], "get_feature_group_version_export_download_url": [58, 134, 176], "get_feature_group_version_log": [58, 176], "get_feature_group_version_metr": [58, 176], "get_feature_importance_bi": [176, 211], "get_feature_importance_by_model_vers": [58, 176], "get_fil": [100, 176], "get_file_connector_instruct": [58, 176], "get_forecast": [58, 176, 242], "get_function_nam": [16, 27, 176], "get_initialized_data": [58, 176], "get_input_schema": [16, 27, 176], "get_item_data": [23, 27, 58, 176, 242], "get_k_nearest": [58, 176, 242], "get_label": [58, 176, 242], "get_llm_app_respons": [58, 176], "get_log": [45, 95, 145, 176], "get_matching_docu": [58, 105, 176], "get_materialization_log": [58, 145, 176], "get_matrix_agent_schema": [58, 176, 242], "get_metr": [58, 95, 145, 163, 176, 197], "get_model_metr": [58, 176], "get_model_monitor_chart_from_organ": [58, 176], "get_model_monitor_summari": [58, 176], "get_model_monitor_summary_from_organ": [58, 176], "get_model_training_types_for_deploy": [58, 176], "get_module_code_from_notebook": 58, "get_multiple_k_nearest": [58, 176, 242], "get_natural_language_explan": [58, 132, 176], "get_non_nullable_typ": 35, "get_object_from_context": 35, "get_object_schema": [90, 176], "get_objects_from_imag": [58, 176, 242], "get_optimisation_input_dataframes_with_new_input": [], "get_optimisation_inputs_from_seri": [], "get_optimization_input_dataframes_with_new_input": [58, 176], "get_optimization_inputs_from_seri": [58, 176, 242], "get_organization_secret": [58, 176], "get_outliers_for_featur": [58, 176, 207], "get_page_id": 35, "get_pandas_documents_df": 35, "get_pandas_pages_df": 35, "get_personalized_rank": [58, 176, 242], "get_point_in_time_feature_group_creation_opt": [58, 176], "get_prediction_drift": [58, 176, 207], "get_prediction_logs_record": [58, 98, 176], "get_previ": [58, 132, 176], "get_project_config": [132, 176], "get_project_feature_group_config": [58, 176], "get_public_kei": 76, "get_ranked_item": [58, 176, 242], "get_raw_data_from_realtim": [93, 176], "get_raw_data_from_realtime_dataset": [58, 176], "get_recent_feature_group_streamed_data": [58, 176], "get_recent_streamed_data": [132, 176], "get_recommend": [58, 176, 242], "get_related_item": [58, 176, 242], "get_relevant_snippet": [58, 176], "get_request_user_info": [58, 176], "get_runtime_config": [58, 176], "get_schema": [93, 132, 176], "get_scoped_cache_valu": [58, 176], "get_search_result": [58, 176, 242], "get_senti": [58, 176, 242], "get_source_cod": [15, 16, 27, 176], "get_source_code_info": 58, "get_statistics_over_tim": [98, 176], "get_statu": [2, 7, 44, 45, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 235, 263, 292], "get_step_version_log": [58, 176, 232], "get_streaming_chat_respons": [58, 176], "get_streaming_conversation_respons": [58, 176], "get_summari": [58, 176, 203, 242], "get_text_from_docu": [58, 176, 242], "get_timeseries_anomali": [58, 176, 242], "get_train_function_input": [58, 176], "get_train_function_input_from_model_vers": [58, 176], "get_train_test_feature_group_as_panda": [176, 197, 211], "get_training_config_opt": [58, 176, 252], "get_training_data_log": [58, 176, 211], "get_training_log": [58, 176, 211], "get_training_types_for_deploy": [176, 197], "get_unused_document_upload": [58, 100, 176], "get_user_connector_auth": [58, 176], "get_user_mcp_connector_auth": [58, 176], "getdefaultencod": 35, "getknearest": [58, 176, 242], "gif": [25, 27, 176], "git": [25, 27, 58, 176, 197], "github": [176, 192], "github_star": [176, 192], "githubus": [25, 27, 176], "give": [27, 28, 58, 151, 154, 176, 252, 314], "given": [2, 7, 16, 26, 27, 28, 35, 44, 45, 58, 81, 90, 93, 95, 98, 101, 105, 107, 113, 118, 120, 124, 132, 134, 140, 145, 161, 163, 176, 189, 196, 197, 198, 203, 206, 207, 211, 215, 216, 229, 231, 232, 233, 235, 236, 242, 252, 258, 259, 263, 264, 277, 292, 312], "global": [27, 28, 176], "global_context": 176, "global_prediction_arg": [44, 45, 58, 98, 176], "globalpredictionarg": [44, 45, 176], "gmailus": [25, 27, 176], "go": [36, 176], "googl": [22, 27, 58, 176], "googleanalyt": [25, 27, 176], "googleanalyticsdatasetconfig": [22, 27, 176], "googlecalendar": [25, 27, 176], "googledoc": [25, 27, 176], "googledr": [25, 27, 176], "googledrivedatasetconfig": [22, 27, 176], "googledriveus": [25, 27, 176], "googlesheet": [25, 27, 176], "googleworkspaceus": [25, 27, 176], "got": [58, 176, 292], "gpt": [176, 266, 267], "gpu": [9, 27, 28, 58, 75, 132, 176, 195, 197, 211, 247, 248, 252, 254], "grant": [2, 58, 176, 197, 252], "graph": [2, 7, 16, 27, 58, 137, 154, 161, 176, 197, 252, 258, 285, 313], "graph_dashboard": 176, "graph_dashboard_id": [58, 161, 176, 258], "graph_info": 35, "graph_reference_id": [58, 176, 260], "graphdashboard": [58, 161, 176, 252, 258], "graphdashboardid": [161, 176], "graphreferenceid": [176, 260], "greater": [27, 28, 30, 58, 132, 176], "group": [11, 12, 13, 14, 21, 26, 27, 28, 31, 33, 38, 39, 44, 45, 58, 68, 73, 82, 85, 89, 93, 98, 105, 107, 113, 115, 119, 120, 125, 126, 128, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 162, 176, 177, 197, 198, 203, 207, 208, 211, 212, 213, 219, 225, 226, 229, 230, 231, 234, 238, 239, 240, 241, 242, 244, 245, 247, 248, 251, 252, 253, 254, 255, 258, 259, 263, 264, 268, 277, 279, 280, 296, 298], "group_benefit": [25, 27, 176], "group_benefit_equ": [25, 27, 176], "group_feature_dict": [115, 176], "group_nam": [58, 132, 176, 225, 238, 239, 240], "groupfeaturedict": [115, 176], "groupnam": [176, 225, 238, 239, 240], "gruop": [58, 132, 176], "guassian_exponenti": [25, 27, 176], "guid": [27, 28, 58, 176], "gz": [25, 27, 176], "h": [27, 30, 176], "ha": [3, 12, 23, 27, 28, 30, 37, 38, 44, 49, 52, 58, 89, 93, 98, 100, 105, 112, 119, 125, 129, 132, 150, 151, 152, 165, 171, 176, 183, 197, 211, 213, 225, 242, 252, 254, 258, 259, 263, 264, 296], "handl": [27, 28, 58, 98, 176, 197, 290], "handle_zeros_as_missing_valu": [27, 28, 176], "handler": 35, "hard": [27, 31, 176], "has_databas": [165, 176, 183], "has_database_snapshot": [176, 183], "has_external_application_report": [38, 176], "has_fast_mod": [125, 176], "has_histori": [100, 176], "has_root_nameservers_configur": [171, 176], "has_storag": [165, 176, 183], "has_thinking_opt": [125, 176], "hasdatabas": [165, 176, 183], "hasdatabasesnapshot": [176, 183], "hasexternalapplicationreport": [38, 176], "hasfastmod": [125, 176], "hash": [43, 58, 176, 292, 293], "hashistori": [100, 176], "hasrootnameserversconfigur": [171, 176], "hasstorag": [165, 176, 183], "hasthinkingopt": [125, 176], "have": [16, 23, 27, 28, 38, 58, 98, 100, 105, 111, 132, 176, 196, 211, 235, 242, 252, 254, 292], "head": [27, 34, 176], "header": [21, 27, 34, 58, 132, 176, 311], "height": [27, 34, 35, 58, 176, 221, 228, 290], "hello": [176, 196], "help": [8, 27, 28, 58, 148, 176, 182, 196, 271], "helper": [15, 26, 27, 176, 259], "helptext": [173, 176, 282, 300], "henc": [18, 27, 176], "here": [176, 295], "heurist": [24, 27, 28, 176], "hh": [18, 27, 176], "hi": [176, 196], "hidden": [176, 214], "hide": [27, 28, 43, 176], "hide_module_cod": [176, 214], "hide_sql_and_cod": [27, 28, 176], "hidemodulecod": [176, 214], "high": [27, 28, 101, 176], "high_peak": [25, 27, 176], "higher": [27, 28, 58, 176], "highlight": [21, 22, 27, 101, 176], "highlight_relevant_text": [21, 27, 176], "hint": [176, 257], "histogram": [58, 122, 156, 176, 204, 242], "histor": [58, 132, 176, 238, 240], "histori": [22, 27, 28, 30, 50, 58, 100, 119, 132, 156, 176, 238, 240], "historical_frequ": [27, 28, 176], "historical_timestamp_kei": [58, 132, 176, 238], "historicaltimefeatur": [58, 132, 176], "historicaltimestampkei": [176, 238], "history_aggregation_kei": [58, 132, 176, 240], "history_drift": [156, 176], "history_length": [27, 28, 58, 119, 120, 176], "history_length_drift": [25, 27, 176], "history_table_nam": [58, 132, 176, 238, 240], "history_window_kei": [58, 132, 176, 240], "historyaggregationkei": [176, 240], "historydrift": [156, 176], "historylength": [119, 176], "historylengthdrift": [25, 27, 176], "historylengthdriftconditionconfig": [27, 30, 176], "historytablenam": [176, 238, 240], "historywindowkei": [176, 240], "hold": [13, 176, 252], "holdout": [58, 162, 163, 176, 252], "holdout_analysi": 176, "holdout_analysis_id": [58, 162, 163, 176], "holdout_analysis_vers": [58, 176], "holdoutanalysi": [58, 162, 176, 252], "holdoutanalysisid": [162, 163, 176], "holdoutanalysisvers": [58, 162, 163, 176], "holidai": [27, 28, 58, 176, 242], "holiday_yn": [58, 176, 242], "holidaycalendar": [25, 27, 28, 176], "honor": [58, 176, 197, 242], "honor_sentence_boundari": [58, 176], "honour_website_rul": [26, 27, 176], "host": [26, 27, 36, 58, 78, 164, 165, 166, 167, 168, 169, 170, 176, 250], "hosted_app": 176, "hosted_app_contain": 176, "hosted_app_container_id": [165, 176], "hosted_app_file_read": 176, "hosted_app_id": [164, 165, 176], "hosted_app_vers": [165, 176, 250], "hosted_artifact": [100, 176], "hosted_databas": 176, "hosted_database_id": [168, 176], "hosted_database_snapshot": 176, "hosted_database_snapshot_id": [169, 176], "hosted_model_token": 176, "hosted_model_token_id": [170, 176], "hostedapp": [164, 176], "hostedappcontain": [165, 176], "hostedappcontainerid": [165, 176], "hostedappfileread": [166, 176], "hostedappid": [164, 165, 176], "hostedappvers": [165, 176, 250], "hostedartifact": [100, 167, 176], "hosteddatabas": [168, 176], "hosteddatabaseid": [168, 176], "hosteddatabasesnapshot": [169, 176], "hosteddatabasesnapshotid": [169, 176], "hostedmodeltoken": [170, 176], "hostedmodeltokenid": [170, 176], "hosting_domain": [36, 176], "hostingdomain": [36, 176], "hostnam": [165, 167, 171, 176, 250, 307], "hostname_info": 176, "hostnameinfo": [171, 176], "hotkei": [17, 27, 49, 176], "hotkey_titl": [49, 176], "hotkeyprompt": [17, 27, 176], "hotkeytitl": [49, 176], "hour": [27, 28, 30, 58, 72, 93, 119, 125, 176], "hourli": [25, 27, 58, 119, 156, 176, 252], "how": [10, 18, 27, 28, 58, 82, 93, 111, 112, 119, 129, 143, 176, 252], "html": [25, 26, 27, 50, 58, 100, 102, 176, 218], "html_explan": [176, 218], "htmlexplan": [176, 218], "http": [58, 98, 103, 148, 176, 271, 311, 312], "http_statu": [58, 176], "http_status_seri": [103, 176], "httpstatusseri": [103, 176], "huber": [25, 27, 176], "human": [58, 100, 132, 176], "humanize_instruct": [100, 176], "humanizeinstruct": [100, 176], "hume": [172, 176], "hume_voic": 176, "humevoic": [172, 176], "hydrat": [176, 314], "hyperparamet": [27, 28, 176], "hyperparameter_calculation_with_heurist": [27, 28, 176], "hypothes": [27, 28, 176], "i": [2, 7, 9, 10, 12, 13, 16, 18, 19, 21, 22, 23, 26, 27, 28, 29, 30, 31, 32, 34, 35, 38, 44, 45, 50, 57, 58, 62, 68, 69, 71, 76, 77, 80, 90, 93, 95, 98, 99, 100, 101, 104, 105, 107, 113, 117, 120, 123, 124, 125, 132, 134, 135, 136, 138, 140, 143, 145, 153, 157, 158, 163, 165, 166, 167, 170, 171, 173, 176, 183, 184, 192, 193, 196, 197, 198, 199, 203, 207, 211, 213, 214, 215, 216, 218, 224, 229, 230, 231, 234, 235, 238, 240, 242, 243, 244, 247, 248, 251, 252, 254, 257, 258, 259, 262, 263, 264, 265, 276, 282, 288, 291, 292, 295, 300, 307, 312], "icon": [62, 100, 101, 176, 266, 267], "id": [2, 3, 5, 6, 7, 12, 13, 16, 18, 22, 23, 26, 27, 28, 33, 34, 37, 38, 40, 43, 44, 45, 47, 49, 50, 51, 52, 53, 54, 55, 57, 58, 59, 82, 83, 90, 93, 95, 98, 100, 101, 105, 106, 107, 113, 120, 123, 124, 125, 132, 133, 134, 135, 138, 139, 140, 141, 145, 153, 156, 161, 162, 163, 164, 165, 167, 168, 169, 176, 182, 183, 193, 197, 202, 203, 207, 208, 211, 212, 215, 216, 229, 230, 231, 232, 233, 234, 235, 242, 245, 247, 248, 250, 252, 254, 256, 260, 262, 263, 264, 269, 270, 277, 278, 287, 291, 292, 296, 305, 306, 307, 312], "id_col": [26, 27, 176], "id_column": [27, 29, 33, 58, 98, 134, 135, 138, 145, 176], "idcolumn": [134, 135, 138, 176], "identifi": [2, 6, 7, 9, 16, 21, 26, 27, 28, 29, 31, 38, 40, 44, 45, 58, 59, 79, 80, 81, 90, 93, 95, 98, 100, 102, 104, 105, 107, 113, 120, 125, 132, 134, 135, 138, 143, 145, 153, 161, 162, 163, 170, 176, 182, 197, 198, 203, 207, 210, 211, 213, 214, 215, 216, 222, 225, 228, 229, 235, 242, 243, 244, 246, 247, 248, 252, 254, 256, 258, 260, 262, 263, 264, 265, 268, 277, 278, 292, 293, 296, 298, 312, 314], "idl": [71, 176], "idle_timeout_second": [71, 176], "idletimeoutsecond": [71, 176], "ie": [176, 266, 267], "ignor": [16, 23, 25, 27, 28, 58, 93, 98, 176, 242], "ignore_befor": [93, 176], "ignore_datetime_featur": [27, 28, 176], "ignore_docu": [23, 27, 58, 176], "ignore_histori": [17, 27, 176], "ignore_records_before_timestamp": [58, 93, 176], "ignorebefor": [93, 176], "imag": [21, 27, 28, 34, 58, 62, 77, 106, 121, 125, 165, 173, 174, 175, 176, 221, 242, 283], "image_classif": [25, 27, 176], "image_gen": [27, 28, 176], "image_gen_model": 176, "image_gen_model_opt": 176, "image_gen_set": 176, "image_id": [106, 176], "image_upload_support": [62, 176], "image_url": [25, 27, 176], "image_value_predict": [25, 27, 176], "imagegenmodel": [173, 175, 176], "imagegenmodelopt": [173, 174, 176], "imagegenset": [175, 176], "imageid": [106, 176], "imageuploadsupport": [62, 176], "imageurlresponsesect": [27, 34, 176], "imbal": [27, 28, 176], "immedi": [58, 132, 176], "implement": [58, 176], "import": [18, 21, 27, 48, 58, 93, 95, 100, 105, 131, 132, 147, 176, 197, 211, 217, 229, 231, 242, 252, 259, 261], "import_annotation_label": [58, 132, 176], "import_as_cel": [68, 176], "import_modul": [58, 176], "importance_of_records_in_nested_column": [18, 27, 176], "improv": [27, 28, 176], "imput": [27, 28, 176], "in_edg": [58, 176], "in_progress": [14, 58, 132, 176], "inact": [176, 193], "includ": [16, 18, 22, 23, 26, 27, 28, 44, 45, 58, 74, 75, 93, 95, 98, 100, 105, 120, 132, 143, 145, 161, 176, 192, 197, 199, 205, 210, 211, 242, 252, 258, 268], "include_all_assign": [23, 27, 58, 176, 242], "include_all_feedback": [22, 27, 176], "include_all_partit": [27, 28, 176], "include_all_vers": [58, 100, 176], "include_bm25_retriev": [27, 28, 176], "include_chart": [58, 95, 145, 176], "include_collinear": [58, 176, 252], "include_com": [22, 27, 176], "include_data_consist": [58, 176, 252], "include_definit": [58, 176], "include_document_cont": [58, 100, 176], "include_downstream_step": [58, 176, 235], "include_entire_conversation_histori": [22, 27, 176], "include_general_knowledg": [27, 28, 176], "include_item_id_featur": [27, 28, 176], "include_modul": 58, "include_multi_class_explan": [18, 27, 176], "include_reverse_charg": [1, 176], "include_scor": [58, 176, 242], "include_search_result": [58, 176], "include_specific_partit": [27, 28, 176], "include_statist": [58, 95, 145, 176], "include_tb": [58, 176], "include_text_search": [58, 105, 176, 242], "include_version_timestamp_column": [26, 27, 176], "include_watch": [22, 27, 176], "included_modul": [58, 176, 197, 252], "includereversecharg": [1, 176], "including_bounding_box": [58, 176], "inclus": [58, 93, 176, 242], "incom": [58, 176, 242], "incompat": [58, 176], "increas": [26, 27, 28, 30, 176], "increment": [21, 26, 27, 58, 93, 95, 132, 176, 254], "incremental_database_connector_config": [58, 176], "incremental_queried_at": [95, 176], "incrementaldatabaseconnectorconfig": [21, 27, 58, 176], "incrementalqueriedat": [95, 176], "index": [12, 16, 18, 24, 26, 27, 28, 50, 58, 100, 101, 105, 107, 115, 122, 130, 131, 132, 145, 176, 177, 184, 242, 254, 292, 315], "index_column": [26, 27, 176], "index_fract": [27, 28, 176], "index_metadata_column": [24, 27, 176], "index_output_path": [27, 28, 176], "indexing_config": [132, 145, 176, 254], "indexing_config_warning_msg": [145, 176], "indexing_requir": [105, 176], "indexingconfig": [132, 145, 176, 177, 254], "indexingconfigwarningmsg": [145, 176], "indexingrequir": [105, 176], "indexmetadatacolumn": [], "indic": [16, 25, 27, 28, 58, 81, 90, 93, 95, 98, 100, 113, 132, 145, 176, 197, 203, 218, 228, 247], "individu": [58, 98, 176], "infer": [16, 27, 58, 98, 176, 179, 252], "infer_feature_map": [58, 176, 252], "inferred_database_column_to_feature_map": 176, "inferred_feature_map": 176, "inferreddatabasecolumntofeaturemap": [176, 178], "inferredfeaturemap": [58, 176, 179, 252], "influenc": [58, 176, 252], "info": [9, 13, 26, 27, 50, 57, 58, 72, 98, 100, 132, 145, 163, 171, 176, 183, 202, 206, 211, 239, 260], "inform": [1, 2, 5, 6, 7, 21, 27, 28, 40, 44, 45, 47, 58, 79, 81, 82, 88, 90, 95, 98, 100, 101, 128, 132, 135, 144, 145, 161, 165, 176, 186, 192, 195, 197, 201, 204, 205, 206, 211, 213, 214, 215, 220, 225, 229, 231, 232, 235, 242, 247, 248, 252, 254, 258, 270, 271, 278, 291, 297, 314], "inherit": [15, 26, 27, 176], "init_ack_req": [176, 196], "initackreq": [176, 196], "initi": [9, 16, 27, 28, 58, 176, 196, 197, 242, 247, 248, 252, 292], "initial_learning_r": [27, 28, 176], "initialize_funct": [58, 176, 252], "initialize_function_cod": [58, 176, 197, 252], "initialize_function_nam": [9, 58, 176, 197, 247, 252], "initializefunctionnam": [9, 58, 176, 197, 247], "inlcud": [27, 28, 176], "inlin": [27, 28, 176], "inprogress": [14, 176], "input": [2, 16, 18, 23, 26, 27, 28, 44, 45, 58, 59, 98, 101, 132, 176, 188, 189, 190, 197, 210, 211, 241, 242, 243, 244, 245, 247, 252, 258, 259, 288, 314], "input_column": [26, 27, 176], "input_column_typ": [26, 27, 176], "input_dict": [15, 16, 27, 31, 176], "input_feature_group": [44, 45, 58, 98, 176], "input_map": [16, 27, 176], "input_nod": [16, 27, 176], "input_param": [101, 176], "input_preprocessor_upload_id": [176, 210], "input_schema": [16, 27, 176], "input_t": [58, 176], "input_token": [176, 190], "inputfeaturegroup": [44, 45, 176], "inputnod": [16, 27, 176], "inputparam": [101, 176], "inputpreprocessoruploadid": [176, 210], "inputtoken": [176, 190], "insensit": [58, 176, 242], "insert": [58, 98, 132, 134, 135, 145, 176], "insid": [58, 98, 176, 237, 242, 252], "inspect": [58, 93, 95, 176, 292], "instal": [176, 196], "instanc": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 16, 26, 27, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "instancenotmodifiederror": 58, "instant": [58, 176], "instead": [18, 22, 26, 27, 28, 58, 98, 132, 143, 176, 196, 197, 242], "instruct": [24, 26, 27, 28, 54, 57, 58, 77, 100, 176, 192, 197, 252], "int": [2, 5, 7, 12, 14, 16, 18, 19, 22, 23, 24, 26, 27, 28, 29, 30, 34, 35, 44, 45, 49, 50, 51, 57, 58, 61, 63, 71, 72, 73, 74, 75, 84, 85, 88, 93, 95, 98, 100, 101, 104, 105, 107, 109, 110, 113, 120, 123, 124, 125, 132, 134, 140, 142, 145, 157, 163, 166, 176, 180, 184, 190, 197, 198, 203, 204, 207, 211, 216, 221, 228, 229, 231, 232, 235, 238, 240, 242, 246, 247, 248, 252, 254, 262, 263, 279, 286, 288, 290, 292, 311], "integ": [18, 25, 27, 28, 58, 167, 176, 271], "integr": [27, 28, 30, 45, 58, 131, 176, 203, 205, 206, 252], "intend": [176, 314], "interact": [27, 28, 58, 176, 190, 242, 252], "interfac": [2, 16, 27, 28, 58, 176, 197, 242, 252], "interim": [58, 176], "intermedi": [58, 100, 176], "intern": [44, 45, 58, 68, 98, 126, 176, 208, 242, 252], "internalservererror": 58, "interpol": [25, 27, 176], "interpret": [10, 176], "intersect": [58, 73, 132, 176], "interv": [18, 27, 58, 74, 124, 176], "interven": [119, 176], "intro": [100, 176], "intro_messag": [100, 176], "intromessag": [100, 176], "invalid": [58, 76, 95, 151, 176, 258, 259, 268], "invalid_pandas_column_name_charact": 35, "invalid_record": [95, 176], "invalidenumparametererror": 58, "invalidparametererror": [58, 176], "invalidrecord": [95, 176], "invalidrequest": 58, "invers": [27, 28, 176], "invit": [38, 56, 58, 126, 176, 296], "invite_us": [176, 225], "invite_users_to_app_user_group": [58, 176], "invited_user_email": [38, 176], "inviteduseremail": [38, 176], "invoc": [158, 176], "invoic": [1, 176], "involv": [58, 176, 242], "io": [35, 58, 132, 176, 242, 292], "iobas": [176, 292], "ip": [58, 176, 242], "ipynb": [58, 176], "irrespect": [58, 176], "is_act": [176, 192], "is_ag": [125, 176], "is_annotation_pres": [12, 176], "is_anomali": [58, 176, 242], "is_automatic_flow_avail": [], "is_box_whisk": [117, 176], "is_cname_support": [], "is_codellm_chatmode_support": [125, 176], "is_customiz": [125, 176], "is_database_connector": [], "is_default_en": [9, 58, 176], "is_deploi": [176, 307], "is_deploy": [165, 176], "is_deprec": [25, 27, 125, 176], "is_dev": [165, 176], "is_documentset": [21, 22, 27, 58, 93, 176], "is_expir": [37, 176], "is_external_service_group": [38, 176], "is_html": [58, 176], "is_including_detached_from_templ": [58, 176], "is_larg": [176, 270], "is_last_messag": [101, 176], "is_latest": [176, 183], "is_materialization_need": [14, 176], "is_medium": [176, 270], "is_multilingu": [27, 28, 176], "is_not_us": [58, 100, 176], "is_ocr_forc": [25, 27, 176], "is_outd": [176, 218], "is_premium": [62, 176], "is_preview_avail": [165, 176], "is_prod": [58, 176, 229], "is_python_model": [176, 197], "is_rate_limit": [62, 176], "is_requir": [16, 27, 32, 58, 176], "is_review_mod": [27, 31, 176], "is_root_domain": [171, 176, 307], "is_scatt": [117, 176], "is_special_node_typ": [16, 27, 176], "is_sync": 58, "is_system_cr": [98, 125, 176], "is_system_templ": [143, 176], "is_template_nod": [16, 27, 176], "is_thread_saf": [58, 176, 197, 252], "is_transi": [35, 58, 176], "is_trigger_nod": [16, 27, 176], "is_us": [16, 27, 49, 58, 100, 101, 176, 242], "is_user_api_key_allow": [62, 176], "is_user_level": [176, 291], "is_valid": [69, 176], "is_vis": [125, 176], "isact": [176, 192], "isag": [125, 176], "isannotationpres": [12, 176], "isautomaticflowavail": [], "isboxwhisk": [117, 176], "iscnamesupport": [], "iscodellmchatmodesupport": [125, 176], "iscustomiz": [125, 176], "isdefaulten": [9, 176], "isdeploi": [176, 307], "isdeploy": [165, 176], "isdeprec": [125, 176], "isdev": [165, 176], "isdocumentset": [93, 176], "isexpir": [37, 176], "isexternalservicegroup": [38, 176], "isfolderempti": [157, 176], "islarg": [176, 270], "islastmessag": [101, 176], "islatest": [176, 183], "ismaterializationneed": [14, 176], "ismedium": [176, 270], "isn": [105, 107, 176], "iso": [7, 13, 14, 44, 58, 80, 81, 90, 93, 98, 99, 134, 136, 139, 140, 161, 176, 198, 210, 211, 214, 227, 258, 260, 263], "isoutd": [176, 218], "ispremium": [62, 176], "ispreviewavail": [165, 176], "isprod": [176, 229], "ispythonmodel": [176, 197], "isratelimit": [62, 176], "isrootdomain": [171, 176, 307], "isscatt": [117, 176], "issu": [22, 27, 45, 176], "issystemcr": [98, 125, 176], "issystemtempl": [143, 176], "isus": [49, 101, 176], "isuserapikeyallow": [62, 176], "isuserlevel": [176, 291], "isvalid": [69, 176], "isvis": [125, 176], "item": [15, 18, 23, 25, 27, 28, 29, 32, 34, 58, 119, 154, 155, 156, 176, 210, 242, 252, 277], "item_attributes_to_include_in_the_result": [18, 27, 176], "item_attributes_weight_column": [27, 28, 176], "item_cod": [58, 176, 242], "item_id": [58, 176, 242, 277], "item_query_column": [27, 28, 176], "item_statist": [154, 176], "item_typ": [27, 32, 176], "itemattributesstddevthreshold": [27, 29, 176], "itemid": [58, 176, 277], "itemstatist": [154, 176, 180], "its": [26, 27, 28, 50, 58, 66, 93, 95, 98, 105, 113, 119, 132, 149, 176, 197, 198, 203, 211, 213, 226, 242, 252, 277], "itself": [132, 145, 176], "j": [25, 27, 122, 130, 131, 176], "jira": [22, 25, 27, 176], "jiradatasetconfig": [22, 27, 176], "job": [44, 45, 58, 74, 98, 134, 176, 195, 198, 252], "job_reorder_interv": [74, 176], "jobreorderinterv": [74, 176], "john": [58, 176, 242], "johnson": [25, 27, 176], "join": [58, 132, 176, 225, 238, 240, 292, 296], "jpeg": [25, 27, 176], "jpg": [25, 27, 176], "jql": [22, 27, 176], "js_distanc": [122, 130, 131, 156, 176], "jsdistanc": [122, 130, 131, 176], "json": [10, 13, 16, 18, 25, 27, 28, 34, 44, 45, 58, 98, 127, 132, 145, 176, 192, 210, 242, 252, 271, 277, 312], "json_respons": [27, 28, 176], "json_response_instruct": [27, 28, 176], "json_response_schema": [27, 28, 58, 176], "json_schema": [16, 27, 34, 176], "jsonschema": [16, 27, 34, 176], "just": [27, 28, 58, 132, 176, 211], "k": [25, 27, 28, 58, 176, 242], "k_fold_cross_valid": [27, 28, 176], "kafka": [20, 25, 27, 176], "kafkadatasetconfig": [20, 27, 176], "keep": [58, 176, 197, 257, 263], "kei": [2, 12, 13, 15, 16, 22, 26, 27, 28, 29, 34, 37, 40, 44, 58, 62, 76, 84, 90, 98, 116, 117, 119, 132, 134, 135, 139, 140, 141, 145, 149, 160, 170, 174, 176, 177, 197, 227, 238, 240, 242, 252, 275, 277, 278, 283, 291, 295, 301, 306], "kept": [27, 28, 58, 176, 242, 292], "kernel": [18, 27, 28, 176], "kernel_explain": [25, 27, 58, 176, 242], "key_column": [26, 27, 176], "key_nam": [176, 275], "keynam": [176, 275], "keyword": [3, 27, 28, 58, 98, 101, 176, 242], "keyword_argu": [3, 35, 49, 58, 101, 176, 242], "keyword_requirement_instruct": [27, 28, 176], "keywordargu": [3, 49, 101, 176], "kind": [21, 27, 28, 176], "kl": [25, 27, 122, 130, 131, 156, 176, 204], "knn": [58, 176, 277], "know": [27, 28, 58, 176, 242], "knowledg": [27, 28, 176], "knowledgearticledescript": [58, 176], "known": [27, 28, 58, 176, 242], "kolmogorov": [122, 130, 131, 176], "ks_statist": [122, 130, 131, 156, 176], "ksstatist": [122, 130, 131, 176], "kwarg": [16, 18, 23, 27, 28, 49, 58, 176, 242, 258, 259], "l": [25, 27, 59, 176], "l2": [27, 28, 176], "l2_regularization_factor": [27, 28, 176], "l_shaped_auto": [25, 27, 176], "l_shaped_timestamp": [25, 27, 176], "label": [10, 11, 13, 18, 27, 28, 34, 58, 79, 103, 112, 132, 176, 196, 197, 204, 205, 207, 209, 242, 252], "label_definit": [58, 132, 176], "label_drift": [112, 176, 204], "label_list": [176, 271], "label_nam": [58, 132, 176], "labeldrift": [112, 176, 204], "lag": [58, 119, 132, 176, 238, 240], "languag": [27, 28, 34, 58, 132, 176, 184, 188, 197, 218, 229, 231, 242, 252, 254, 287], "language_detect": [25, 27, 58, 176], "larg": [25, 27, 28, 58, 176, 292], "larger_embed": [27, 28, 176], "last": [9, 26, 27, 28, 37, 58, 72, 74, 83, 93, 95, 98, 100, 101, 139, 140, 153, 157, 165, 166, 168, 169, 170, 176, 184, 197, 231, 232, 265, 288, 292], "last24hoursusag": [72, 176], "last7daysusag": [72, 176], "last_24_hours_usag": [72, 176], "last_7_days_usag": [72, 176], "last_event_created_at": [100, 176], "last_log_request_id": [58, 98, 176], "last_log_timestamp": [58, 98, 176], "last_model_valu": [176, 288], "last_n": [25, 27, 176], "last_pag": 35, "last_point": [25, 27, 176], "last_throttle_pop_up": [72, 176], "lastest": [132, 176], "lasteventcreatedat": [100, 176], "lastmodelvalu": [176, 288], "lastnmergeconfig": [26, 27, 176], "lastpoint": [25, 27, 176], "lastthrottlepopup": [72, 176], "latenc": [58, 98, 103, 176], "latency_seri": [103, 176], "latencyseri": [103, 176], "latest": [2, 14, 27, 28, 44, 58, 80, 93, 98, 105, 113, 115, 118, 119, 132, 155, 156, 176, 197, 203, 215, 229, 247, 254], "latest_agent_vers": [2, 176], "latest_batch_prediction_vers": [44, 176], "latest_context": [100, 176], "latest_custom_metric_vers": [80, 176], "latest_dataset_vers": [93, 176], "latest_document_retriever_vers": [105, 176], "latest_eda_vers": [113, 176], "latest_feature_group_vers": [132, 176, 254], "latest_materialized_annotation_config": [14, 176], "latest_model_vers": [176, 197], "latest_monitor_alert_vers": [176, 215], "latest_monitor_model_vers": [176, 203], "latest_pipeline_vers": [176, 229], "latest_prediction_operator_vers": [176, 247], "latest_updated_at": [14, 176], "latest_version_outd": [132, 176, 254], "latestagentvers": [2, 176], "latestbatchpredictionvers": [44, 176], "latestcontext": [100, 176], "latestcustommetricvers": [80, 176], "latestdatasetvers": [93, 176], "latestdocumentretrieververs": [105, 176], "latestedavers": [113, 176], "latestfeaturegroupvers": [132, 176, 254], "latestmaterializedannotationconfig": [14, 176], "latestmodelvers": [176, 197], "latestmonitoralertvers": [176, 215], "latestmonitormodelvers": [176, 203], "latestpipelinevers": [176, 229], "latestpredictionoperatorvers": [176, 247], "latestupdatedat": [14, 176], "latestversionoutd": [132, 176, 254], "layer": [27, 28, 176], "layout": [25, 27, 176], "le": [27, 31, 176], "lead": [58, 176, 197, 242], "lead_id": [58, 176, 242], "learn": [25, 27, 28, 58, 132, 176], "least": [58, 105, 132, 176, 242, 292], "leav": [27, 28, 58, 93, 147, 176], "left": [58, 105, 176, 242], "legaci": [101, 176], "legacy_input_loc": [44, 45, 176], "legacyinputloc": [44, 45, 176], "length": [18, 25, 27, 28, 30, 58, 74, 93, 113, 119, 132, 156, 176, 197, 203, 240], "lenient": [27, 28, 176], "less": [27, 28, 45, 58, 98, 104, 132, 176, 242, 252], "let": [58, 176, 242], "letter": [58, 176, 214, 258, 260], "level": [55, 58, 165, 176, 197, 242, 252, 258, 291, 298], "leverag": [58, 105, 176, 242], "lexic": [58, 105, 176, 242], "librari": [58, 176, 197, 229, 231, 252], "lifecycl": [57, 165, 167, 168, 169, 176, 211, 250, 307, 311], "lightweight": [176, 291], "like": [16, 27, 28, 58, 176, 182, 229], "lime": [147, 176], "lime_explain": [25, 27, 176], "lime_feature_import": [147, 176], "limefeatureimport": [147, 176], "limit": [2, 18, 23, 26, 27, 28, 44, 45, 58, 62, 74, 93, 98, 100, 105, 113, 132, 176, 197, 203, 229, 242, 252, 254], "limit_result": [23, 27, 58, 176, 242], "line": [1, 35, 61, 63, 74, 176], "line_numb": [61, 176], "lineag": [137, 176], "linear": [25, 27, 176], "linenumb": [61, 176], "lines_for_snapshot": [74, 176], "linesforsnapshot": [74, 176], "link": [26, 27, 58, 104, 134, 176, 196, 249], "lip": [176, 181], "lip_sync_gen_set": 176, "lipsyncgenset": [176, 181], "list": [2, 3, 4, 6, 7, 11, 16, 18, 21, 22, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 38, 40, 44, 45, 46, 48, 49, 55, 56, 58, 59, 64, 65, 67, 68, 75, 78, 84, 85, 86, 87, 88, 90, 92, 93, 94, 95, 96, 98, 100, 101, 103, 104, 105, 106, 107, 108, 113, 115, 116, 117, 118, 119, 120, 121, 122, 125, 126, 131, 132, 134, 137, 138, 143, 144, 145, 146, 149, 151, 154, 157, 161, 162, 174, 176, 177, 190, 192, 193, 195, 196, 197, 200, 203, 205, 206, 207, 208, 211, 212, 213, 217, 222, 225, 228, 229, 231, 232, 235, 236, 238, 240, 242, 245, 247, 248, 250, 251, 252, 254, 255, 257, 258, 259, 263, 264, 271, 274, 277, 283, 285, 286, 288, 292, 295, 296, 299, 301, 306, 307, 309, 313, 314], "list_ag": [58, 176, 252], "list_agent_vers": [58, 176], "list_alert": [98, 176], "list_algorithm": [58, 176], "list_api_kei": [58, 176], "list_application_connector": [58, 176], "list_application_connector_object": [58, 176], "list_artifacts_export": [176, 197], "list_batch_predict": [58, 176, 252], "list_batch_prediction_vers": [58, 176], "list_builtin_algorithm": [58, 176, 252], "list_chat_sess": [58, 176], "list_convers": [98, 176], "list_custom_loss_funct": [58, 176], "list_custom_metr": [58, 176], "list_database_connector": [58, 176], "list_database_connector_object": [58, 176], "list_dataset": [58, 176], "list_dataset_vers": [58, 176], "list_deploy": [58, 176, 252], "list_deployment_alert": [58, 176], "list_deployment_convers": [58, 176], "list_deployment_token": [58, 176, 252], "list_deployment_webhook": [58, 176], "list_document_retriev": [58, 176, 252], "list_document_retriever_vers": [58, 176], "list_eda": [58, 176, 252], "list_eda_vers": [58, 176], "list_export": [132, 176], "list_external_appl": [58, 176], "list_feature_group": [58, 176, 252], "list_feature_group_export": [58, 176], "list_feature_group_modifi": [58, 176], "list_feature_group_row_process": [58, 98, 176], "list_feature_group_templ": [58, 176, 252], "list_feature_group_vers": [58, 176], "list_file_connector": [58, 176], "list_graph_dashboard": [58, 176, 252], "list_holdout_analysi": [58, 176, 252], "list_holdout_analysis_vers": [58, 176], "list_llm_app": [58, 176], "list_log": [176, 235], "list_model": [58, 176, 252], "list_model_artifacts_export": [58, 176], "list_model_monitor": [58, 176, 252], "list_model_monitor_vers": [58, 176], "list_model_vers": [58, 176], "list_modifi": [132, 176], "list_modul": [58, 176], "list_monitor_alert_versions_for_monitor_vers": [58, 176, 207], "list_monitor_alerts_for_monitor": [58, 176, 203], "list_object": [40, 90, 176], "list_organization_group": [58, 176], "list_organization_model_monitor": [58, 176], "list_organization_secret": [58, 176], "list_organization_us": [58, 176], "list_pipelin": [58, 176, 252], "list_pipeline_vers": [58, 176], "list_pipeline_version_log": [58, 176], "list_prediction_oper": [58, 176, 252], "list_prediction_operator_vers": [58, 176], "list_project": [58, 176], "list_project_feature_group": [58, 176], "list_project_feature_group_templ": [58, 176], "list_projects_dashboard": [58, 176], "list_python_funct": [58, 176], "list_python_function_feature_group": [58, 176], "list_realtime_monitor": [58, 176, 252], "list_refresh_pipeline_run": [58, 176, 264], "list_refresh_polici": [44, 58, 93, 98, 176, 197, 252], "list_route_llm_model": [58, 176], "list_streaming_connector": [58, 176], "list_streaming_token": [58, 176], "list_upload": [58, 176], "list_use_cas": [58, 176], "list_user_group_object_permiss": [58, 176], "list_vers": [2, 44, 93, 105, 113, 132, 162, 176, 197, 203, 229, 247], "list_webhook": [98, 176], "listresponsesect": [27, 34, 176], "ll": [58, 132, 176, 252], "llama3_1_405b": [25, 27, 176], "llama3_1_70b": [25, 27, 176], "llama3_1_8b": [25, 27, 176], "llama3_3_70b": [25, 27, 176], "llama3_large_chat": [25, 27, 176], "llama4_maverick": [25, 27, 176], "llm": [16, 23, 24, 25, 26, 27, 28, 36, 37, 47, 53, 58, 60, 61, 62, 63, 64, 65, 69, 70, 97, 98, 100, 101, 125, 127, 165, 176, 182, 183, 184, 185, 186, 187, 189, 190, 222, 242, 250, 266, 267, 305], "llm_agent_nod": [16, 27, 176], "llm_app": 176, "llm_app_id": [176, 182], "llm_app_nam": [58, 176], "llm_arg": [58, 176], "llm_artifact": 176, "llm_artifact_convers": [], "llm_artifact_id": [165, 167, 176, 183, 250, 305], "llm_bot_icon": [62, 100, 101, 176, 266, 267], "llm_code_block": 176, "llm_display_nam": [100, 101, 176], "llm_endpoint": [36, 176], "llm_execution_preview": 176, "llm_execution_result": 176, "llm_for_ner": [27, 28, 176], "llm_generated_cod": 176, "llm_input": 176, "llm_name": [23, 27, 58, 62, 98, 176, 190, 242, 266, 267], "llm_paramet": 176, "llm_respons": 176, "llmagentnod": [16, 27, 176], "llmapp": [58, 176, 182], "llmappid": [176, 182], "llmartifact": [176, 183], "llmartifactconvers": [], "llmartifactid": [165, 167, 176, 183, 250, 305], "llmboticon": [62, 100, 101, 176, 266, 267], "llmcodeblock": [176, 184, 190], "llmdisplaynam": [100, 101, 176], "llmendpoint": [36, 176], "llmexecutionpreview": [176, 185, 186], "llmexecutionresult": [58, 176, 186], "llmgeneratedcod": [58, 176, 187], "llminput": [58, 176, 188], "llmname": [25, 27, 28, 58, 62, 176, 190, 266, 267], "llmparamet": [176, 189], "llmrespons": [58, 176, 190], "load": [35, 44, 45, 58, 124, 132, 145, 176], "load_as_panda": [58, 124, 132, 145, 176], "load_as_pandas_docu": [132, 145, 176], "load_as_pandas_from_avro_fd": 35, "load_as_pandas_from_avro_fil": 35, "load_results_as_panda": [44, 45, 176], "local": [27, 28, 45, 58, 93, 176, 258, 259], "local_scale_target": [27, 28, 176], "local_scaling_mod": [27, 28, 176], "locat": [7, 18, 22, 27, 28, 33, 44, 45, 58, 93, 98, 100, 101, 134, 135, 136, 138, 145, 176, 197, 198, 201, 211, 242, 259, 280], "location_date_format": [58, 176], "location_typ": [22, 27, 176], "lock": [13, 58, 132, 160, 176, 213, 254], "locked_until": [13, 176], "lockeduntil": [13, 176], "lofo_feature_import": [147, 176], "lofofeatureimport": [147, 176], "log": [25, 27, 28, 43, 45, 46, 58, 86, 95, 96, 98, 100, 108, 141, 145, 146, 158, 166, 176, 194, 211, 232, 233, 235, 236, 246], "log_loss": [25, 27, 176], "log_rms": [25, 27, 176], "log_root_mean_square_error": [25, 27, 176], "logarithm": [25, 27, 28, 176], "logic": [58, 128, 132, 176, 219], "login": [43, 58, 176, 242], "logo": [58, 98, 125, 176, 224], "long": [58, 119, 132, 145, 176, 252], "long_descript": [16, 27, 32, 176], "long_explan": [58, 176, 218], "longer": [27, 28, 176, 218], "longexplan": [176, 218], "look": [22, 27, 58, 93, 105, 106, 132, 176, 238, 240, 242], "lookback": [58, 98, 132, 176, 262], "lookback_count": [58, 132, 176, 238, 240], "lookback_dai": [93, 176], "lookback_tim": [58, 98, 176, 262], "lookback_until_posit": [58, 132, 176, 238, 240], "lookback_window": [58, 132, 176, 240], "lookback_window_lag": [58, 132, 176, 240], "lookback_window_lag_second": [58, 132, 176, 238], "lookback_window_second": [58, 132, 176, 238], "lookbackcount": [58, 132, 176, 238, 240], "lookbackdai": [93, 176], "lookbackstartcount": [58, 132, 176], "lookbacktim": [176, 262], "lookbackuntilposit": [58, 132, 176, 238, 240], "lookbackwindow": [176, 240], "lookbackwindowlag": [176, 240], "lookbackwindowlagsecond": [58, 132, 176, 238], "lookbackwindowsecond": [58, 132, 176, 238], "lookup": [58, 98, 105, 106, 132, 145, 176, 242, 277], "lookup_featur": [58, 176, 242], "lookup_kei": [58, 132, 176, 177, 254], "lookup_match": [58, 176, 242], "lookup_rewrite_instruct": [27, 28, 176], "lookupkei": [132, 176, 177, 254], "loop": [27, 28, 176], "loss": [27, 28, 58, 79, 176], "loss_funct": [27, 28, 58, 176], "loss_function_nam": [58, 79, 176], "loss_function_source_cod": [58, 176], "loss_function_typ": [58, 79, 176], "loss_paramet": [27, 28, 176], "lossfunctionnam": [79, 176], "lossfunctiontyp": [79, 176], "low": [27, 28, 176], "low_peak": [25, 27, 176], "lower": [27, 28, 29, 58, 105, 176, 180], "lower_bound": [27, 29, 176, 180], "lower_ex": [58, 176, 242], "lower_in": [58, 176, 242], "lowerbound": [176, 180], "lsp": [74, 176], "lsp_deadlin": [74, 176], "lspdeadlin": [74, 176], "lucki": [58, 176], "m": [25, 27, 30, 58, 74, 176], "machin": [58, 132, 147, 176], "made": [27, 30, 58, 98, 176, 197, 242, 252, 259], "mae": [25, 27, 176], "mai": [27, 28, 45, 58, 93, 104, 132, 176, 242, 314], "make": [2, 9, 16, 27, 28, 36, 44, 45, 58, 176, 197, 242, 246, 247, 248, 252], "makeup": [58, 176, 242], "malform": 58, "manag": [125, 176, 224], "managed_user_servic": [125, 176, 224], "manageduserservic": [125, 176, 224], "manhattan": [58, 176, 242], "mani": [18, 27, 28, 58, 93, 132, 176, 238, 240], "map": [2, 9, 16, 18, 22, 25, 27, 28, 29, 31, 58, 66, 71, 82, 89, 93, 98, 105, 128, 134, 135, 138, 143, 147, 148, 176, 178, 179, 197, 202, 203, 207, 208, 211, 219, 220, 232, 242, 252, 254, 258, 259, 260, 268, 271, 286, 295], "map_10": [25, 27, 176], "map_5": [25, 27, 176], "mape": [25, 27, 176], "mark": [16, 27, 28, 49, 58, 98, 101, 176, 292], "mark_complet": [176, 292], "mark_upload_complet": [58, 176], "markdown": [21, 25, 26, 27, 57, 58, 104, 176, 228], "markdown_featur": 35, "markdownconfig": [26, 27, 176], "markdownoperatorinputtyp": [25, 26, 27, 176], "marker": [13, 176], "mask": [21, 27, 28, 176], "mask_pii": [21, 27, 28, 176], "match": [16, 22, 23, 27, 28, 58, 74, 76, 89, 93, 98, 105, 132, 176, 242, 247, 286], "materi": [14, 58, 73, 132, 145, 176, 197, 247, 252, 254], "materialization_completed_at": [145, 176], "materialization_started_at": [145, 176], "materializationcompletedat": [145, 176], "materializationstartedat": [145, 176], "matrix": [25, 27, 58, 115, 176, 242], "max": [25, 27, 28, 71, 74, 154, 176, 180, 292], "max_catalog_s": [27, 28, 176], "max_concurrent_request": [71, 176], "max_count": [88, 176], "max_dat": [27, 28, 176], "max_days_to_lookback": [22, 27, 176], "max_dimens": [27, 28, 176], "max_height": [58, 176], "max_history_length": [27, 28, 176], "max_lin": [74, 176], "max_occurrences_per_word": [74, 176], "max_page_token": [58, 176], "max_pending_request": [74, 176], "max_result": [58, 176], "max_scale_context": [27, 28, 176], "max_search_result": [27, 28, 176], "max_snippets_per_docu": [58, 176], "max_supported_workspace_chunk": [71, 176], "max_supported_workspace_fil": [71, 176], "max_symbols_fuzzy_match": [74, 176], "max_text_word": [27, 28, 176], "max_tim": [26, 27, 176], "max_token": [58, 176], "max_tokens_in_sent": [27, 28, 176], "max_tracked_recent_chang": [74, 176], "max_tracked_visit_chang": [74, 176], "max_user_history_len_percentil": [27, 28, 176], "max_valu": [27, 29, 176], "max_width": [58, 176], "max_word": [58, 105, 176, 242], "max_words_content_match": [74, 176], "max_words_per_chunk": [58, 105, 176, 242], "max_words_per_snippet": [58, 176], "max_work": [35, 124, 145, 176], "maxconcurrentrequest": [71, 176], "maxcount": [88, 176], "maximum": [22, 23, 27, 28, 45, 58, 74, 88, 93, 98, 105, 113, 132, 176, 197, 203, 229, 242, 252, 261], "maxlin": [74, 176], "maxoccurrencesperword": [74, 176], "maxpendingrequest": [74, 176], "maxsupportedworkspacechunk": [71, 176], "maxsupportedworkspacefil": [71, 176], "maxsymbolsfuzzymatch": [74, 176], "maxtrackedrecentchang": [74, 176], "maxtrackedvisitchang": [74, 176], "maxwordscontentmatch": [74, 176], "mb": [176, 292], "mcp": [25, 27, 28, 58, 176, 191, 192, 193, 194], "mcp_config": 176, "mcp_server": [27, 28, 176], "mcp_server_config": [], "mcp_server_connect": 176, "mcp_server_connection_id": [58, 176, 193], "mcp_server_nam": [58, 176], "mcp_server_query_result": 176, "mcpconfig": [176, 191], "mcpserver": [176, 192], "mcpserverconnect": [176, 193], "mcpserverconnectionid": [176, 193], "mcpserverqueryresult": [58, 176, 194], "md": [25, 27, 176], "md5": [176, 293], "mdoel": [27, 28, 176], "mean": [25, 26, 27, 30, 58, 154, 176, 180, 197, 242, 286], "mean_absolute_error": [25, 27, 176], "mean_absolute_percentage_error": [25, 27, 176], "measur": [58, 111, 131, 176, 207, 217], "mechan": [1, 176], "median": [25, 27, 119, 154, 155, 156, 176, 180], "medium": [25, 27, 176], "meet": [22, 27, 176], "member": [176, 225], "memori": [2, 53, 58, 75, 77, 93, 132, 145, 176, 195, 197, 211, 229, 231, 232, 247, 248, 252, 254], "memory_opt": 176, "memoryopt": [176, 195], "memorys": [25, 27, 58, 132, 176], "merg": [22, 26, 27, 58, 73, 93, 95, 105, 132, 176, 242, 254], "merge_config": [58, 132, 176, 254], "merge_file_schema": [22, 27, 58, 93, 95, 176], "merge_mod": [26, 27, 176], "merge_typ": [58, 73, 132, 176], "mergeconfig": [26, 27, 58, 132, 176, 254], "mergefeaturegroup": [58, 132, 176], "mergefileschema": [93, 95, 176], "mergemod": [25, 26, 27, 176], "mergetyp": [73, 176], "messag": [3, 4, 16, 22, 23, 27, 35, 45, 49, 50, 58, 59, 68, 78, 98, 100, 101, 107, 124, 132, 140, 145, 151, 163, 176, 179, 185, 186, 193, 196, 222, 229, 232, 234, 242, 248, 254, 265, 268, 311], "message_arg": [58, 176], "message_index": [50, 58, 100, 101, 176], "message_list": [176, 271], "messageindex": [101, 176], "messaging_app": [25, 27, 176], "messaging_bot_nam": [176, 196], "messaging_connector_respons": 176, "messagingbotnam": [176, 196], "messagingconnectorrespons": [176, 196], "metadata": [10, 11, 22, 24, 27, 28, 35, 58, 95, 100, 104, 105, 106, 132, 143, 165, 176, 183, 192, 193, 227, 242, 307], "metadata_column": [27, 28, 176], "metadata_featur": [11, 176], "metadatafeatur": [11, 176], "method": [0, 16, 27, 28, 44, 58, 93, 132, 147, 176, 197, 211, 242, 252, 277, 311], "methodnotallow": 58, "metric": [18, 22, 27, 28, 30, 44, 58, 80, 81, 85, 95, 98, 111, 145, 149, 163, 176, 197, 202, 203, 207, 208, 211, 286], "metric_chart": [176, 208], "metric_config": [176, 203, 207], "metric_data": [176, 207], "metric_info": [163, 176, 208], "metric_nam": [176, 202, 208], "metric_typ": [58, 176, 203, 207], "metricchart": [176, 208], "metricconfig": [176, 203, 207], "metricinfo": [163, 176, 208], "metricnam": [176, 202, 208], "metrics_column": [176, 286], "metrics_kei": [149, 176], "metricscolumn": [176, 286], "metricskei": [149, 176], "metrictyp": [176, 203, 207], "microsft": [38, 176], "microsoft": [58, 93, 176], "microsoftauth": [25, 27, 176], "mid": [23, 27, 58, 176, 242], "middl": [25, 27, 176], "might": [58, 176, 229, 242], "millisecond": [58, 74, 98, 103, 123, 176], "mime": [5, 19, 27, 104, 176], "mime_typ": [5, 19, 27, 104, 176], "mimetyp": [5, 104, 176], "min": [25, 27, 154, 176, 180], "min_agent_sleep_tim": [16, 27, 176], "min_categorical_count": [27, 28, 176], "min_item_histori": [27, 28, 176], "min_max": [25, 27, 176], "min_refresh_summary_interv": [74, 176], "min_reindexing_interv": [74, 176], "min_samples_in_normal_region": [27, 28, 176], "min_scor": [58, 105, 176, 242], "min_search_word_length": [74, 176], "min_std": [25, 27, 176], "min_valu": [27, 29, 176], "minim": [], "minimum": [27, 28, 58, 74, 176, 261], "minimum_bounding_box_overlap_ratio": [27, 28, 176], "minimum_viol": [27, 30, 176], "minmax": [25, 27, 176], "minrefreshsummaryinterv": [74, 176], "minreindexinginterv": [74, 176], "minsearchwordlength": [74, 176], "minstd": [25, 27, 176], "minut": [27, 28, 30, 58, 119, 176, 229, 231, 232], "mismatch": [48, 176, 261], "miss": [16, 26, 27, 28, 58, 119, 176, 180, 252, 258, 259], "missing_perc": [154, 176, 180], "missing_value_distribut": [58, 119, 120, 176], "missingparametererror": 58, "missingperc": [176, 180], "missingvaluedistribut": [119, 176], "mix_gaussian": [25, 27, 176], "mixtur": [27, 28, 176], "mle_gaussexp": [25, 27, 176], "mle_gaussfullcov": [25, 27, 176], "mle_gaussian_loc": [25, 27, 176], "mle_gaussmix": [25, 27, 176], "mle_negbinom": [25, 27, 176], "mle_weibul": [25, 27, 176], "mm": [18, 27, 58, 176], "mode": [12, 21, 27, 28, 31, 33, 45, 57, 58, 98, 101, 125, 138, 176], "model": [2, 7, 9, 18, 26, 27, 41, 44, 45, 48, 58, 68, 86, 98, 100, 101, 113, 120, 121, 131, 132, 140, 147, 153, 162, 163, 170, 173, 174, 175, 176, 181, 188, 190, 191, 192, 193, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 216, 217, 223, 230, 234, 242, 243, 244, 247, 248, 252, 261, 263, 264, 277, 281, 282, 283, 284, 288, 289, 292, 299, 300, 301, 302, 304], "model_accuraci": [58, 176, 205], "model_artifacts_export": 176, "model_artifacts_export_id": [58, 176, 198], "model_blueprint_export": 176, "model_blueprint_stag": [176, 199], "model_config": [58, 176, 197, 211], "model_config_typ": [176, 197, 211], "model_cost": [176, 299], "model_deployment_config": [58, 98, 176], "model_drift": [58, 176, 205], "model_feature_group_schema_map": [176, 211], "model_file_upload_id": [176, 210], "model_id": [25, 27, 45, 58, 98, 132, 162, 163, 176, 197, 202, 203, 210, 211, 230, 252, 264, 277, 292], "model_loc": 176, "model_metr": 176, "model_monitor": [25, 27, 176, 208], "model_monitor_id": [44, 58, 176, 203, 207, 215, 230, 252, 264], "model_monitor_org_summari": 176, "model_monitor_summari": 176, "model_monitor_summary_from_org": 176, "model_monitor_vers": [45, 58, 176, 208, 216, 234], "model_monitor_version_metric_data": [58, 176], "model_nam": [162, 176], "model_prediction_config": [176, 197, 211], "model_state_upload_id": [176, 210], "model_training_type_for_deploy": 176, "model_upload": 176, "model_upload_id": [176, 210], "model_vers": [44, 45, 58, 98, 101, 162, 163, 176, 197, 198, 199, 202, 207, 210, 234, 263, 292], "model_version_feature_group_schema": 176, "model_with_embed": [58, 176], "modelaccuraci": [176, 205], "modelartifactsexport": [58, 176, 197, 198, 211], "modelartifactsexportid": [176, 198], "modelblueprintexport": [176, 199], "modelblueprintstag": [176, 199, 200], "modelconfig": [176, 197, 211], "modelconfigtyp": [176, 197, 211], "modelcost": [176, 299], "modeldeploymentconfig": [98, 176], "modeldrift": [176, 205], "modelfeaturegroupschemamap": [176, 211], "modelfileuploadid": [176, 210], "modelid": [45, 98, 162, 163, 176, 197, 202, 203, 210, 211, 230, 264, 292], "modelloc": [176, 197, 201], "modelmetr": [58, 176, 197, 202], "modelmonitor": [58, 176, 203, 208, 252], "modelmonitorid": [44, 176, 203, 207, 215, 230, 264], "modelmonitororgsummari": [58, 176, 204], "modelmonitorsummari": [58, 176, 203, 205], "modelmonitorsummaryfororgan": [58, 176], "modelmonitorsummaryfromorg": [58, 176, 206], "modelmonitorvers": [45, 58, 176, 203, 207, 208, 216, 234], "modelmonitorversionmetricdata": [58, 176, 207, 208], "modelnam": [162, 176], "modelpredictionconfig": [176, 197, 211], "modelstateuploadid": [176, 210], "modeltrainingtypefordeploy": [58, 176, 197, 209], "modelupload": [58, 176, 210], "modeluploadid": [176, 210], "modelvers": [44, 45, 58, 98, 101, 163, 176, 197, 198, 199, 202, 207, 210, 211, 234, 252, 263, 292], "modelversionfeaturegroupschema": [58, 176, 211, 212], "modif": [58, 132, 176, 213], "modifi": [13, 24, 27, 43, 58, 105, 132, 157, 176, 213, 225, 242], "modification_lock": [132, 176, 213, 254], "modification_lock_info": 176, "modificationlock": [132, 176, 213, 254], "modificationlockinfo": [58, 132, 176, 213], "modul": [176, 315], "module_depend": [68, 176], "module_end": [58, 176], "module_nam": [132, 176, 254], "module_start": [58, 176], "moduledepend": [68, 176], "modulenam": [132, 176, 254], "mon": [25, 27, 176], "monitor": [18, 27, 30, 44, 45, 48, 58, 98, 113, 120, 131, 140, 147, 149, 155, 156, 176, 203, 204, 205, 206, 207, 208, 215, 216, 217, 223, 230, 234, 252, 261, 262, 263, 264], "monitor_alert": [27, 176], "monitor_alert_id": [58, 176, 215, 216], "monitor_alert_vers": [58, 176], "monitor_data": [176, 204], "monitor_drift_and_distribut": 176, "monitor_drift_config": [176, 203, 207], "monitor_id": [25, 27, 176], "monitor_typ": [176, 203], "monitor_warn": [45, 176], "monitoralert": [58, 98, 176, 203, 215, 252], "monitoralertid": [176, 215, 216], "monitoralerttyp": [25, 27, 30, 176], "monitoralertvers": [58, 176, 207, 215, 216], "monitordata": [176, 204], "monitordriftanddistribut": [176, 217], "monitordriftconfig": [176, 203, 207], "monitorfilteringconfig": [27, 29, 176], "monitoring_completed_at": [176, 207], "monitoring_started_at": [176, 207], "monitoringcompletedat": [176, 207], "monitoringstartedat": [176, 207], "monitorthresholdconfig": [27, 30, 176], "monitortyp": [176, 203], "monitorwarn": [45, 176], "monitr": [58, 176], "monkeypatch": 259, "monoton": [27, 28, 176], "monotonically_decreasing_featur": [27, 28, 176], "monotonically_increasing_featur": [27, 28, 176], "month": [72, 119, 176], "month_end": [25, 27, 176], "month_start": [25, 27, 176], "monthli": [58, 119, 156, 176, 252], "more": [24, 26, 27, 28, 58, 105, 148, 176, 242, 252, 264, 271], "most": [13, 26, 27, 28, 48, 58, 98, 100, 176, 183, 242, 299], "most_common_valu": [48, 176], "most_recent_per_project": [58, 176], "mostcommonvalu": [48, 176], "mostli": [58, 176], "motion": [176, 303], "motion_thumbnail_url": [176, 303], "motionthumbnailurl": [176, 303], "mov": [25, 27, 176], "move": [58, 176, 252], "movie_nam": [58, 176, 242], "mp3": [25, 27, 176], "mp4": [25, 27, 176], "mpeg": [25, 27, 176], "mpg": [25, 27, 176], "mrr": [25, 27, 176], "mse": [25, 27, 176], "msg": [25, 27, 176], "msle": [25, 27, 176], "much": [27, 28, 176], "multi": [18, 27, 28, 58, 79, 176, 177, 210, 242, 295], "multi_catalog_embeddings_upload_id": [176, 210], "multi_mode_ocr_text": 35, "multicatalogembeddingsuploadid": [176, 210], "multicategorical_list": [176, 271], "multilingu": [27, 28, 176], "multipart": [58, 176, 242, 292], "multipl": [16, 24, 27, 28, 45, 58, 176, 229, 242, 252, 263, 277, 295], "multipli": [58, 176, 242], "must": [16, 21, 27, 28, 30, 35, 58, 90, 98, 100, 105, 132, 176, 240, 242, 258, 292], "must_contain": [16, 27, 176], "n": [26, 27, 58, 176, 242], "n1": [58, 176], "n_sampl": [25, 27, 176], "name": [0, 2, 3, 5, 9, 10, 11, 13, 16, 18, 21, 23, 26, 27, 28, 29, 30, 31, 32, 33, 38, 40, 41, 44, 45, 48, 50, 54, 57, 58, 59, 62, 66, 79, 80, 81, 82, 83, 89, 90, 91, 92, 93, 94, 95, 97, 98, 99, 100, 101, 105, 106, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 125, 128, 130, 131, 132, 138, 139, 143, 145, 147, 148, 153, 154, 157, 158, 159, 161, 162, 163, 164, 165, 168, 172, 173, 174, 176, 182, 190, 192, 193, 196, 197, 199, 200, 201, 202, 203, 207, 208, 211, 212, 214, 215, 216, 217, 219, 220, 223, 225, 229, 231, 232, 233, 235, 238, 239, 240, 241, 242, 247, 250, 251, 252, 254, 258, 259, 260, 261, 262, 264, 266, 267, 268, 270, 271, 275, 277, 278, 282, 283, 287, 288, 290, 291, 294, 295, 296, 298, 300, 301, 305, 314], "name_of_feature_group": [58, 176, 258], "name_prefix": [58, 176], "named_entity_extract": [18, 25, 27, 28, 176], "named_entity_recognit": [58, 176], "namedentityextractionbatchpredictionarg": [18, 27, 176], "namedentityextractiontrainingconfig": [27, 28, 176], "nameserv": [78, 171, 176, 307], "nation": [58, 176, 242], "natur": [27, 28, 58, 132, 176, 218, 252, 254], "natural_language_explan": 176, "natural_language_search": [23, 25, 27, 28, 176], "naturallanguageexplan": [58, 132, 176, 218, 254], "naturallanguagesearchpredictionargu": [23, 27, 176], "naturallanguagesearchtrainingconfig": [27, 28, 176], "ndcg": [25, 27, 176], "ndcg_10": [25, 27, 176], "ndcg_5": [25, 27, 176], "nearest": [25, 27, 58, 176, 242], "necessari": [16, 27, 176], "need": [1, 14, 16, 22, 27, 28, 35, 52, 58, 105, 132, 176, 197, 207, 242, 247, 252, 285, 288, 313, 314], "needs_db_setup": [], "needs_refresh": [176, 288], "needsdbsetup": [], "needsrefresh": [176, 288], "neg": [27, 30, 58, 132, 176, 228, 238, 240, 258], "negative_binomi": [25, 27, 176], "negative_exampl": [58, 176], "negative_prompt": [], "negativeprompt": [], "neighbor": [58, 176, 242], "ner": [27, 28, 176], "nerforllm": [27, 28, 176], "nermodeltyp": [25, 27, 176], "nerobject": [25, 27, 176], "nest": [16, 18, 27, 31, 58, 128, 131, 132, 176, 207, 217, 219, 220, 242, 252, 255, 271], "nested_column_nam": [58, 176, 252], "nested_drift": [176, 217], "nested_featur": [176, 271], "nested_feature_nam": [27, 31, 58, 132, 176, 207], "nested_feature_schema": 176, "nested_schema": [176, 255], "nested_summari": [131, 176], "nesteddrift": [176, 217], "nestedfeatur": [128, 176, 219, 271], "nestedfeatureschema": [176, 220, 271], "nestedschema": [176, 255], "nestedsummari": [131, 176], "network": [27, 28, 176], "neural": [27, 28, 176], "new": [2, 16, 25, 26, 27, 35, 40, 44, 50, 57, 58, 63, 90, 93, 98, 100, 113, 132, 143, 176, 197, 199, 203, 221, 225, 229, 242, 247, 252, 263, 277, 278, 310], "new_feature_nam": [58, 132, 176], "new_nam": [58, 132, 176], "new_nested_feature_nam": [58, 132, 176], "newli": [2, 58, 98, 105, 132, 145, 176, 252], "news_search_result": 176, "newssearchresult": [176, 221], "next": [27, 28, 44, 50, 58, 93, 101, 113, 132, 176, 197, 203, 229, 247, 254, 264, 265], "next_agent_workflow_node_id": [101, 176], "next_ai_building_task": [50, 176], "next_run_tim": [176, 229, 264, 265], "nextagentworkflownodeid": [101, 176], "nextaibuildingtask": [50, 176], "nextruntim": [176, 229, 264, 265], "night": [23, 27, 58, 176, 242], "nlp": [27, 28, 58, 176, 252], "nlp_chat": [58, 176], "nlp_chat_respons": 176, "nlp_classif": [25, 27, 58, 176], "nlp_document_visu": [25, 27, 58, 176], "nlp_ner": [25, 27, 176], "nlp_search": [25, 27, 58, 176], "nlp_sentence_boundary_detect": [25, 27, 58, 176], "nlp_sentiment": [25, 27, 58, 176], "nlp_summar": [25, 27, 58, 176], "nlpchatrespons": [176, 222], "nlpdocumentformat": [25, 27, 28, 176], "nmae": [25, 27, 176], "nn": [27, 28, 176], "node": [3, 16, 27, 34, 35, 58, 101, 137, 176, 242, 285, 313, 314], "node_respons": 35, "node_typ": [16, 27, 176], "nodes_info": 35, "non": [21, 27, 40, 58, 90, 176, 278, 291], "none": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 310, 311, 312, 313, 314], "normal": [27, 28, 58, 87, 101, 176], "normalize_typ": [25, 27, 176], "normalized_mean_absolute_error": [25, 27, 176], "normalized_root_mean_square_error": [25, 27, 176], "not_deploi": [165, 176], "note": [16, 27, 50, 58, 93, 98, 176, 242, 252, 292], "notebook": [2, 58, 68, 79, 80, 176, 197, 214, 229, 230, 234, 247, 252, 258, 260, 264, 285], "notebook_cod": [176, 285], "notebook_id": [2, 58, 79, 80, 176, 197, 214, 229, 230, 247, 252, 258, 260, 264], "notebook_python_model": [58, 176], "notebook_vers": [176, 234], "notebookcod": [176, 285], "notebookid": [2, 79, 80, 176, 197, 214, 229, 230, 247, 258, 260, 264], "notebookvers": [176, 234], "noth": [58, 176], "notif": [50, 176], "notimpl": [15, 27, 176], "notreadyerror": 58, "now": [58, 98, 176], "nrmse": [25, 27, 176], "nsamplingconfig": [26, 27, 176], "nteger": [25, 27, 176], "nucleu": [58, 176], "null": [25, 26, 27, 44, 45, 119, 131, 147, 167, 176, 223, 265, 271], "null_feature_import": [147, 176], "null_viol": [25, 27, 131, 176], "nullfeatureimport": [147, 176], "nullviol": [131, 176, 223], "num": [27, 28, 58, 176, 242], "num_backtesting_window": [27, 28, 176], "num_clusters_select": [27, 28, 176], "num_col": [85, 176], "num_completion_token": [23, 27, 28, 58, 98, 176, 242], "num_cv_fold": [27, 28, 176], "num_dupl": [84, 176], "num_duplicate_row": [85, 176], "num_item": [58, 176, 242], "num_predict": [23, 27, 58, 176, 242], "num_result": [58, 176], "num_retrieval_margin_word": [58, 105, 176, 242], "num_row": [58, 85, 132, 176], "num_rows_histogram": [58, 119, 120, 176], "num_unread_task_inst": [57, 176], "num_vers": [26, 27, 176], "num_vs_code_suggest": [74, 176], "number": [2, 5, 12, 14, 16, 18, 22, 23, 25, 26, 27, 28, 30, 44, 45, 49, 57, 58, 61, 74, 84, 85, 88, 93, 95, 98, 100, 101, 103, 104, 105, 107, 110, 116, 119, 124, 125, 132, 134, 140, 142, 145, 167, 176, 190, 204, 214, 228, 229, 238, 240, 242, 252, 258, 260, 279, 292], "number_of_chunk": [107, 176], "number_of_item": [18, 27, 176], "number_of_sampl": [27, 28, 176], "number_of_samples_to_use_for_explain": [18, 27, 176], "numberofchunk": [107, 176], "numcol": [85, 176], "numdupl": [84, 176], "numduplicaterow": [85, 176], "numer": [27, 28, 29, 48, 58, 105, 117, 129, 131, 176, 242, 261, 271], "numeric_clipping_percentil": [27, 28, 176], "numerical_list": [176, 271], "numerical_prediction_distribut": [129, 176], "numerical_training_distribut": [129, 176], "numericalpredictiondistribut": [129, 176], "numericaltrainingdistribut": [129, 176], "numpi": [58, 176, 197, 229, 231, 247, 252], "numrow": [85, 176], "numrowshistogram": [119, 176], "numunreadtaskinst": [57, 176], "numvscodesuggest": [74, 176], "oauth": [2, 25, 27, 40, 58, 176, 197, 252], "obj": 58, "object": [1, 2, 7, 19, 27, 28, 33, 35, 40, 43, 44, 45, 58, 81, 90, 93, 95, 98, 105, 107, 113, 120, 124, 125, 132, 134, 135, 138, 143, 145, 151, 157, 161, 162, 163, 176, 188, 197, 198, 203, 205, 206, 207, 211, 213, 215, 216, 218, 225, 226, 229, 230, 231, 232, 234, 235, 242, 247, 252, 258, 259, 262, 263, 264, 265, 277, 285, 292, 298, 312, 313], "object_detect": [25, 27, 176], "object_id": [43, 58, 176, 298], "object_nam": [27, 33, 58, 90, 93, 98, 134, 135, 138, 145, 176], "object_refer": [176, 271], "object_typ": [58, 176, 230, 234], "objectid": [43, 176, 298], "objectnam": [134, 135, 138, 176], "objecttyp": [176, 230, 234], "obscur": [37, 176], "obtain": [104, 176, 228], "occur": [58, 116, 176, 200, 229, 258, 259], "occurr": [27, 28, 74, 176], "ocr": [16, 21, 27, 58, 104, 176, 228], "ocr_mod": [21, 27, 176], "ocrmod": [21, 25, 27, 176], "od": [25, 27, 176], "odbc": [25, 27, 176], "off": [27, 28, 176], "offlin": [9, 27, 28, 58, 176], "offset": [18, 27, 45, 58, 105, 132, 176, 228, 238, 240, 252], "okta": [38, 176], "oktasaml": [25, 27, 176], "old": [50, 176], "old_file_cont": [101, 176], "oldest": [58, 93, 132, 176], "oldfilecont": [101, 176], "onc": [58, 93, 132, 176, 252], "one": [17, 18, 21, 26, 27, 31, 49, 50, 58, 68, 98, 105, 132, 176, 199, 203, 211, 242, 252, 264], "onedr": [22, 25, 27, 176], "onedrivedatasetconfig": [22, 27, 176], "onedriveus": [], "ones": [26, 27, 58, 176], "ongo": [58, 176], "onli": [3, 9, 16, 21, 22, 23, 27, 28, 30, 44, 45, 58, 90, 93, 98, 100, 101, 104, 125, 127, 132, 145, 157, 176, 197, 211, 214, 228, 242, 252, 258, 260, 264, 277], "onlin": [58, 98, 132, 176, 242], "online_feature_group_id": [98, 176], "onlinefeaturegroupid": [98, 176], "only_image_gen_en": [125, 176], "only_offline_deploy": [9, 27, 28, 176], "only_star": [58, 176], "onlyimagegenen": [125, 176], "onlyofflinedeploy": [9, 176], "open": [45, 58, 176], "openai": [25, 27, 176], "openai_compact": [25, 27, 176], "openai_gpt3_5": [25, 27, 176], "openai_gpt3_5_text": [25, 27, 58, 176], "openai_gpt4": [25, 27, 176], "openai_gpt4_1": [25, 27, 176], "openai_gpt4_128k": [25, 27, 176], "openai_gpt4_128k_latest": [25, 27, 176], "openai_gpt4_1_mini": [25, 27, 176], "openai_gpt4_1_nano": [25, 27, 176], "openai_gpt4_32k": [25, 27, 176], "openai_gpt4o": [25, 27, 176], "openai_gpt4o_mini": [25, 27, 176], "openai_gpt5": [25, 27, 176, 266, 267], "openai_gpt5_1": [25, 27, 176], "openai_gpt5_2": [25, 27, 176], "openai_gpt5_mini": [25, 27, 176], "openai_gpt5_mini_high": [25, 27, 176], "openai_gpt5_mini_low": [25, 27, 176], "openai_gpt5_nano": [25, 27, 176], "openai_gpt5_nano_high": [25, 27, 176], "openai_larg": [25, 27, 176], "openai_o1_mini": [25, 27, 176], "openai_o3": [25, 27, 176], "openai_o3_high": [25, 27, 176], "openai_o4_mini": [25, 27, 176], "openai_o4_mini_high": [25, 27, 176], "oper": [26, 27, 31, 58, 74, 98, 124, 132, 138, 176, 241, 242, 247, 248, 252, 254, 264], "operand": [58, 132, 176], "operations_mainten": [58, 176], "operator_config": [58, 132, 176, 254], "operator_typ": [26, 27, 176], "operatorconfig": [26, 27, 58, 132, 176, 254], "operatorfeaturegroup": [58, 132, 176], "operatortyp": [25, 26, 27, 176], "optim": [23, 25, 27, 28, 58, 176, 242], "optimality_gap_limit": [27, 28, 58, 176, 242], "optimizationassign": [], "optimizationpredictionargu": [23, 27, 176], "optimizationtrainingconfig": [27, 28, 176], "optimized_event_typ": [27, 28, 176], "option": [2, 7, 11, 16, 21, 24, 26, 27, 28, 30, 58, 62, 93, 94, 98, 100, 125, 132, 144, 151, 159, 162, 163, 173, 174, 176, 195, 197, 207, 208, 211, 238, 240, 242, 247, 251, 252, 267, 277, 282, 283, 288, 300, 301, 309], "optional_artifact": [58, 176], "optional_feature_group_typ": [176, 251], "optionalfeaturegrouptyp": [176, 251], "orc": [25, 27, 176], "order": [21, 27, 58, 93, 95, 118, 128, 132, 145, 154, 176, 240, 242, 247, 292], "order_claus": [58, 128, 132, 176], "orderclaus": [128, 176], "org": [38, 58, 176, 197, 224, 252], "org_api_credenti": [25, 27, 176], "org_level_connector": [58, 176, 197, 252], "org_secret": [25, 27, 58, 176], "organ": [1, 25, 27, 37, 38, 58, 72, 93, 95, 100, 126, 132, 143, 176, 204, 206, 213, 224, 225, 227, 252, 258, 296], "organization_external_application_set": 176, "organization_group": [176, 213, 296], "organization_group_id": [58, 132, 176, 225], "organization_search_result": 176, "organization_secret": 176, "organizationexternalapplicationset": [176, 224], "organizationgroup": [58, 132, 176, 213, 225, 296], "organizationgroupid": [176, 225], "organizationsearchresult": [58, 176, 226], "organizationsecret": [58, 176, 227], "organizationsecrettyp": [25, 27, 58, 176], "orient": [58, 176, 228, 242], "origin": [19, 27, 28, 58, 94, 98, 105, 106, 128, 132, 145, 176, 184, 219, 228, 242, 254], "original_nam": [94, 128, 176, 219], "originalnam": [94, 128, 176, 219], "other": [16, 25, 27, 58, 95, 176, 208, 229, 252, 269], "other_metr": [176, 208], "othermetr": [176, 208], "otherwis": [27, 28, 35, 58, 98, 132, 176, 257], "ouput": [58, 176, 229], "our": [58, 176, 242, 292], "out": [2, 7, 21, 22, 27, 28, 44, 45, 58, 93, 95, 98, 100, 101, 105, 107, 120, 124, 132, 134, 140, 145, 147, 158, 163, 176, 197, 198, 207, 211, 216, 229, 235, 242, 252, 263, 292], "outdat": [132, 176, 218, 254], "outlier": [58, 176, 207], "outlin": [138, 176], "outlook": [22, 25, 27, 176], "outlookdatasetconfig": [22, 27, 176], "output": [16, 18, 21, 26, 27, 32, 44, 45, 58, 98, 101, 176, 190, 194, 207, 229, 231, 232, 234, 242, 252, 314], "output_column": [18, 26, 27, 176], "output_error": [176, 232], "output_feature_group_id": [44, 45, 176], "output_feature_group_table_nam": [44, 45, 176], "output_feature_group_vers": [45, 176], "output_format": [44, 58, 98, 176], "output_includes_metadata": [44, 45, 58, 98, 176], "output_loc": [44, 58, 98, 134, 135, 176, 198, 211], "output_map": [16, 27, 176], "output_online_feature_group_id": [98, 176], "output_schema": [16, 27, 176], "output_token": [176, 190], "output_variable_map": [58, 176, 229, 231, 232, 258], "outputerror": [176, 232], "outputfeaturegroupid": [44, 45, 176], "outputfeaturegrouptablenam": [44, 45, 176], "outputfeaturegroupvers": [45, 176], "outputincludesmetadata": [44, 45, 176], "outputloc": [58, 98, 134, 135, 176, 198], "outputonlinefeaturegroupid": [98, 176], "outputtoken": [176, 190], "outputtyp": [58, 98, 176], "outputvariablemap": [27, 32, 58, 176, 229, 232, 258], "outsid": [48, 176], "over": [27, 30, 58, 98, 105, 132, 176, 242], "overal": [27, 28, 58, 105, 131, 176, 195, 207, 217, 242, 263], "overlap": [24, 27, 28, 58, 105, 176, 242], "overrid": [58, 93, 98, 125, 132, 143, 176, 242, 252], "oversampl": [26, 27, 176], "overwrit": [58, 145, 176], "own": [58, 176, 242], "owner": [100, 176], "owner_org_id": [100, 176], "owner_user_id": [100, 176], "ownerorgid": [100, 176], "owneruserid": [100, 176], "p10": [119, 154, 155, 156, 176, 180], "p90": [119, 154, 155, 156, 176, 180], "packag": [58, 68, 197, 229, 231, 247, 252, 258, 313, 314], "package_requir": [58, 68, 176, 197, 229, 231, 247, 252, 258, 313, 314], "packagerequir": [68, 176, 258, 313, 314], "pad": [27, 28, 176], "page": [5, 21, 22, 26, 27, 28, 35, 58, 104, 106, 132, 145, 176, 197, 228, 242, 252, 308, 310], "page_count": [5, 104, 176, 228], "page_data": [35, 176], "page_info": [132, 145, 176, 271], "page_label_list": [176, 271], "page_llm_ocr": 35, "page_markdown": [35, 104, 176, 228], "page_table_text": 35, "page_text": [35, 176, 228], "page_text_column": [21, 27, 176], "page_token_start_offset": [176, 228], "pagecount": [5, 104, 176, 228], "pagedata": [58, 176, 228], "pagemarkdown": [104, 176, 228], "pages_docu": [176, 271], "pages_zip_metadata": 35, "pagetext": [176, 228], "pagetokenstartoffset": [176, 228], "pagin": [58, 100, 176], "paid": 58, "paidplanrequir": 58, "pair": [27, 28, 44, 58, 87, 98, 134, 135, 145, 176, 242, 295], "palm_text": [58, 176], "panda": [27, 34, 44, 45, 58, 124, 132, 145, 176, 197, 211, 229, 231, 247, 252, 258, 259], "param": [22, 27, 28, 30, 34, 176, 200], "paramet": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "paramt": [58, 176], "parent": [58, 100, 132, 165, 176], "parent_conversation_id": [165, 176], "parent_deployment_conversation_id": [100, 176], "parentconversationid": [165, 176], "parentdeploymentconversationid": [100, 176], "parquet": [25, 27, 58, 176], "pars": [21, 27, 58, 93, 127, 176, 184, 190], "parse_typ": 58, "parsing_config": [58, 93, 176], "parsingconfig": [21, 27, 58, 93, 176], "part": [27, 28, 58, 93, 100, 176, 197, 229, 231, 235, 242, 252, 292, 293], "part_data": [58, 176, 292], "part_index": [124, 145, 176], "part_numb": [58, 176, 292], "partial": [27, 28, 37, 176], "partial_autocorrel": [119, 176], "partial_complet": [176, 211], "partial_dependence_analysi": [27, 28, 176], "partialautocorrel": [119, 176], "partialcomplet": [176, 211], "partialdependenceanalysi": [25, 27, 28, 176], "particular": [27, 28, 58, 74, 105, 176, 242], "particularli": [58, 105, 176, 242], "partit": [27, 28, 58, 176], "pass": [19, 27, 28, 44, 45, 58, 68, 150, 151, 152, 176, 225, 235, 242, 252, 258, 259], "password": [176, 224], "passwords_dis": [176, 224], "passwordsdis": [176, 224], "past": [58, 132, 176, 238, 240], "path": [21, 22, 27, 58, 63, 67, 100, 132, 145, 157, 176, 197, 249, 254, 259], "pattern": [58, 176, 258], "paus": [58, 176, 229, 242, 264, 265], "pause_autonomous_ag": [58, 176, 242], "pause_pipeline_refresh_schedul": [58, 176], "pause_refresh_polici": [58, 176], "pause_refresh_schedul": [176, 229], "payload": [58, 176, 311, 312], "payload_templ": [58, 98, 176, 312], "payloadtempl": [176, 312], "payment": 58, "paymentmethodrequir": 58, "pd": [58, 176], "pdf": [21, 25, 27, 28, 58, 176, 242], "peak": [27, 28, 176], "peaks_ma": [25, 27, 176], "peaks_mean_absolute_error": [25, 27, 176], "penalti": [26, 27, 31, 58, 176], "pend": [2, 7, 44, 45, 58, 74, 98, 105, 107, 120, 124, 132, 134, 142, 145, 163, 165, 176, 197, 198, 207, 211, 216, 229, 235, 263, 292], "pending_deployment_id": [7, 176, 207, 211], "pending_model_vers": [98, 176], "pending_prediction_operator_vers": [98, 176], "pending_process": [142, 176], "pendingdeploymentid": [7, 176, 207, 211], "pendingmodelvers": [98, 176], "pendingpredictionoperatorvers": [98, 176], "pendingprocess": [142, 176], "per": [18, 26, 27, 28, 58, 98, 103, 105, 116, 176, 197, 242], "percent": [27, 28, 119, 176], "percent_sampl": [25, 27, 176], "percentag": [25, 26, 27, 28, 176, 180, 204], "percentil": [25, 27, 28, 176, 180], "percentsamplingconfig": [26, 27, 176], "perform": [8, 21, 23, 27, 43, 45, 58, 73, 93, 98, 132, 149, 176, 204, 211, 238, 240, 242, 252], "perform_feature_select": [27, 28, 176], "period": [22, 27, 28, 58, 98, 176, 204], "permiss": [2, 38, 55, 58, 93, 125, 150, 151, 152, 176, 197, 225, 252, 298, 306], "permissiondeniederror": 58, "permit": [58, 93, 105, 132, 176, 242], "permut": [147, 176], "permutation_feature_import": [147, 176], "permutationfeatureimport": [147, 176], "pers_promot": [58, 176], "persist": [58, 176], "person": [18, 21, 25, 27, 28, 44, 58, 176, 242], "persona": [27, 28, 176], "personalizationbatchpredictionarg": [18, 27, 176], "personalizationobject": [25, 27, 28, 176], "personalizationtrainingconfig": [27, 28, 176], "personalizationtrainingmod": [25, 27, 28, 176], "phrase": [58, 105, 176, 242], "pick": [2, 58, 176], "pickl": [58, 176], "pii": [21, 27, 28, 176], "pilot": [8, 17, 27, 50, 58, 176, 252], "pin": [58, 176, 197], "pip": [68, 176, 258], "pipelin": [27, 32, 43, 58, 120, 176, 207, 230, 231, 232, 233, 234, 235, 236, 252, 263, 264, 265], "pipeline_id": [43, 58, 176, 229, 230, 231, 232, 235, 264], "pipeline_nam": [58, 176, 229, 231, 235], "pipeline_refer": [176, 229], "pipeline_reference_id": [176, 230], "pipeline_step": [58, 176], "pipeline_step_id": [58, 176, 231, 232, 233], "pipeline_step_vers": [58, 176, 233, 234], "pipeline_step_version_log": 176, "pipeline_step_version_refer": [176, 232], "pipeline_step_version_reference_id": [176, 234], "pipeline_vari": [27, 32, 176], "pipeline_variable_map": [58, 176, 229, 235], "pipeline_vers": [58, 176, 232], "pipeline_version_log": 176, "pipelineid": [43, 176, 229, 230, 231, 232, 235, 264], "pipelinenam": [176, 229, 231, 235], "pipelinerefer": [176, 229, 230], "pipelinereferenceid": [176, 230], "pipelinestep": [58, 176, 229, 231], "pipelinestepid": [176, 231, 232, 233], "pipelinestepvers": [58, 176, 232, 233, 234, 235], "pipelinestepversionlog": [58, 176, 232, 233, 236], "pipelinestepversionrefer": [176, 232, 234], "pipelinestepversionreferenceid": [176, 234], "pipelinevariablemap": [176, 229, 235], "pipelinevers": [58, 176, 229, 232, 235], "pipelineversionlog": [58, 176, 235, 236], "pit": [58, 132, 159, 176], "pit_operation_config": [176, 241], "pit_operation_typ": [176, 241], "pitoperationconfig": [176, 241], "pitoperationtyp": [176, 241], "pixel": [176, 228], "place": [176, 196, 310], "placehold": [27, 28, 58, 93, 176, 270], "placement": [176, 270], "plai": [176, 201, 242], "plain": [58, 176], "plan": 58, "platform": [16, 24, 27, 58, 125, 148, 167, 176, 252, 271], "playground": [77, 176, 237], "playground_text": 176, "playgroundtext": [176, 237], "pleas": [58, 176], "plot": [27, 28, 58, 117, 120, 161, 176, 208, 252, 258, 260], "plot_nam": [176, 260], "plot_reference_id": [161, 176], "plotly_fig": [25, 27, 58, 176], "plotnam": [176, 260], "plotreferenceid": [161, 176], "plug": [176, 201, 242], "plug_and_plai": [25, 27, 176], "png": [25, 27, 176], "point": [18, 27, 28, 49, 57, 58, 72, 73, 101, 103, 128, 132, 145, 176, 220, 238, 239, 240, 241, 242, 254, 271, 286], "point_in_time_featur": 176, "point_in_time_feature_info": 176, "point_in_time_group": [132, 145, 176, 254], "point_in_time_group_featur": 176, "point_in_time_info": [128, 176, 220, 271], "pointintimefeatur": [128, 176, 238], "pointintimefeatureinfo": [176, 220, 239, 271], "pointintimegroup": [132, 145, 176, 240, 254], "pointintimegroupfeatur": [176, 240, 241], "pointintimeinfo": [128, 176, 220, 271], "pointwise_accuraci": [25, 27, 176], "polici": [22, 27, 43, 44, 58, 93, 95, 98, 125, 151, 176, 197, 229, 252, 263, 264, 265], "poll": [58, 124, 176], "poll_arg": 58, "poor": [58, 98, 176], "pop": [15, 27, 176], "popul": [58, 95, 122, 130, 131, 132, 134, 176, 198, 263], "popular": [27, 28, 58, 176, 242], "port": [27, 28, 176], "portion": [166, 176], "posit": [27, 30, 58, 132, 166, 176, 228, 238, 240, 242, 252, 258, 292], "positive_exampl": [58, 176], "possibl": [27, 28, 58, 148, 159, 176, 229, 242, 252, 271], "possibli": [27, 28, 176], "post": [22, 27, 58, 98, 176, 312], "postal": [1, 176], "postal_cod": [1, 176], "postalcod": [1, 176], "power": [23, 27, 58, 98, 176, 242], "ppt": [25, 27, 176], "pptx": [25, 27, 176], "pr": [58, 176, 197, 252], "pre": [16, 27, 28, 58, 132, 176], "precis": [25, 27, 28, 58, 105, 176, 242, 252], "predcit": [45, 176], "predecessor": [176, 199, 200], "predict": [2, 9, 18, 23, 25, 27, 28, 29, 30, 35, 36, 44, 45, 46, 48, 58, 74, 98, 99, 111, 112, 125, 129, 131, 155, 156, 176, 197, 202, 203, 204, 205, 207, 208, 211, 223, 230, 234, 242, 243, 244, 245, 246, 247, 248, 252, 261, 263, 264, 286, 292], "predict_churn": [58, 176, 242], "predict_class": [58, 176, 242], "predict_endpoint": [36, 176], "predict_fraud": [58, 176, 242], "predict_from_dataset": [58, 176, 242], "predict_funct": [58, 176, 252], "predict_function_nam": [2, 9, 58, 176, 197, 247, 252], "predict_history_data": [156, 176], "predict_languag": [58, 176, 242], "predict_lead": [58, 176, 242], "predict_mani": [58, 176], "predict_many_funct": [58, 176, 252], "predict_many_function_nam": [9, 58, 176, 197, 252], "predict_module_nam": [58, 176, 197], "predict_multipl": [58, 176, 242], "predict_raw": [176, 242], "predict_residu": [27, 28, 176], "predict_takeov": [58, 176, 242], "predict_target": [58, 176, 242], "predict_with_binary_data": [58, 176, 242], "predicted_column": [111, 176], "predictedcolumn": [111, 176], "predictendpoint": [36, 176], "predictfunctionnam": [2, 9, 58, 176, 197, 247, 252], "predicthistorydata": [156, 176], "prediction_argu": [58, 98, 176], "prediction_cli": 176, "prediction_config": [58, 176, 197], "prediction_count": [25, 27, 176], "prediction_data_use_map": [176, 203, 207], "prediction_dataset": 176, "prediction_distribut": [129, 176], "prediction_drift": [112, 131, 176], "prediction_endpoint": 58, "prediction_feature_group": [58, 176, 252], "prediction_feature_group_id": [58, 176, 203, 252], "prediction_feature_group_sampl": [176, 203], "prediction_feature_group_vers": [176, 203, 207], "prediction_forecast_config": [58, 176, 203, 207, 252], "prediction_input": 176, "prediction_item_analysi": [155, 176], "prediction_item_id": [156, 176], "prediction_length": [25, 27, 28, 176], "prediction_log_record": 176, "prediction_max": [176, 261], "prediction_min": [176, 261], "prediction_null_freq": [176, 223], "prediction_oper": 176, "prediction_operator_id": [58, 98, 176, 247, 248, 264], "prediction_operator_vers": [58, 98, 176], "prediction_overrid": [125, 176], "prediction_prefix": 35, "prediction_start": [23, 27, 58, 176, 242], "prediction_statist": [129, 176], "prediction_step_s": [27, 28, 176], "prediction_target_across_tim": [156, 176], "prediction_target_col": [156, 176], "prediction_target_featur": [27, 29, 176], "prediction_timestamp_col": [156, 176], "predictionargu": [23, 27, 58, 98, 176], "predictioncli": [176, 242], "predictioncount": [25, 27, 176], "predictioncountconditionconfig": [27, 30, 176], "predictiondataset": [176, 243, 245], "predictiondatausemap": [176, 203, 207], "predictiondistribut": [129, 176], "predictiondrift": [112, 131, 176], "predictionfeaturegroup": [44, 45, 176, 244, 245], "predictionfeaturegroupid": [176, 203], "predictionfeaturegroupsampl": [176, 203], "predictionfeaturegroupvers": [176, 203, 207], "predictionforecastconfig": [176, 203, 207], "predictioninput": [44, 45, 176, 245], "predictionitemanalysi": [155, 176], "predictionitemid": [156, 176], "predictionlogrecord": [58, 98, 176, 246], "predictionmax": [176, 261], "predictionmin": [176, 261], "predictionnullfreq": [176, 223], "predictionoper": [58, 176, 247, 252], "predictionoperatorid": [98, 176, 247, 248, 264], "predictionoperatorvers": [58, 98, 176, 247, 248], "predictionoverrid": [125, 176], "predictions_completed_at": [45, 176], "predictions_histogram": [156, 176], "predictions_start_d": [18, 27, 176], "predictions_started_at": [45, 176], "predictionscompletedat": [45, 176], "predictionshistogram": [156, 176], "predictionsstartedat": [45, 176], "predictionstatist": [129, 176], "predictiontargetacrosstim": [156, 176], "predictiontargetcol": [156, 176], "predictiontimestampcol": [156, 176], "predictive_model": [18, 23, 25, 27, 28, 176], "predictivemodelingbatchpredictionarg": [18, 27, 176], "predictmanyfunctionnam": [9, 176, 197], "predictmodulenam": [58, 176, 197], "prefer": [58, 176, 242], "prefix": [18, 27, 44, 45, 58, 98, 132, 176], "premium": [62, 176], "prepar": [58, 86, 176, 211], "prepend": [44, 45, 58, 98, 176, 259], "preprocessor": [176, 210], "presenc": [27, 28, 176], "present": [16, 26, 27, 44, 45, 48, 58, 74, 93, 98, 105, 132, 166, 176, 242, 249, 252], "presentation_export_result": 176, "presentationexportresult": [176, 249], "preserv": [58, 176, 242], "preserve_rank": [58, 176, 242], "preserve_unknown_item": [58, 176, 242], "pretrain": [25, 27, 28, 153, 176], "pretrained_bert": [25, 27, 176], "pretrained_image_text_descript": [58, 176], "pretrained_instruct_pix2pix": [58, 176], "pretrained_llm_nam": [27, 28, 176], "pretrained_model": [18, 25, 27, 176], "pretrained_model_nam": [27, 28, 176], "pretrained_multilingu": [25, 27, 176], "pretrained_ocr_document_to_text": [58, 176], "pretrained_roberta_27": [25, 27, 176], "pretrained_roberta_43": [25, 27, 176], "pretrained_speech_recognit": [58, 176], "pretrained_style_transf": [58, 176], "pretrained_text_classif": [58, 176], "pretrained_text_to_image_gener": [58, 176], "pretrainedmodelsbatchpredictionarg": [18, 27, 176], "pretty_nam": [176, 294], "prettynam": [176, 294], "prevent": [58, 132, 176], "preview": [58, 100, 165, 176, 183, 185, 186, 286], "preview_feature_group_template_resolut": [58, 176], "preview_info": [100, 176], "preview_resolut": [143, 176], "previewinfo": [100, 176], "previou": [58, 93, 98, 132, 176], "previous": [27, 28, 58, 98, 132, 176], "price": [27, 28, 58, 176, 299], "primari": [12, 13, 16, 27, 58, 84, 98, 116, 119, 132, 139, 140, 141, 176, 177, 252, 254, 296], "primarili": [27, 34, 176], "primary_kei": [58, 116, 119, 132, 139, 176, 177, 252, 254], "primary_key_valu": [58, 98, 140, 141, 176], "primary_start_nod": [16, 27, 35, 176], "primarykei": [58, 116, 119, 132, 139, 176, 177, 254], "primarykeyvalu": [140, 141, 176], "prior": [58, 132, 176], "privat": [100, 165, 176, 250], "private_web_app_deploy": 176, "privatewebappdeploy": [176, 250], "probability_quantil": [27, 28, 176], "probabl": [58, 176, 242], "problem": [9, 18, 23, 27, 28, 44, 58, 79, 80, 98, 176, 251, 252, 286, 294], "problem_typ": [9, 18, 23, 27, 28, 58, 80, 176, 252, 294], "problemtyp": [9, 18, 23, 25, 27, 28, 58, 80, 176, 251, 252, 294], "process": [7, 16, 21, 22, 26, 27, 28, 58, 75, 85, 93, 98, 101, 104, 120, 133, 140, 141, 142, 145, 176, 200, 207, 211, 216, 247, 292], "process_node_respons": 35, "process_streaming_data": 35, "processing_process": [142, 176], "processingprocess": [142, 176], "prod": [25, 27, 176], "product": [25, 27, 28, 58, 119, 120, 176, 229, 242], "product_matur": [58, 119, 120, 176], "productmatur": [119, 176], "profession": [58, 105, 176, 242], "progress": [50, 176], "project": [2, 27, 50, 54, 55, 58, 98, 113, 125, 132, 134, 137, 148, 161, 165, 176, 182, 183, 197, 203, 207, 215, 242, 247, 253, 254, 255, 257, 264, 271, 288, 294, 295], "project_config": [58, 132, 134, 176, 254, 255], "project_feature_group": 176, "project_feature_group_schema": [176, 254], "project_feature_group_schema_vers": 176, "project_id": [2, 50, 58, 98, 113, 125, 132, 161, 176, 182, 197, 203, 215, 229, 247, 252, 264], "project_metadata": [165, 176, 183], "project_nam": [161, 176], "project_valid": 176, "projectconfig": [58, 132, 134, 176, 253, 254, 255], "projectconfigtyp": [25, 27, 31, 176], "projectfeaturegroup": [58, 176, 252, 254], "projectfeaturegroupconfig": [27, 31, 58, 132, 176, 253], "projectfeaturegroupschema": [176, 254, 255], "projectfeaturegroupschemavers": [176, 256], "projectfeaturegrouptypemappingsconfig": [27, 31, 176], "projectid": [2, 50, 98, 113, 125, 161, 176, 182, 197, 203, 215, 247, 252, 264], "projectmetadata": [165, 176, 183], "projectnam": [161, 176], "projectvalid": [58, 176, 252, 257], "promo": [58, 176, 242], "promot": [58, 98, 176, 242], "prompt": [17, 22, 26, 27, 28, 49, 58, 176, 226, 242, 252, 270], "prompt_col": [26, 27, 176], "prompt_context": [58, 176], "properti": [2, 16, 27, 58, 98, 105, 106, 132, 176, 242], "proport": [176, 223], "protocol": [176, 191, 192, 193], "provid": [2, 15, 16, 17, 21, 22, 23, 24, 26, 27, 28, 40, 49, 58, 62, 82, 93, 98, 100, 101, 105, 120, 132, 143, 176, 197, 201, 207, 211, 229, 240, 242, 252, 312], "provinc": [1, 176], "proxi": [36, 58, 176], "proxy_cal": [58, 176], "proxy_endpoint": [36, 58, 176], "proxyendpoint": [36, 176], "prune_vector": [24, 27, 176], "prunevector": [], "psi": [25, 27, 122, 130, 131, 156, 176], "public": [38, 58, 76, 100, 165, 176, 242, 275, 277], "public_hosting_domain": [36, 176], "public_kei": [76, 176, 275], "public_user_group": [38, 176], "publichostingdomain": [36, 176], "publickei": [176, 275], "publicli": [36, 176], "publicusergroup": [38, 176], "publish": [2, 7, 58, 176, 197, 221], "publishing_completed_at": [7, 176], "publishing_msg": [68, 176], "publishing_started_at": [7, 176], "publishingcompletedat": [7, 176], "publishingmsg": [68, 176], "publishingstartedat": [7, 176], "pull": [22, 27, 176], "pull_attach": [22, 27, 176], "pull_channel_post": [22, 27, 176], "pull_chat_messag": [22, 27, 176], "pull_transcript": [22, 27, 176], "purchas": [109, 176], "purg": [58, 93, 132, 176], "purpos": [44, 58, 176, 197, 252, 292], "pyspark": [58, 176], "python": [2, 7, 16, 25, 27, 28, 32, 44, 45, 58, 68, 132, 145, 161, 176, 184, 197, 211, 214, 229, 231, 232, 247, 248, 252, 254, 258, 259, 260, 280], "python_express": 35, "python_funct": [27, 58, 176, 231], "python_function_bind": [58, 132, 145, 176, 254], "python_function_id": [58, 161, 176, 231, 232, 252, 258, 260], "python_function_nam": [58, 132, 161, 176, 254, 259], "python_function_valid": 176, "python_model": [58, 176], "python_plot_funct": 176, "python_root": [58, 176, 197], "python_typ": [25, 27, 176], "pythonfunct": [58, 176, 231, 258], "pythonfunctionargu": [27, 32, 58, 176, 229, 235], "pythonfunctionargumenttyp": [25, 27, 32, 176], "pythonfunctionbind": [132, 145, 176, 254], "pythonfunctionid": [161, 176, 231, 232, 258, 260], "pythonfunctionnam": [132, 161, 176, 254], "pythonfunctionoutputargumenttyp": [25, 27, 32, 176], "pythonfunctiontyp": [25, 27, 58, 176], "pythonplotfunct": [58, 176, 260], "q": [25, 27, 176], "quadrat": [25, 27, 176], "qualifi": [27, 28, 58, 176], "qualiti": [87, 176], "quantil": [25, 27, 28, 176], "quantiles_extension_method": [27, 28, 176], "quarter": [119, 176], "quarter_end": [25, 27, 176], "quarter_start": [25, 27, 176], "quarterli": [58, 119, 156, 176, 252], "querabl": [40, 58, 90, 176], "queri": [22, 23, 24, 27, 28, 58, 90, 93, 95, 98, 105, 106, 124, 143, 176, 185, 186, 187, 194, 196, 197, 242, 246, 268, 286], "query_argu": [58, 93, 176], "query_column": [27, 28, 176], "query_data": [58, 176, 242], "query_database_connector": [58, 176], "query_database_connector_datallm": [58, 176], "query_datallm": [90, 176], "query_feature_group_code_gener": [58, 176], "query_mcp_serv": [58, 176], "query_param": 58, "query_rewrite_instruct": [27, 28, 176], "query_time_m": [176, 246], "querytimem": [176, 246], "question": [27, 28, 176, 182], "queue": [74, 176], "quicker": [58, 98, 176], "qwen3_235b_a22b": [25, 27, 176], "qwen3_235b_a22b_2507": [], "qwen3_235b_a22b_think": [], "qwen3_235b_a22b_thinking_2507": [], "qwen3_32b": [25, 27, 176], "qwen3_cod": [25, 27, 176], "qwen_2_5_32b": [25, 27, 176], "qwen_2_5_32b_bas": [25, 27, 176], "qwen_2_5_72b": [25, 27, 176], "qwq_32b": [25, 27, 176], "r": [25, 27, 176], "r_squared_coefficient_of_determin": [25, 27, 176], "radio": [16, 27, 176], "rag": [27, 28, 176], "rais": [16, 27, 58, 76, 176, 204, 258, 259], "raise_except": 35, "random": [25, 26, 27, 176], "randomli": [26, 27, 176], "rang": [18, 26, 27, 28, 48, 58, 74, 98, 112, 122, 129, 130, 131, 132, 176, 242, 261], "range_viol": [25, 27, 131, 176], "rangeviol": [131, 176, 261], "rank": [27, 28, 58, 105, 132, 176, 242], "rapid": [25, 27, 28, 74, 176], "rar": [25, 27, 176], "rare": [27, 28, 176], "rare_class_augmentation_threshold": [27, 28, 176], "rate": [27, 28, 58, 62, 74, 176], "rather": [27, 28, 58, 176, 242], "ratio": [27, 28, 58, 176], "raw": [58, 68, 93, 127, 176, 190, 242], "raw_llm_respons": [127, 176], "rawllmrespons": [127, 176], "re": [2, 27, 28, 58, 93, 176, 203, 242], "reach": [58, 105, 176, 242], "react": [16, 27, 34, 176], "read": [45, 58, 90, 166, 176], "readabl": [58, 132, 176], "readi": [44, 45, 58, 105, 107, 120, 132, 140, 176, 207, 216, 254, 257], "readonlycli": [58, 176], "real": [58, 98, 176, 203, 252, 262], "realtim": [58, 93, 98, 103, 176, 215, 262], "realtime_monitor": 176, "realtime_monitor_id": [58, 98, 176, 203, 215, 252, 262], "realtime_monitor_schedul": [58, 98, 176, 262], "realtimemonitor": [58, 98, 176, 252, 262], "realtimemonitorid": [98, 176, 215, 262], "realtimemonitorschedul": [176, 262], "reason": [176, 190], "rebalance_class": [27, 28, 176], "recal": [25, 27, 28, 58, 176, 252], "recalcul": [22, 27, 176], "receiv": [15, 27, 29, 58, 132, 176, 254], "recent": [13, 26, 27, 28, 58, 74, 98, 100, 132, 176, 183], "recent_days_for_train": [27, 28, 176], "reciproc": [27, 28, 58, 105, 176, 242], "recogn": [58, 176, 242], "recommend": [18, 27, 28, 44, 58, 176, 242, 258], "record": [27, 28, 58, 74, 95, 98, 120, 132, 176, 242, 246, 277, 307], "record_user_act": [74, 176], "recordid": [58, 132, 176, 277], "recorduseract": [74, 176], "recov": [58, 176, 252], "recover": [58, 98, 176], "recurr": [27, 28, 176], "recurrent_lay": [27, 28, 176], "recurrent_unit": [27, 28, 176], "redict": [58, 176], "reduc": [27, 28, 30, 176], "reduct": [27, 30, 176], "refer": [7, 16, 22, 27, 28, 58, 93, 95, 113, 120, 161, 176, 207, 210, 211, 229, 230, 231, 232, 234, 235, 242, 252, 260, 292], "reference_feature_group_vers": [113, 120, 176], "reference_feature_nam": [58, 117, 120, 176], "reference_only_documentset": [58, 93, 176], "referenced_feature_group": [132, 176, 254], "referencedfeaturegroup": [132, 176, 254], "referencefeaturegroupvers": [113, 120, 176], "referenceonlydocumentset": [93, 176], "referr": [56, 176], "reflect": [58, 132, 176], "refresh": [2, 7, 27, 43, 44, 45, 58, 71, 74, 81, 93, 95, 98, 105, 107, 113, 120, 124, 125, 132, 134, 143, 145, 161, 162, 163, 176, 197, 198, 203, 207, 211, 215, 216, 225, 229, 231, 232, 235, 247, 252, 262, 263, 264, 265, 292, 312], "refresh_pipeline_run": 176, "refresh_pipeline_run_id": [58, 176, 263], "refresh_polici": [176, 263], "refresh_policy_id": [43, 58, 176, 263, 264, 265], "refresh_schedul": [44, 58, 93, 98, 113, 132, 176, 197, 203, 247, 252, 254], "refresh_typ": [58, 176, 263, 264, 265], "refreshpipelinerun": [58, 176, 263, 264], "refreshpipelinerunid": [176, 263], "refreshpolici": [44, 58, 93, 98, 176, 197, 252, 263, 264], "refreshpolicyid": [43, 176, 263, 264, 265], "refreshschedul": [44, 93, 98, 113, 132, 176, 197, 203, 247, 254, 265], "refreshtyp": [176, 263, 264, 265], "regard": [144, 176], "regardless": [176, 197], "regener": [58, 100, 101, 176, 266, 267], "regenerate_attempt": [100, 101, 176], "regenerate_llm_external_appl": 176, "regenerate_llm_opt": 176, "regenerateattempt": [100, 101, 176], "regeneratellmexternalappl": [176, 266], "regeneratellmopt": [176, 267], "regex": [22, 27, 176], "region": [21, 27, 98, 176], "regist": [27, 28, 56, 58, 110, 176, 259], "register_credit": [110, 176], "register_year": [110, 176], "registercredit": [110, 176], "registeryear": [110, 176], "registr": [110, 176], "registrar": [], "regress": [25, 27, 58, 79, 80, 98, 176, 242], "regression_dl_tf": [58, 176], "regressionaugmentationstrategi": [25, 27, 28, 176], "regressionlossfunct": [25, 27, 28, 176], "regressionobject": [25, 27, 28, 176], "regressionpredictionargu": [23, 27, 176], "regressiontargettransform": [25, 27, 28, 176], "regressiontimesplitmethod": [25, 27, 28, 176], "regressiontrainingconfig": [27, 28, 176], "regressiontreehpomod": [25, 27, 28, 176], "regressiontypeofsplit": [25, 27, 28, 176], "regular": [27, 28, 58, 176], "reindex": [74, 176], "rel": [18, 27, 28, 58, 176, 242], "relat": [23, 27, 58, 145, 176, 242], "relev": [0, 7, 21, 24, 27, 28, 45, 58, 98, 105, 120, 132, 145, 153, 176, 207, 211, 216, 226, 235, 242], "reli": [27, 28, 176], "reload": [58, 176], "remain": [27, 28, 58, 140, 176, 252], "remot": [58, 132, 145, 176], "remov": [21, 24, 27, 28, 58, 98, 125, 132, 145, 176, 225, 252], "remove_annotation_label": [132, 176], "remove_app_user_group_from_external_appl": [58, 176], "remove_app_user_group_report_permiss": [58, 176], "remove_concatenation_config": [58, 132, 176], "remove_deployment_feature_group_export_output": [58, 176], "remove_developers_from": [125, 176], "remove_developers_from_external_appl": [58, 176], "remove_feature_group_annotation_label": [58, 176], "remove_feature_group_export_output": [98, 176], "remove_feature_group_from_project": [58, 176], "remove_feature_group_tag": [58, 176], "remove_feature_tag": [58, 132, 176], "remove_from_project": [132, 176], "remove_header_foot": [21, 27, 176], "remove_organization_group_from_feature_group_modifi": [58, 176], "remove_organization_group_from_modifi": [132, 176], "remove_organization_group_permiss": [58, 176], "remove_permiss": [176, 225], "remove_project_tag": [58, 176], "remove_tag": [132, 176, 252], "remove_user_from": [176, 225], "remove_user_from_feature_group_modifi": [58, 176], "remove_user_from_modifi": [132, 176], "remove_user_from_organ": [58, 176], "remove_user_from_organization_group": [58, 176], "remove_user_group_object_permiss": [58, 176], "remove_users_from_app_user_group": [58, 176], "remove_watermark": [21, 27, 176], "renam": [40, 44, 50, 58, 90, 98, 100, 105, 113, 176, 197, 203, 229, 231, 252, 278], "rename_application_connector": [58, 176], "rename_chat_sess": [58, 176], "rename_database_connector": [58, 176], "rename_deploy": [58, 176], "rename_deployment_convers": [58, 176], "rename_document_retriev": [58, 176], "rename_eda": [58, 176], "rename_model": [58, 176], "rename_model_monitor": [58, 176], "rename_pipelin": [58, 176], "rename_pipeline_step": [58, 176], "rename_project": [58, 176], "rename_streaming_connector": [58, 176], "render": [19, 27, 34, 176, 226, 237], "render_feature_groups_for_llm": [58, 176], "rendering_cod": [176, 237], "renderingcod": [176, 237], "renew": [110, 176], "renewal_credit": [110, 176], "renewal_year": [110, 176], "renewalcredit": [110, 176], "renewalyear": [110, 176], "renorm": [27, 28, 176], "reorder": [74, 176], "replac": [27, 28, 44, 58, 63, 73, 132, 143, 145, 176, 245, 268], "replace_until_timestamp": [58, 73, 132, 176], "replaceuntiltimestamp": [73, 176], "repli": [27, 28, 176], "repons": [27, 28, 58, 176], "report": [22, 27, 38, 45, 58, 134, 176], "repositori": [58, 176, 192, 197], "repr": 35, "repres": [2, 16, 27, 28, 44, 58, 98, 100, 105, 107, 117, 119, 154, 156, 174, 176, 197, 242, 252, 258, 264, 283, 286, 301], "represent": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "reprocess": [58, 98, 176], "reproduc": [27, 28, 176], "republish": [2, 176], "request": [36, 37, 44, 58, 59, 71, 74, 98, 99, 101, 103, 132, 170, 176, 242, 246, 247, 252, 276, 277, 311, 312], "request_id": [58, 176, 246], "request_seri": [103, 176], "requestid": [176, 246], "requestseri": [103, 176], "requesttimeouterror": 58, "requet": [58, 176], "requir": [2, 16, 21, 27, 28, 32, 57, 58, 68, 100, 105, 110, 145, 176, 192, 196, 197, 203, 210, 211, 229, 231, 242, 243, 244, 247, 251, 252, 258, 288, 295, 313, 314], "required_feature_group_typ": [176, 251], "required_phras": [58, 105, 176, 242], "requiredfeaturegrouptyp": [176, 251], "requirements_upload_id": [176, 210], "requirementsuploadid": [176, 210], "requires_new_convers": [57, 176], "requiresnewconvers": [57, 176], "rerank": [27, 28, 58, 176, 242], "rerun": [58, 113, 162, 176, 203, 215, 235, 252], "rerun_eda": [58, 176], "rerun_holdout_analysi": [58, 176], "rerun_model_monitor": [58, 176], "resampl": [25, 27, 176], "rescal": [58, 176], "reset": [58, 98, 176, 235], "reset_feature_group_row_process_by_kei": [58, 98, 176], "reset_pipeline_vers": [58, 176], "reset_retention_polici": [58, 125, 176], "residu": [27, 28, 176], "resolut": [176, 268], "resolv": [23, 27, 58, 93, 107, 132, 143, 145, 176, 242, 254, 268], "resolve_matching_docu": [22, 27, 176], "resolved_config": [107, 176], "resolved_feature_group_templ": 176, "resolved_sql": [176, 268], "resolved_vari": [176, 268], "resolvedconfig": [107, 176], "resolvedfeaturegrouptempl": [58, 143, 176, 268], "resolvedsql": [176, 268], "resolvedvari": [176, 268], "resourc": [2, 58, 176, 210, 263], "resources_upload_id": [176, 210], "resourcesuploadid": [176, 210], "respect": [26, 27, 28, 58, 106, 176, 197, 211, 242, 252], "respond": [27, 28, 58, 176], "respons": [3, 6, 15, 16, 22, 23, 26, 27, 28, 29, 34, 49, 50, 56, 58, 59, 60, 61, 63, 64, 65, 69, 70, 76, 77, 95, 98, 100, 101, 126, 127, 145, 176, 184, 188, 190, 196, 222, 242, 246, 252, 308, 311], "response_bodi": [176, 311], "response_document_sourc": [58, 176], "response_field": [16, 27, 176], "response_format": [27, 28, 176], "response_instruct": [27, 28, 77, 176], "response_sect": [58, 176], "response_statu": [176, 311], "response_typ": [58, 176], "response_vers": [101, 176], "responsebodi": [176, 311], "responseinstruct": [77, 176], "responsesect": [27, 34, 58, 176], "responsesectiontyp": [25, 27, 34, 176], "responsestatu": [176, 311], "responsevers": [101, 176], "restart": [52, 58, 98, 105, 107, 176], "restart_document_retriev": [58, 176], "restart_requir": [52, 176], "restartrequir": [52, 176], "restor": [58, 176, 183], "restrict": [26, 27, 29, 58, 93, 98, 105, 132, 176, 242], "restrict_feature_map": [27, 29, 176], "restrict_item": [58, 176, 242], "restricted_algorithm": [176, 197], "restricted_feature_valu": [27, 29, 176], "restrictedalgorithm": [176, 197], "restrictfeaturemap": [27, 29, 176], "result": [6, 18, 21, 23, 27, 28, 35, 42, 44, 45, 58, 78, 87, 88, 98, 101, 105, 106, 109, 110, 124, 132, 150, 166, 176, 186, 188, 194, 197, 211, 216, 221, 226, 242, 252, 257, 258, 259, 268, 286, 290, 303, 309, 310], "result_column": [58, 105, 176, 242], "result_input_column": [44, 45, 58, 98, 176], "resultinputcolumn": [44, 45, 176], "resum": [58, 176, 229, 264], "resume_pipeline_refresh_schedul": [58, 176], "resume_refresh_polici": [58, 176], "resume_refresh_schedul": [176, 229], "retail": [58, 176], "retain": [58, 93, 125, 176], "retcod": [166, 176], "retent": [58, 93, 125, 176], "retention_hour": [58, 93, 176], "retention_row_count": [58, 93, 176], "retrain": [58, 98, 176, 197, 252], "retrain_model": [58, 176], "retri": [58, 140, 176], "retries_remain": [140, 176], "retriesremain": [140, 176], "retriev": [2, 7, 23, 24, 27, 28, 44, 45, 58, 76, 93, 95, 98, 104, 105, 106, 107, 108, 113, 120, 132, 145, 176, 197, 203, 207, 211, 226, 242, 252, 263, 264, 292], "retrieval_column": [27, 28, 176], "retriv": [58, 98, 176, 242], "retry_500": 58, "retun": 35, "return": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 19, 23, 24, 25, 26, 27, 28, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "return_class": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "return_extracted_ent": [58, 176, 242], "return_extracted_featur": [58, 176, 242], "return_extracted_page_text": [58, 104, 176], "return_fractional_forecast": [27, 28, 176], "return_graph": [58, 176, 197], "return_typ": 35, "reusabl": [58, 176], "revers": [1, 176], "review": [12, 27, 31, 176], "review_mod": [25, 27, 176], "reviewmodeprojectfeaturegroupconfig": [27, 31, 176], "rewrit": [27, 28, 176], "rewrite_prompt": [], "rewriteprompt": [], "rh": [58, 176, 242], "right": [58, 105, 176, 242], "rjsf": [27, 34, 176], "rmse": [25, 27, 176], "rnn": [27, 28, 176], "robot": [26, 27, 176], "robust": [25, 27, 176], "role": [3, 49, 58, 101, 176, 224, 273], "rolearn": [58, 176], "root": [22, 27, 58, 171, 176, 197, 307], "root_mean_square_error": [25, 27, 176], "rotat": [58, 176, 228, 242], "rotation_angl": [176, 228], "rotationangl": [176, 228], "rout": [165, 176, 270], "routed_llm": [101, 176], "routedllm": [101, 176], "routellm": [58, 101, 176, 266, 267], "routing_act": 176, "routingact": [176, 270], "row": [12, 13, 18, 25, 26, 27, 28, 45, 48, 58, 84, 85, 93, 95, 98, 119, 132, 133, 139, 140, 141, 176, 204, 238, 239, 240, 241, 242, 261, 279, 286], "row_count": [95, 176], "row_indicator_bas": [25, 27, 176], "rowcount": [95, 176], "rowwis": [154, 176], "rule": [26, 27, 58, 132, 176], "run": [2, 9, 18, 27, 28, 35, 44, 58, 68, 90, 98, 101, 120, 124, 165, 176, 197, 203, 207, 215, 216, 229, 230, 235, 242, 247, 252, 258, 259, 263, 264, 265, 309, 311], "run_monitor_alert": [58, 176], "run_pipelin": [58, 176], "run_refresh_polici": [58, 176], "run_workflow_graph": [58, 176], "runtim": [27, 34, 58, 98, 176], "runtime_config": [98, 176], "runtime_schema": [16, 25, 27, 176], "runtimeconfig": [98, 176], "runtimeschemaresponsesect": [27, 34, 176], "s3": [27, 28, 58, 93, 150, 176, 211], "safe": [58, 98, 176, 197, 242, 252], "safeti": [58, 176], "sai": [58, 176, 242], "said": [2, 7, 44, 45, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 235, 263, 292], "sale": [119, 155, 156, 176], "sales_across_tim": [58, 119, 120, 176], "sales_forecast": [58, 176], "sales_scor": [58, 176], "salesacrosstim": [119, 176], "salesforc": [25, 27, 58, 93, 176], "same": [26, 27, 28, 45, 58, 93, 104, 105, 132, 162, 176, 197, 240, 242, 252, 292], "sampl": [18, 25, 26, 27, 28, 58, 84, 132, 147, 176, 203, 254, 280], "sample_count": [26, 27, 176], "sample_field": [27, 28, 176], "sample_perc": [26, 27, 176], "sample_user_input": [35, 58, 176], "sample_weight": [27, 28, 176], "sampling_config": [58, 132, 176, 254], "sampling_method": [26, 27, 176], "sampling_unit_kei": [27, 28, 176], "samplingconfig": [26, 27, 58, 132, 176, 254], "samplingmethodtyp": [25, 26, 27, 176], "sat": [25, 27, 176], "satisfi": [], "save": [2, 27, 28, 58, 93, 132, 176, 210, 242], "save_convers": [58, 176, 242], "save_extracted_featur": [58, 176, 242], "save_metadata": [58, 132, 176], "save_predicted_pdf": [27, 28, 58, 176, 242], "scalar": [27, 28, 58, 132, 176, 238, 239, 241, 242], "scale": [27, 28, 176], "scaling_factor": [58, 176, 242], "scan": [25, 27, 58, 176], "scanned_text": [25, 27, 176], "scatter": [117, 176], "scenario": [58, 176, 242], "schedul": [44, 57, 58, 93, 98, 113, 132, 176, 197, 203, 229, 247, 252, 254, 262, 264, 265], "schedule_info": [57, 176], "scheduleinfo": [57, 176], "schema": [16, 21, 22, 27, 28, 34, 58, 71, 85, 90, 91, 92, 93, 94, 95, 132, 176, 211, 212, 220, 252, 254, 255, 256], "schema_document_retriever_id": [58, 176], "schema_map": [82, 176], "schema_prop": [16, 27, 34, 176], "schema_sourc": [16, 27, 176], "schema_vers": [176, 256], "schemamap": [82, 176], "schemavers": [176, 256], "scheme": [27, 28, 66, 176], "schmea": [58, 176], "scienc": [8, 17, 27, 50, 58, 176, 252], "scope": [2, 37, 58, 176, 197, 252], "score": [0, 18, 23, 24, 27, 28, 58, 98, 105, 106, 176, 226, 242], "score_field": [18, 27, 58, 176, 242], "score_imag": [58, 176, 242], "score_multiplier_column": [24, 27, 58, 105, 176, 242], "scoremultipliercolumn": [], "scrape": [58, 176, 308], "scraper": [22, 27, 176], "script": [58, 176], "scroll": [74, 176], "scroll_debounce_m": [74, 176], "scrolldebouncem": [74, 176], "sdk": [], "sdk_link_hosted_app": [], "search": [21, 23, 27, 28, 58, 74, 77, 98, 100, 101, 105, 110, 176, 221, 226, 242, 290, 303, 309, 310], "search_chunk_s": [27, 28, 176], "search_feature_group": [58, 176], "search_llm": [25, 27, 176], "search_provid": [58, 176], "search_result": [101, 176, 309], "search_score_cutoff": [23, 27, 28, 58, 98, 176, 242], "search_suggest": [100, 176], "search_web_for_llm": [58, 176], "searchresult": [101, 176, 309], "searchsuggest": [100, 176], "season": [119, 176], "seasonality_day_of_month": [119, 176], "seasonality_day_of_week": [119, 176], "seasonality_day_of_year": [119, 176], "seasonality_hour": [119, 176], "seasonality_minut": [119, 176], "seasonality_month": [119, 176], "seasonality_quart": [119, 176], "seasonality_second": [119, 176], "seasonality_week_of_year": [119, 176], "seasonality_year": [119, 176], "seasonalitydayofmonth": [119, 176], "seasonalitydayofweek": [119, 176], "seasonalitydayofyear": [119, 176], "seasonalityhour": [119, 176], "seasonalityminut": [119, 176], "seasonalitymonth": [119, 176], "seasonalityquart": [119, 176], "seasonalitysecond": [119, 176], "seasonalityweekofyear": [119, 176], "seasonalityyear": [119, 176], "second": [1, 16, 23, 27, 28, 30, 58, 93, 98, 103, 105, 107, 119, 132, 176, 238, 240, 242, 262, 292], "secret": [25, 27, 40, 58, 90, 176, 227, 278, 291], "secret_kei": [58, 176, 227], "secret_typ": [58, 176], "secretkei": [176, 227], "section": [3, 27, 34, 58, 101, 176, 197, 229, 231, 252], "section_data_list": [58, 176], "section_kei": [27, 34, 35, 58, 176], "section_output": 35, "secur": [58, 176, 242], "sedan": [58, 176, 242], "see": [58, 132, 148, 176, 196, 242, 252, 271, 278, 295], "seed": [26, 27, 176], "seen": [], "segment": [3, 27, 35, 49, 58, 100, 101, 176, 237], "select": [24, 26, 27, 28, 30, 58, 74, 93, 101, 104, 117, 118, 132, 144, 173, 176, 197, 202, 211, 242, 252, 254, 282, 300], "select_claus": [128, 176, 219], "select_express": [58, 132, 176], "selectclaus": [128, 176, 219], "selected_algorithm": [176, 202], "selected_algorithm_nam": [176, 202], "selected_column": [58, 95, 145, 176], "selected_featur": [118, 176], "selected_version_index": [101, 176], "selectedalgorithm": [176, 202], "selectedalgorithmnam": [176, 202], "selectedfeatur": [118, 176], "selectedversionindex": [101, 176], "selection_cooldown_m": [74, 176], "selectioncooldownm": [74, 176], "self": [58, 132, 176, 238], "semant": [58, 105, 132, 176, 242], "send": [17, 27, 28, 30, 57, 58, 98, 176, 312], "send_email": [58, 176], "sender": [3, 49, 101, 176], "sens": [58, 176], "sent": [27, 28, 49, 58, 93, 101, 176, 242, 312], "sentenc": [18, 27, 28, 176], "sentence_bert": [25, 27, 176], "sentence_boundary_detect": [18, 25, 27, 28, 176], "sentenceboundarydetectionbatchpredictionarg": [18, 27, 176], "sentenceboundarydetectiontrainingconfig": [27, 28, 176], "sentiment": [27, 28, 58, 176, 242], "sentiment_detect": [25, 27, 28, 176], "sentiment_typ": [27, 28, 176], "sentimentdetectiontrainingconfig": [27, 28, 176], "sentimenttyp": [25, 27, 28, 176], "separ": [18, 27, 28, 52, 58, 176, 242, 252, 264], "sequenc": [58, 100, 101, 132, 176, 238, 239, 241, 292], "sequenti": [27, 28, 176], "sequential_train": [27, 28, 176], "seri": [27, 28, 29, 58, 98, 103, 176, 242], "serial": [26, 27, 58, 176, 242, 252], "serializ": 58, "series_id": [58, 176, 242], "serv": [58, 98, 105, 107, 167, 176], "server": [27, 28, 36, 58, 176, 192, 193, 194], "server_nam": [58, 176], "server_overrid": 58, "servic": [27, 28, 38, 40, 58, 90, 93, 125, 150, 176, 224, 242, 278, 291, 311], "service_discovery_url": 58, "service_nam": [40, 176], "service_port": [27, 28, 176], "servicenam": [40, 176], "session": [27, 28, 50, 58, 93, 100, 176, 242, 252, 272, 273, 274], "session_dedupe_min": [27, 28, 176], "session_event_typ": [27, 28, 176], "session_summari": 176, "session_transcript": 176, "sessionsummari": [176, 272], "sessiontranscript": [176, 273, 274], "set": [16, 18, 21, 23, 26, 27, 28, 29, 41, 44, 50, 58, 93, 98, 100, 101, 103, 104, 105, 107, 132, 145, 160, 175, 176, 181, 196, 197, 211, 224, 225, 242, 252, 254, 257, 281, 284, 289, 302], "set_agent_context_chat_histori": [58, 176], "set_agent_context_conversation_id": [58, 176], "set_agent_context_doc_id": [58, 176], "set_agent_context_doc_info": [58, 176], "set_agent_context_external_session_id": [58, 176], "set_agent_response_document_sourc": [58, 176], "set_annotation_status_featur": [58, 132, 176], "set_as_overrid": [58, 98, 176], "set_auto": [98, 176], "set_auto_deploy": [58, 176], "set_azure_blob_connection_str": [58, 176], "set_batch_prediction_database_connector_output": [58, 176], "set_batch_prediction_dataset_remap": [58, 176], "set_batch_prediction_feature_group": [58, 176], "set_batch_prediction_feature_group_output": [58, 176], "set_batch_prediction_file_connector_output": [58, 176], "set_batch_prediction_output_to_consol": [58, 176], "set_cache_scop": [58, 176], "set_column_data_typ": [93, 176], "set_database_connector_config": [93, 176], "set_database_connector_output": [44, 176], "set_dataset_column_data_typ": [58, 176], "set_dataset_database_connector_config": [58, 176], "set_dataset_remap": [44, 176], "set_default": [176, 225], "set_default_algorithm": [176, 197], "set_default_model_algorithm": [58, 176], "set_default_organization_group": [58, 176], "set_default_prediction_argu": [58, 98, 176], "set_deployment_conversation_feedback": [58, 176], "set_deployment_feature_group_export_database_connector_output": [58, 176], "set_deployment_feature_group_export_file_connector_output": [58, 176], "set_deployment_feature_group_vers": [58, 176], "set_deployment_model_vers": [58, 176], "set_deployment_prediction_operator_vers": [58, 176], "set_export_connector_config": [132, 176], "set_export_on_materi": [58, 132, 176], "set_feature_as_annotatable_featur": [58, 132, 176], "set_feature_group": [44, 176], "set_feature_group_export_connector_config": [58, 176], "set_feature_group_export_database_connector_output": [98, 176], "set_feature_group_export_file_connector_output": [98, 176], "set_feature_group_indexing_config": [58, 176], "set_feature_group_merge_config": [58, 176], "set_feature_group_modifier_lock": [58, 176], "set_feature_group_operator_config": [58, 176], "set_feature_group_output": [44, 176], "set_feature_group_sampling_config": [58, 176], "set_feature_group_schema": [58, 176], "set_feature_group_typ": [58, 176], "set_feature_group_vers": [98, 176], "set_feature_map": [58, 176, 252], "set_feature_typ": [58, 132, 176], "set_feedback": [100, 176], "set_file_connector_output": [44, 176], "set_indexing_config": [132, 176], "set_merge_config": [132, 176], "set_model_object": [58, 176, 211], "set_model_prediction_param": [58, 176], "set_model_training_config": [58, 176], "set_model_vers": [98, 176], "set_modifier_lock": [132, 176], "set_natural_language_explan": [58, 176], "set_operator_config": [132, 176], "set_output_to_consol": [44, 176], "set_prediction_operator_vers": [98, 176], "set_prediction_param": [176, 197], "set_project_config": [132, 176], "set_project_feature_group_config": [58, 176], "set_sampling_config": [132, 176], "set_schema": [132, 176], "set_scoped_cache_valu": [58, 176], "set_streaming_retention_polici": [58, 93, 176], "set_training_config": [176, 197], "set_typ": [132, 176], "set_user_role_to_platform": [58, 176], "setup": [], "sever": [58, 176], "severely_drifting_threshold": [27, 30, 176], "sftp": [22, 27, 176, 275], "sftp_kei": 176, "sftpapplic": [25, 27, 176], "sftpdatasetconfig": [22, 27, 176], "sftpkei": [176, 275], "shall": [58, 176, 252], "shap": [18, 27, 58, 147, 176, 242], "shap_feature_import": [147, 176], "shape": [25, 27, 176], "shapfeatureimport": [147, 176], "share": [22, 27, 43, 45, 100, 176], "share_typ": [100, 176], "shared_at": [], "sharedat": [], "sharepoint": [22, 25, 27, 176], "sharepointdatasetconfig": [22, 27, 176], "sharetyp": [100, 176], "shift": [27, 28, 176], "shirt": [27, 28, 176], "short": [17, 27, 159, 176], "short_explan": [58, 176, 218], "shortexplan": [176, 218], "shorthand": [176, 202], "shot": [27, 28, 176], "should": [16, 22, 27, 28, 29, 31, 58, 61, 95, 98, 125, 145, 162, 176, 197, 229, 231, 242, 247, 252], "should_attach_feature_group_to_templ": [58, 132, 176], "should_include_all_system_templ": [58, 176, 252], "should_include_system_templ": [58, 176], "should_valid": [58, 143, 176], "should_wait_for_upload": [58, 176], "show": [22, 27, 58, 60, 61, 74, 100, 101, 118, 119, 125, 155, 156, 176, 209, 242, 258], "show_autocomplet": [60, 61, 176], "showautocomplet": [60, 61, 176], "showcas": [], "shown": [16, 27, 58, 61, 98, 120, 125, 176, 285], "sign": [39, 58, 134, 176], "signatur": 76, "signifi": [22, 27, 58, 93, 176], "significantli": [27, 30, 176], "similar": [58, 74, 176, 242], "simpl": [58, 176, 242], "simple_ag": [25, 27, 176], "simple_text": [25, 27, 176], "simpler": [58, 176, 242], "simul": [25, 27, 28, 176], "sinc": [132, 176, 211], "since_project_id": [58, 176], "singl": [3, 16, 27, 49, 58, 101, 129, 176, 177, 207, 221, 242, 252, 263, 264, 290, 303, 310], "size": [5, 19, 24, 26, 27, 28, 58, 74, 75, 93, 95, 105, 107, 132, 145, 157, 176, 195, 197, 211, 229, 231, 232, 242, 247, 252, 254, 292], "skip": [16, 27, 31, 58, 98, 132, 176, 235, 291], "skip_input_transform": [27, 28, 176], "skip_materi": [58, 73, 132, 176], "skip_metrics_check": [58, 98, 176], "skip_miss": [27, 28, 176], "skip_pending_pipeline_version_step": [58, 176], "skip_pending_step": [176, 235], "skip_target_transform": [27, 28, 176], "skip_timeseries_weight_sc": [27, 28, 176], "skip_version_check": [58, 176], "skipmateri": [73, 176], "skipmetricscheck": [98, 176], "slack": [25, 27, 176], "sleep_tim": [16, 27, 176], "sliding_zscor": [25, 27, 176], "slightli": [58, 132, 176, 252], "small": [25, 27, 28, 176], "smaller": [49, 58, 105, 176, 242, 292], "smallest": [58, 176], "smirnov": [122, 130, 131, 176], "smooth": [27, 28, 176], "smooth_histori": [27, 28, 176], "smote": [25, 27, 176], "snake_cas": [15, 16, 27, 176], "snapshot": [27, 28, 58, 74, 93, 132, 145, 169, 176, 183], "snapshot_interval_m": [74, 176], "snapshot_streaming_data": [58, 93, 176], "snapshotintervalm": [74, 176], "snippet": [27, 28, 58, 105, 176, 310], "so": [16, 18, 24, 27, 58, 98, 132, 176, 242], "soft": [27, 31, 176], "solut": [27, 28, 58, 176, 242], "solv": [23, 27, 28, 58, 176, 242], "solve_time_limit": [27, 28, 176], "solve_time_limit_second": [23, 27, 58, 176, 242], "some": [27, 28, 58, 93, 98, 112, 129, 176, 242, 252], "sort": [27, 28, 58, 105, 118, 176, 242], "sort_object": [27, 28, 176], "sorted_column_nam": [118, 176], "sortedcolumnnam": [118, 176], "soruc": [176, 184], "sourc": [2, 7, 9, 16, 26, 27, 28, 35, 38, 43, 57, 58, 68, 73, 79, 81, 93, 95, 101, 106, 128, 132, 145, 169, 176, 184, 197, 211, 214, 219, 220, 229, 231, 232, 235, 240, 242, 247, 248, 250, 252, 254, 258, 260, 313, 314], "source_cod": [2, 16, 27, 58, 68, 176, 197, 229, 231, 247, 248, 314], "source_dataset_vers": [145, 176], "source_deployment_conversation_id": [53, 57, 176], "source_feature_group_id": [58, 132, 176], "source_imag": [58, 176, 242], "source_prop": [16, 27, 176], "source_t": [128, 132, 145, 176, 219, 220, 254], "source_typ": [68, 93, 176], "sourcecod": [2, 68, 176, 197, 247, 248, 314], "sourcedatasetvers": [145, 176], "sourcedeploymentconversationid": [53, 57, 176], "sourcet": [128, 132, 145, 176, 219, 220, 254], "sourcetyp": [68, 93, 176], "space": [22, 27, 176], "space_kei": [22, 27, 176], "spacekei": [22, 27, 176], "span": [176, 263], "spark": [58, 176], "sparksess": [58, 176], "spawn": [49, 176], "spec": [58, 75, 132, 176], "special": [16, 27, 28, 58, 105, 132, 176, 242], "specif": [2, 9, 16, 18, 20, 22, 23, 27, 28, 34, 37, 40, 44, 58, 90, 93, 95, 98, 132, 145, 176, 182, 197, 225, 242, 252, 253, 254, 255, 295], "specifc": [58, 176, 197, 252], "specifi": [2, 7, 16, 18, 21, 23, 24, 26, 27, 28, 30, 35, 37, 44, 45, 48, 58, 73, 90, 93, 95, 98, 105, 112, 113, 120, 122, 129, 130, 131, 132, 143, 145, 147, 162, 176, 196, 197, 203, 207, 211, 225, 229, 231, 232, 235, 238, 240, 242, 247, 248, 252, 254, 261, 266, 267, 277, 279, 288, 292], "specification_typ": [16, 27, 176], "specifii": [58, 98, 176, 242], "speed": [27, 28, 176], "spend": [23, 27, 28, 58, 176, 242], "spin": [176, 258, 260], "split": [25, 27, 28, 58, 105, 176, 197, 202, 211, 242, 252], "spotifi": [40, 58, 176], "sql": [25, 27, 28, 58, 93, 105, 124, 128, 132, 143, 145, 176, 184, 185, 187, 219, 238, 239, 241, 242, 254, 268, 286], "sql_dialect": [58, 176], "sql_error": [132, 176, 254, 268], "sql_queri": [58, 93, 176], "sqlerror": [132, 176, 254, 268], "squar": [25, 27, 122, 130, 131, 176], "src_hosted_database_id": [169, 176], "src_suffix": 35, "srchosteddatabaseid": [169, 176], "srmse": [25, 27, 176], "ss": [18, 27, 176], "sse_asynchronous_gener": 58, "st": [176, 281], "stabil": [27, 28, 122, 130, 131, 176], "stabl": [98, 176], "stable_map": [25, 27, 176], "stable_standardized_mape_with_cmap": [25, 27, 176], "stable_standardized_mean_absolute_percentage_error": [25, 27, 176], "stack": [27, 28, 176], "stacktrac": [158, 176], "stage": [87, 176, 199, 200, 211, 229, 235], "stage_nam": [176, 200], "stagenam": [176, 200], "standalon": [24, 27, 176], "standalone_deploy": [24, 27, 176], "standard": [15, 18, 26, 27, 29, 158, 176, 180], "standard_devi": [154, 176], "star": [58, 176, 203, 204], "start": [2, 7, 16, 18, 22, 23, 25, 27, 28, 29, 34, 43, 44, 45, 52, 58, 63, 93, 98, 100, 105, 113, 120, 132, 140, 145, 158, 166, 176, 184, 197, 203, 207, 211, 216, 228, 238, 240, 242, 252, 263, 279], "start_after_id": [58, 176, 252], "start_after_vers": [2, 44, 58, 93, 105, 113, 132, 176, 197, 203], "start_autonomous_ag": [58, 176, 242], "start_batch_predict": [58, 176], "start_dat": [18, 27, 58, 98, 176], "start_date_offset": [18, 27, 176], "start_deploy": [58, 176], "start_fram": [], "start_lin": [63, 176], "start_pag": [58, 176], "start_prefix": [58, 176], "start_tim": [27, 29, 58, 93, 176], "start_timestamp": [22, 23, 27, 58, 176, 242], "start_ts_m": [176, 279], "start_word_index": [58, 105, 176], "started_at": [140, 176, 263], "startedat": [140, 176, 263], "startfram": [], "startlin": [63, 176], "starttsm": [176, 279], "stat": [158, 176], "state": [1, 2, 16, 27, 58, 98, 176, 210, 234, 242, 252], "state_or_provinc": [1, 176], "statement": [58, 132, 176], "stateorprovinc": [1, 176], "static": [16, 25, 27, 35, 176], "stationari": [27, 28, 176], "statist": [58, 95, 98, 103, 122, 129, 130, 131, 145, 158, 176, 217], "statu": [2, 7, 11, 13, 14, 40, 44, 45, 50, 52, 58, 68, 78, 90, 93, 95, 98, 100, 103, 105, 107, 120, 124, 125, 132, 133, 134, 140, 145, 153, 163, 165, 176, 182, 183, 186, 197, 198, 207, 210, 211, 216, 229, 232, 234, 235, 248, 263, 278, 291, 292, 296, 311], "status": [58, 98, 176], "status_featur": [11, 176], "status_field": 58, "status_forcelist": 58, "statusfeatur": [11, 176], "std": [27, 29, 176], "stddev": [25, 27, 176, 180], "stddevthreshold": [27, 29, 176], "stddevthresholdtyp": [25, 27, 29, 176], "stderr": [58, 141, 145, 158, 176, 211, 233], "stdout": [58, 141, 145, 158, 176, 211, 233], "step": [27, 28, 58, 141, 176, 229, 231, 232, 233, 234, 235, 236], "step_depend": [58, 176, 229, 231, 232], "step_funct": [25, 27, 176], "step_input_map": [58, 176, 229, 231], "step_log": [176, 236], "step_nam": [58, 176, 229, 231, 232, 233], "step_vers": [176, 235], "stepdepend": [176, 231, 232], "steplog": [176, 236], "stepnam": [176, 231, 232, 233], "stepvers": [176, 235], "stop": [27, 28, 43, 58, 74, 98, 105, 107, 165, 176, 190, 252], "stop_deploy": [58, 176], "stop_rapid_chang": [74, 176], "stop_reason": [176, 190], "stop_sequ": [58, 176], "stoprapidchang": [74, 176], "stopreason": [176, 190], "storag": [22, 27, 58, 74, 150, 151, 165, 176, 183], "store": [10, 13, 16, 19, 24, 26, 27, 28, 44, 58, 98, 105, 132, 145, 176, 197, 242, 252, 254], "store_id": [58, 176, 242], "str": [0, 1, 2, 3, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 57, 58, 59, 60, 61, 62, 63, 66, 68, 70, 72, 73, 76, 77, 78, 79, 80, 81, 83, 86, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 104, 105, 106, 107, 108, 109, 110, 111, 113, 114, 117, 118, 119, 120, 121, 123, 124, 125, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 138, 139, 140, 141, 143, 144, 145, 146, 148, 150, 153, 154, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 172, 173, 176, 177, 179, 182, 183, 184, 185, 186, 187, 188, 190, 192, 193, 196, 197, 198, 199, 200, 201, 202, 203, 207, 208, 209, 210, 211, 212, 214, 215, 216, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 237, 238, 239, 240, 241, 242, 243, 244, 246, 247, 248, 249, 250, 251, 252, 253, 254, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 275, 276, 277, 278, 280, 282, 286, 287, 288, 290, 291, 292, 293, 294, 295, 296, 297, 298, 300, 303, 304, 305, 307, 308, 310, 311, 312, 313, 314], "strategi": [27, 28, 58, 176, 252], "stratifi": [25, 27, 176], "stratified_random_sampl": [25, 27, 176], "stream": [3, 20, 25, 27, 28, 45, 58, 93, 98, 101, 132, 134, 176, 254, 276, 277, 278, 279, 280], "stream_messag": [58, 176], "stream_response_sect": [58, 176], "stream_section_output": [58, 176], "streamable_respons": 58, "streamed_data": [3, 101, 176], "streamed_section_data": [3, 101, 176], "streameddata": [3, 101, 176], "streamedsectiondata": [3, 101, 176], "streaming_auth_token": 176, "streaming_cli": 176, "streaming_connector": 176, "streaming_connector_id": [58, 176, 278], "streaming_connector_typ": [20, 27, 176], "streaming_embed": [27, 28, 176], "streaming_en": [132, 176, 254], "streaming_evaluate_prompt": [58, 176], "streaming_readi": [132, 176, 254], "streaming_row_count": 176, "streaming_sample_cod": 176, "streaming_statu": [132, 176], "streaming_token": [58, 132, 176, 276, 277], "streamingauthtoken": [58, 176, 276], "streamingcli": [176, 277], "streamingconnector": [58, 176, 278], "streamingconnectordatasetconfig": [20, 27, 58, 176], "streamingconnectorid": [176, 278], "streamingconnectortyp": [20, 25, 27, 176], "streamingen": [132, 176, 254], "streaminghandl": 35, "streamingreadi": [132, 176, 254], "streamingrowcount": [176, 279], "streamingsamplecod": [176, 280], "streamingtoken": [176, 276], "streamtyp": 35, "strict": [27, 28, 35, 176], "strictli": [27, 30, 176], "string": [2, 7, 13, 16, 18, 25, 27, 28, 35, 40, 44, 45, 58, 80, 81, 90, 93, 95, 98, 102, 104, 105, 107, 113, 120, 124, 132, 134, 135, 136, 140, 143, 145, 161, 163, 176, 184, 192, 197, 198, 203, 207, 211, 213, 214, 215, 216, 225, 228, 229, 231, 235, 242, 247, 252, 258, 259, 260, 262, 263, 264, 265, 271, 277, 278, 292, 293, 312], "stringio": [176, 292], "strip": [], "struct": [25, 27, 176, 271], "structur": [13, 27, 28, 176], "sts_gen_set": 176, "stsgenset": [176, 281], "stt": [176, 282, 283, 284], "stt_gen_model": 176, "stt_gen_model_opt": 176, "stt_gen_set": 176, "sttgenmodel": [176, 282, 284], "sttgenmodelopt": [176, 282, 283], "sttgenset": [176, 284], "style": [44, 58, 93, 98, 176, 197, 229, 242, 252, 264, 265], "style_imag": [58, 176, 242], "sub": [49, 176], "subclass": [58, 176], "subject": [58, 176], "subnetwork": [27, 28, 176], "subsequ": [16, 27, 176], "subset": [26, 27, 28, 176], "subset_s": [26, 27, 176], "successful_invit": [56, 126, 176], "successfulinvit": [56, 126, 176], "successfulli": [56, 58, 78, 126, 176], "successfullt": [56, 176], "succinct": [27, 28, 58, 176, 218], "suggest": [50, 58, 69, 74, 100, 132, 176], "suggest_abacus_api": [58, 176], "suggest_feature_group_template_for_feature_group": [58, 176], "suggest_template_for": [132, 176], "suggested_flow": [], "suggestedflow": [], "suitabl": [58, 176], "sum": [27, 30, 130, 131, 176], "summar": [27, 28, 176], "summari": [24, 27, 44, 48, 58, 70, 74, 98, 101, 129, 131, 142, 156, 176, 203, 204, 205, 206, 217, 223, 242, 261, 272], "summarized_metr": [176, 286], "summarizedmetr": [176, 286], "summary_batch_s": [74, 176], "summary_feature_group_table_nam": [44, 176], "summary_info": [22, 27, 176], "summary_instruct": [24, 27, 176], "summarybatchs": [74, 176], "summaryfeaturegrouptablenam": [44, 176], "summaryinstruct": [], "super_ag": [25, 27, 176], "superv": [27, 28, 176], "suppli": [58, 76, 98, 132, 176, 197, 242, 247, 252, 258], "support": [16, 27, 28, 30, 58, 62, 71, 93, 98, 125, 134, 135, 145, 176, 183, 197, 208, 211, 242, 251, 252, 292], "supports_preview_restor": [176, 183], "supportspreviewrestor": [176, 183], "surround": [74, 176], "suspend": [58, 98, 176], "suv": [58, 176, 242], "svd": [24, 27, 176], "swap": [44, 58, 176, 245], "switch": [58, 98, 100, 101, 176], "sy": [35, 259], "symbol": [74, 176], "symbols_cache_update_interv": [74, 176], "symbols_storage_update_interv": [74, 176], "symbolscacheupdateinterv": [74, 176], "symbolsstorageupdateinterv": [74, 176], "symmetr": [27, 28, 130, 131, 176], "symmetrize_quantil": [27, 28, 176], "sync": [176, 181], "syntact": [176, 184], "synthet": [26, 27, 176], "syspath_prepend": 259, "system": [16, 23, 27, 28, 43, 58, 90, 91, 93, 98, 100, 101, 125, 143, 157, 176, 197, 229, 231, 242, 252, 292], "system_messag": [23, 27, 58, 98, 176, 242], "systemconnectortool": [27, 28, 176], "t": [2, 7, 16, 25, 27, 28, 44, 45, 58, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 196, 197, 198, 207, 211, 216, 229, 235, 242, 263, 292], "tabl": [21, 25, 27, 28, 34, 44, 58, 92, 93, 98, 111, 128, 132, 145, 176, 211, 219, 220, 238, 240, 247, 252, 254], "table_nam": [27, 28, 44, 58, 92, 98, 132, 145, 176, 211, 254], "table_name_or_id": [58, 176], "tablenam": [58, 92, 98, 132, 176, 254], "tables_and_form": [25, 27, 176], "tabular": [58, 176], "tag": [37, 58, 132, 170, 176, 252, 254, 314], "tailor": [58, 176], "take": [21, 26, 27, 28, 58, 93, 176, 242, 258, 259], "taken": [58, 132, 176, 246], "tar": [25, 27, 176], "target": [16, 26, 27, 28, 29, 30, 35, 58, 98, 119, 131, 132, 156, 176, 202, 252, 312], "target_action_typ": [27, 28, 176], "target_action_weight": [27, 28, 176], "target_class": [27, 29, 176], "target_column": [27, 29, 131, 176, 202], "target_drift": [25, 27, 156, 176], "target_encode_categor": [27, 28, 176], "target_transform": [27, 28, 176], "target_valu": [58, 176, 252], "target_value_bia": [58, 176, 252], "target_value_perform": [58, 176, 252], "targetcolumn": [131, 176, 202], "targetdrift": [25, 27, 156, 176], "targetdriftconditionconfig": [27, 30, 176], "tarin": [176, 203], "task": [8, 49, 50, 57, 58, 83, 100, 101, 176, 182, 242], "task_definit": [57, 176], "task_typ": [8, 57, 176], "taskdefinit": [57, 176], "tasktyp": [8, 57, 176], "team": [22, 25, 27, 28, 58, 93, 176, 196], "teamsscrap": [25, 27, 176], "teamsscraperdatasetconfig": [22, 27, 176], "technic": [58, 105, 176, 242], "techniqu": [], "tell": [58, 176], "temperatur": [23, 26, 27, 28, 58, 98, 176, 242], "templat": [16, 26, 27, 58, 98, 132, 143, 144, 145, 176, 252, 254, 268, 285, 312, 314], "template_bind": [58, 132, 143, 145, 176, 254], "template_config": [176, 314], "template_metadata": [16, 27, 176], "template_nam": [16, 27, 176], "template_node_detail": 176, "template_sql": [58, 132, 143, 176, 268], "template_vari": [58, 132, 143, 176], "template_variable_opt": [144, 176], "templatebind": [132, 145, 176, 254], "templateconfig": [176, 314], "templatenodedetail": [176, 285], "templatesql": [143, 176, 268], "templatevari": [143, 176], "templatevariableopt": [144, 176], "tensorflow": [176, 210], "term": [58, 132, 176, 238, 240], "termin": [37, 176], "terminologi": [58, 105, 176, 242], "tesseract_fast": [25, 27, 176], "test": [18, 25, 27, 28, 58, 113, 176, 197, 202, 211, 252, 286], "test_ag": [25, 27, 176], "test_by_item": [27, 28, 176], "test_feature_group_vers": [113, 120, 176], "test_feature_nam": [58, 117, 120, 176], "test_last_items_length": [27, 28, 176], "test_on_user_split": [27, 28, 176], "test_point_predict": 176, "test_row_ind": [27, 28, 176], "test_split": [27, 28, 176], "test_split_on_last_k_item": [27, 28, 176], "test_split_percentage_bas": [25, 27, 176], "test_splitting_timestamp": [27, 28, 176], "test_start": [27, 28, 176], "test_start_timestamp_bas": [25, 27, 176], "test_val": [27, 28, 176], "test_window_length_hour": [27, 28, 176], "testfeaturegroupvers": [113, 120, 176], "testpointpredict": [176, 286], "text": [3, 16, 21, 24, 25, 26, 27, 28, 34, 49, 53, 58, 63, 68, 100, 101, 104, 105, 106, 143, 176, 228, 237, 242, 271], "text_encod": [24, 27, 176], "text_input": [16, 27, 176], "text_snippet": [44, 45, 132, 176], "textarea": [16, 27, 176], "textencod": [], "textiobas": [58, 132, 176, 242, 292], "textresponsesect": [27, 34, 176], "tfrecord": [25, 27, 176], "than": [27, 28, 30, 45, 58, 104, 105, 132, 176, 242], "thei": [27, 28, 56, 58, 98, 105, 125, 126, 132, 176, 196, 197, 242, 252], "them": [16, 22, 27, 28, 58, 176, 263], "theme": [27, 28, 58, 98, 125, 176, 224], "theme_analysi": [18, 25, 27, 58, 176], "themeanalysisbatchpredictionarg": [18, 27, 176], "themeanalysistrainingconfig": [27, 28, 176], "thi": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "thing": [27, 28, 176], "think": [125, 176], "thorough": [25, 27, 28, 176], "those": [58, 105, 132, 143, 176, 197, 238, 240, 242, 252, 254], "thread": [58, 124, 145, 176, 197, 252, 292], "threshold": [27, 28, 29, 30, 58, 74, 115, 176, 180, 242], "threshold_class": [58, 176, 242], "threshold_config": [27, 30, 176], "threshold_scor": [27, 28, 176], "threshold_typ": [27, 29, 176], "thresholdconfig": [27, 30, 176], "throttl": [72, 176], "through": [2, 9, 27, 28, 58, 176, 197, 226, 252], "thumbnail": [176, 290, 303], "thumbnail_height": [176, 221, 290], "thumbnail_url": [176, 221, 290, 303], "thumbnail_width": [176, 221, 290], "thumbnailheight": [176, 221, 290], "thumbnailurl": [176, 221, 290, 303], "thumbnailwidth": [176, 221, 290], "tif": [25, 27, 176], "tiff": [25, 27, 176], "till": [58, 176, 252], "time": [2, 7, 13, 14, 16, 18, 23, 25, 26, 27, 28, 29, 30, 44, 45, 54, 58, 72, 74, 80, 93, 94, 95, 98, 99, 105, 107, 113, 119, 120, 124, 128, 132, 134, 140, 145, 150, 155, 156, 158, 161, 163, 176, 193, 197, 198, 203, 204, 207, 211, 214, 215, 216, 220, 227, 229, 231, 232, 235, 238, 239, 240, 241, 242, 246, 247, 248, 252, 254, 260, 262, 263, 264, 265, 271, 279, 292, 296, 311, 312], "time_format": [94, 176], "time_window": [25, 27, 176], "time_window_size_m": [26, 27, 176], "timefeatur": [58, 132, 176], "timeformat": [94, 176], "timelin": [58, 98, 176], "timeout": [2, 7, 27, 28, 44, 45, 58, 71, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 231, 232, 235, 263, 292], "timeout_at": [140, 176], "timeout_minut": [27, 28, 176], "timeoutat": [140, 176], "timeseri": [27, 28, 58, 176, 242], "timeseries_anomali": [58, 176], "timeseries_frequ": [27, 28, 176], "timeseries_loss_weight_column": [27, 28, 176], "timeseries_weight_column": [27, 28, 176], "timeseriesanomalydatasplittyp": [25, 27, 28, 176], "timeseriesanomalypredictionargu": [23, 27, 176], "timeseriesanomalytrainingconfig": [27, 28, 176], "timeseriesanomalytypeofanomali": [25, 27, 28, 176], "timeseriesanomalyuseheurist": [25, 27, 28, 176], "timestamp": [18, 21, 22, 23, 25, 26, 27, 28, 29, 37, 43, 49, 50, 58, 73, 83, 93, 94, 95, 98, 100, 101, 119, 132, 134, 139, 140, 145, 150, 156, 157, 163, 164, 165, 168, 169, 176, 177, 182, 183, 198, 202, 210, 238, 240, 242, 246, 250, 252, 254, 271, 292, 305], "timestamp_bas": [25, 27, 176], "timestamp_based_splitting_column": [27, 28, 176], "timestamp_based_splitting_method": [27, 28, 176], "timestamp_column": [21, 27, 29, 58, 176], "timestamp_featur": [119, 176], "timestamp_frequ": [94, 176], "timestamp_kei": [58, 132, 176, 238], "timestamp_list": [176, 271], "timestamp_m": [176, 246], "timestampfeatur": [119, 176], "timestampfrequ": [94, 176], "timestampkei": [176, 238], "timestampm": [176, 246], "timestep": [27, 28, 176], "timewindow": [26, 27, 176], "timewindowconfig": [27, 29, 176], "timewindowmergeconfig": [26, 27, 176], "timezon": [27, 28, 176], "titl": [16, 17, 27, 34, 49, 58, 98, 176, 221, 270, 290, 303, 310], "tmp": [45, 176], "tmp_dir": [124, 145, 176], "to_dict": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 27, 29, 30, 33, 34, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "to_fields_list": [16, 27, 176], "to_json_typ": [25, 27, 176], "to_nx_edg": [16, 27, 176], "todo": [14, 52, 58, 132, 176], "togeth": [58, 176, 252], "toggl": [72, 176], "token": [21, 23, 25, 26, 27, 28, 35, 39, 51, 58, 93, 98, 99, 104, 123, 132, 170, 176, 190, 228, 242, 252, 276, 277], "token_bounding_area": [27, 28, 176], "token_bounding_box": [27, 28, 176], "token_budget": [26, 27, 58, 176], "token_count": [176, 228], "tokencount": [176, 228], "tokens_docu": [176, 271], "tone": [27, 28, 176, 287], "tone_detail": 176, "tonedetail": [176, 287], "too": [50, 58, 176], "tool": [16, 27, 28, 58, 59, 98, 101, 176, 193, 242], "tool_nam": [16, 27, 176], "tool_us": [27, 28, 59, 176], "tool_use_request": [59, 101, 176], "tool_use_result": [101, 176], "tool_variable_map": [16, 27, 176], "toolbar": [125, 176], "toolrespons": [58, 176], "tooluserequest": [59, 101, 176], "tooluseresult": [101, 176], "toomanyrequestserror": 58, "top": [27, 28, 58, 176, 197, 242], "top_n": [58, 176, 242], "top_p": [58, 176], "topic": [20, 27, 176], "topological_dfs_stack": 35, "torch_model": [58, 176], "torch_model_with_embed": [58, 176], "total": [5, 12, 14, 25, 27, 28, 45, 58, 84, 100, 101, 104, 105, 109, 134, 140, 142, 176, 190, 204, 228, 242, 286], "total_attempts_allow": [140, 176], "total_count": [84, 176], "total_ev": [100, 176], "total_page_count": [104, 176], "total_predict": [45, 176], "total_process": [142, 176], "total_row": [12, 176], "total_starred_monitor": [176, 204], "total_token": [176, 190], "total_vers": [101, 176], "total_viol": [25, 27, 176], "total_writ": [134, 176], "totalattemptsallow": [140, 176], "totalcount": [84, 176], "totalev": [100, 176], "totalpagecount": [104, 176], "totalpredict": [45, 176], "totalprocess": [142, 176], "totalrow": [12, 176], "totalstarredmonitor": [176, 204], "totaltoken": [176, 190], "totalvers": [101, 176], "totalwrit": [134, 176], "toview": [58, 176], "toward": [58, 176, 242], "traceback": [176, 297], "track": [74, 176, 263], "trailing_auth_token": [170, 176], "trailingauthtoken": [170, 176], "train": [2, 7, 9, 18, 23, 27, 28, 29, 44, 45, 48, 58, 82, 86, 93, 98, 111, 112, 113, 122, 129, 130, 131, 155, 163, 176, 197, 199, 202, 203, 207, 209, 211, 223, 242, 251, 252, 257, 261, 263, 288, 295], "train_column": [111, 176], "train_data_parameter_to_feature_group_id": [82, 176], "train_funct": [58, 176, 252], "train_function_nam": [9, 58, 176, 197, 252], "train_history_data": [156, 176], "train_model": [58, 176, 252], "train_module_nam": [58, 176, 197], "train_target_featur": [27, 29, 176], "train_val_test_split": [176, 202], "trainable_plug_and_plai": [25, 27, 176], "trainableplugandplai": [18, 27, 176], "trainableplugandplaybatchpredictionarg": [18, 27, 176], "traincolumn": [111, 176], "traindataparametertofeaturegroupid": [82, 176], "trained_model_typ": [27, 28, 176, 211], "trainedmodeltyp": [176, 211], "trainfunctionnam": [9, 58, 176, 197, 252], "trainhistorydata": [156, 176], "training_completed_at": [176, 202, 211], "training_config": [58, 82, 176, 197, 252], "training_config_opt": 176, "training_config_parameter_nam": [58, 176], "training_config_parameter_name_overrid": [58, 176], "training_config_upd": [176, 211], "training_data_parameter_name_map": [82, 176], "training_data_parameter_name_overrid": [58, 176, 252], "training_data_parameter_names_map": [58, 176], "training_data_use_map": [176, 203, 207], "training_distribut": [129, 176], "training_document_retriever_vers": [176, 211], "training_fature_group": [58, 176, 252], "training_feature_group": [58, 176, 252], "training_feature_group_id": [58, 176, 197, 203, 211, 252], "training_feature_group_sampl": [176, 203], "training_feature_group_vers": [176, 203, 207], "training_feature_map": [58, 176, 252], "training_forecast_config": [58, 176, 203, 207, 252], "training_input_map": [9, 176], "training_input_t": [58, 176, 197, 252], "training_item_analysi": [155, 176], "training_item_id": [156, 176], "training_max": [176, 261], "training_min": [176, 261], "training_mod": [27, 28, 176], "training_null_freq": [176, 223], "training_point_overlap": [27, 28, 176], "training_requir": [2, 176, 197], "training_rows_downsample_ratio": [27, 28, 176], "training_start_d": [27, 28, 176], "training_started_at": [176, 211], "training_statist": [129, 176], "training_table_nam": [58, 176], "training_target_across_tim": [156, 176], "training_target_col": [156, 176], "training_timestamp_col": [156, 176], "training_vector_store_vers": [176, 197], "trainingcompletedat": [176, 202, 211], "trainingconfig": [27, 28, 58, 82, 176, 197, 211, 252], "trainingconfigopt": [58, 176, 252, 288], "trainingconfigupd": [176, 211], "trainingdataparameternamemap": [82, 176], "trainingdatausemap": [176, 203, 207], "trainingdistribut": [129, 176], "trainingdocumentretrieververs": [176, 211], "trainingfeaturegroupid": [176, 197, 203, 211], "trainingfeaturegroupsampl": [176, 203], "trainingfeaturegroupvers": [176, 203, 207], "trainingforecastconfig": [176, 203, 207], "traininginputmap": [9, 176], "traininginputt": [176, 197], "trainingitemanalysi": [155, 176], "trainingitemid": [156, 176], "trainingmax": [176, 261], "trainingmin": [176, 261], "trainingnullfreq": [176, 223], "trainingrequir": [2, 176, 197], "trainingstartedat": [176, 211], "trainingstatist": [129, 176], "trainingtargetacrosstim": [156, 176], "trainingtargetcol": [156, 176], "trainingtimestampcol": [156, 176], "trainingvectorstorevers": [176, 197], "trainmodulenam": [58, 176, 197], "trainvaltestsplit": [176, 202], "transact": [58, 176, 242], "transcrib": [58, 176, 242], "transcribe_audio": [58, 176, 242], "transcript": [22, 27, 176, 273, 274], "transfer_styl": [58, 176, 242], "transform": [24, 26, 27, 28, 58, 116, 120, 176, 229, 231, 291], "transformation_column_nam": [116, 176], "transformation_featur": [58, 120, 176], "transformationcolumnnam": [116, 176], "transient": [58, 176], "transport": [176, 193], "travers": [58, 176], "treat": [18, 27, 28, 58, 176, 242], "tree": [58, 176, 242], "tree_explain": [25, 27, 176], "tree_hpo_mod": [27, 28, 176], "trhough": [176, 197], "trigger": [16, 25, 27, 30, 58, 98, 132, 176, 196, 242, 262, 263, 311, 312], "trigger_config": [16, 27, 176], "triggerconfig": [16, 27, 176], "true": [16, 17, 18, 21, 22, 23, 24, 26, 27, 28, 30, 32, 35, 44, 45, 58, 73, 90, 93, 95, 98, 100, 104, 105, 125, 132, 134, 143, 145, 150, 151, 152, 176, 196, 197, 211, 225, 235, 242, 243, 244, 247, 252, 254, 257, 264, 288, 295], "truncat": [27, 28, 176], "truncation_strategi": [27, 28, 176], "trunk": [105, 176], "try": [58, 93, 176], "try_abacus_internal_copi": 35, "ts_anomali": [23, 25, 27, 28, 176], "tsv": [25, 27, 176], "tsx": [25, 27, 176], "tt": [42, 176, 289], "ttl": [123, 176], "tts_gen_set": 176, "ttsgenset": [176, 289], "tune": [27, 28, 153, 176], "tupl": [16, 27, 55, 176, 306], "turn": [27, 28, 176], "tweedi": [25, 27, 176], "tweet": [176, 290], "twitter": [25, 27, 176, 290], "twitter_handl": [176, 290], "twitter_nam": [176, 290], "twitter_search_result": 176, "twitterhandl": [176, 290], "twitternam": [176, 290], "twittersearchresult": [176, 290], "two": [16, 27, 28, 58, 116, 117, 120, 176, 242], "txt": [25, 26, 27, 176], "type": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 19, 20, 21, 22, 23, 25, 26, 27, 28, 29, 30, 31, 32, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "type_of_split": [27, 28, 176], "typeerror": [176, 258, 259], "typenam": 15, "typic": [129, 176], "u": [25, 27, 28, 58, 176], "ui": [16, 27, 34, 43, 50, 58, 125, 173, 176, 209, 270, 282, 300], "ui_schema": [16, 27, 34, 176], "uid": [16, 27, 176], "uk": [25, 27, 176], "un": [170, 176], "unavail": [22, 27, 176], "unbalanc": [27, 28, 176], "unchang": [58, 176, 242], "under": [7, 12, 44, 58, 132, 162, 176, 207, 211, 242, 252], "underli": [24, 27, 58, 94, 105, 132, 176, 218, 251, 271, 294], "underpredict": [27, 28, 176], "underprediction_weight": [27, 28, 176], "underscor": [58, 132, 145, 176, 214, 252, 258, 260], "understand": [58, 105, 176, 242], "undo": 259, "unexecut": [68, 176], "unexpect": 58, "unfilt": [58, 90, 176], "unifi": [176, 291], "unified_connector": 176, "unifiedconnector": [58, 176, 291], "union": [16, 25, 26, 27, 44, 58, 73, 98, 132, 176], "uniontransformconfig": [26, 27, 176], "uniqu": [2, 6, 7, 9, 16, 27, 29, 31, 37, 38, 40, 44, 45, 50, 58, 59, 79, 80, 81, 90, 91, 92, 93, 94, 95, 98, 99, 100, 102, 104, 105, 107, 113, 120, 125, 128, 132, 133, 134, 135, 138, 143, 145, 148, 153, 161, 162, 163, 170, 176, 182, 197, 198, 203, 207, 210, 211, 213, 214, 215, 216, 219, 220, 222, 225, 228, 229, 235, 242, 243, 244, 246, 247, 248, 252, 254, 256, 258, 260, 262, 263, 264, 265, 268, 271, 276, 277, 278, 291, 292, 293, 296, 298, 312, 314], "unit": [27, 28, 75, 176], "unix": [22, 27, 58, 73, 93, 98, 132, 176], "unknown": [27, 28, 58, 176, 242], "unknown_answer_phras": [27, 28, 176], "unless": [58, 132, 176, 292], "unpickl": [58, 176], "unpivot": [25, 26, 27, 176], "unpivotconfig": [26, 27, 176], "unread": [57, 176], "unset": [58, 132, 176], "unset_feature_as_annotatable_featur": [58, 132, 176], "unset_pipeline_refresh_schedul": [58, 176], "unset_refresh_schedul": [176, 229], "unsuccess": 58, "unsuccessfultrigg": 58, "unsupervis": [27, 28, 176], "until": [2, 7, 13, 27, 29, 44, 45, 58, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 235, 263, 292], "until_prefix": [58, 176], "unus": [58, 100, 176], "unused_document_upload_id": [100, 176], "unuseddocumentuploadid": [100, 176], "up": [2, 27, 28, 58, 73, 93, 98, 105, 106, 132, 145, 176, 197, 242, 252, 258, 260, 292], "updat": [9, 13, 14, 35, 44, 54, 58, 67, 72, 74, 83, 93, 98, 105, 125, 132, 139, 140, 143, 153, 161, 165, 168, 169, 176, 182, 193, 197, 211, 215, 229, 231, 232, 235, 242, 247, 248, 258, 262, 264, 277, 312], "update_ag": [58, 176, 197], "update_agent_with_funct": [58, 176], "update_algorithm": [58, 176], "update_algorithm_from_funct": [58, 176], "update_annotation_statu": [58, 132, 176], "update_batch_predict": [58, 176], "update_custom_loss_funct": [58, 176], "update_custom_loss_function_with_source_cod": [58, 176], "update_custom_metr": [58, 176], "update_custom_metric_from_funct": [58, 176], "update_dataset_feature_express": [132, 176], "update_dataset_feature_group_feature_express": [58, 176], "update_dataset_version_limit": [58, 176], "update_deploy": [58, 176], "update_external_appl": [58, 176], "update_featur": [58, 132, 176], "update_feature_group": [58, 176], "update_feature_group_from_pandas_df": [58, 176], "update_feature_group_from_spark_df": [58, 176], "update_feature_group_python_funct": [58, 176], "update_feature_group_python_function_bind": [58, 176], "update_feature_group_sql_definit": [58, 176], "update_feature_group_templ": [58, 176], "update_feature_group_template_bind": [58, 176], "update_feature_group_version_limit": [58, 176], "update_graph_dashboard": [58, 176], "update_graph_to_dashboard": [58, 176], "update_model_from_funct": [58, 176], "update_modul": [58, 176], "update_module_from_notebook": [58, 176], "update_monitor_alert": [58, 176], "update_nested_featur": [58, 132, 176], "update_organization_secret": [58, 176], "update_pipelin": [58, 176], "update_pipeline_step": [58, 176], "update_pipeline_step_from_funct": [58, 176], "update_point_in_time_featur": [58, 132, 176], "update_point_in_time_group": [58, 132, 176], "update_point_in_time_group_featur": [58, 132, 176], "update_prediction_oper": [58, 176], "update_prediction_operator_from_funct": [58, 176], "update_python": [176, 197], "update_python_funct": [58, 132, 176], "update_python_function_bind": [132, 176], "update_python_function_cod": [58, 176], "update_python_git": [176, 197], "update_python_model": [58, 176], "update_python_model_git": [58, 176], "update_python_model_zip": [58, 176], "update_python_zip": [176, 197], "update_realtime_monitor": [58, 176], "update_refresh_polici": [58, 176], "update_sql_definit": [132, 176], "update_template_bind": [132, 176], "update_timestamp_kei": [58, 132, 176, 177, 254], "update_user_group_object_permiss": [58, 176], "update_version_limit": [93, 132, 176], "update_webhook": [58, 176], "updated_at": [9, 13, 54, 72, 83, 139, 140, 143, 153, 165, 168, 169, 176, 182, 193, 231, 232, 235, 247, 248], "updated_fil": [67, 176], "updated_filt": [58, 176], "updatedat": [9, 13, 54, 72, 83, 139, 140, 143, 153, 165, 168, 169, 176, 182, 193, 231, 232, 235, 247, 248], "updatedfil": [67, 176], "updatetimestampkei": [58, 132, 176, 177, 254], "upload": [3, 5, 6, 16, 19, 27, 28, 49, 58, 62, 88, 93, 95, 100, 176, 197, 210, 242], "upload_arg": [176, 292], "upload_fil": [176, 292], "upload_id": [58, 95, 176, 292], "upload_part": [58, 176, 292], "uploadid": [95, 176, 292], "uploadpart": [58, 176, 292, 293], "upon": [27, 34, 58, 176, 242, 258, 260], "upper": [27, 29, 176, 180], "upper_bound": [27, 29, 176, 180], "upper_ex": [58, 176, 242], "upper_in": [58, 176, 242], "upper_snake_cas": 15, "upperbound": [176, 180], "uppercas": [58, 176, 214, 258, 260], "upsert": [45, 58, 98, 132, 134, 135, 138, 145, 176, 277], "upsert_data": [58, 132, 176], "upsert_item_embed": [58, 176, 277], "upsert_multiple_item_embed": [58, 176, 277], "uri": [27, 28, 36, 58, 93, 98, 176, 312], "url": [21, 26, 27, 34, 42, 58, 62, 134, 136, 167, 176, 192, 221, 271, 290, 303, 310], "us": [2, 3, 7, 9, 14, 15, 16, 18, 21, 22, 23, 24, 26, 27, 28, 29, 30, 32, 34, 35, 36, 37, 38, 40, 42, 44, 45, 49, 57, 58, 59, 66, 71, 74, 76, 79, 80, 93, 95, 98, 99, 100, 101, 102, 105, 107, 109, 125, 128, 132, 134, 135, 136, 138, 143, 145, 148, 161, 162, 163, 170, 176, 177, 179, 182, 185, 186, 190, 196, 197, 199, 201, 202, 204, 207, 208, 209, 210, 211, 212, 214, 224, 226, 238, 240, 241, 242, 243, 244, 245, 246, 247, 248, 251, 252, 254, 258, 260, 271, 276, 285, 287, 288, 292, 294, 295, 304, 314], "usabl": [58, 176], "usag": [22, 27, 58, 72, 98, 176, 258, 314], "use_all_item_tot": [27, 28, 176], "use_cas": [58, 125, 176, 252, 287], "use_case_requir": 176, "use_cases_support_custom_algorithm": [176, 251], "use_cases_url": [58, 176, 252], "use_clip": [27, 28, 176], "use_default_label": [176, 196], "use_document_summari": [24, 27, 176], "use_full_ocr": [21, 27, 176], "use_gpu": [9, 58, 132, 176, 197, 211, 247, 248, 252, 254], "use_item_id": [27, 28, 176], "use_item_weights_in_object": [27, 28, 176], "use_latest_vers": [58, 176], "use_log_transform": [27, 28, 176], "use_original_csv_nam": [58, 132, 145, 176, 254], "use_prediction_offset": [18, 27, 176], "use_timeseries_weights_in_object": [27, 28, 176], "use_user_id_featur": [27, 28, 176], "usecas": [58, 98, 125, 148, 176, 252, 271, 287, 294], "usecaserequir": [58, 176, 295], "usecasessupportcustomalgorithm": [176, 251], "usedefaultlabel": [176, 196], "usedocumentsummari": [], "usegpu": [9, 132, 176, 197, 211, 247, 248, 254], "useoriginalcsvnam": [132, 145, 176, 254], "user": [2, 3, 16, 26, 27, 28, 37, 38, 39, 40, 43, 56, 58, 62, 74, 90, 93, 98, 100, 101, 113, 125, 126, 132, 143, 144, 153, 161, 165, 170, 176, 191, 192, 196, 197, 203, 209, 211, 213, 214, 215, 216, 224, 225, 229, 231, 242, 250, 252, 258, 262, 264, 266, 267, 278, 290, 291, 294, 295, 298], "user_ag": [26, 27, 176], "user_already_exist": [56, 176], "user_already_in_app_group": [126, 176], "user_already_in_org": [126, 176], "user_api_credenti": [25, 27, 176], "user_connector": [25, 27, 176], "user_cr": [58, 176, 252], "user_email": [58, 176, 213], "user_except": 176, "user_exists_as_intern": [126, 176], "user_feedback": [144, 176], "user_group_id": [38, 55, 58, 125, 176, 298, 306], "user_group_nam": [176, 298], "user_group_object_permiss": 176, "user_group_permiss": [55, 176], "user_id": [43, 55, 58, 165, 176, 242, 250, 296], "user_info": [58, 98, 176, 242], "user_information_instruct": [77, 176], "user_input": [16, 25, 27, 58, 176], "user_level_connector": [58, 176, 197, 252], "user_message_indic": [58, 100, 176], "user_nam": [58, 176, 242], "user_permiss": [55, 176], "user_rank": [58, 176], "user_recommend": [58, 176], "user_rel": [58, 176], "useralreadyexist": [56, 176], "useralreadyinappgroup": [126, 176], "useralreadyinorg": [126, 176], "usercod": [176, 297], "usercode_tool": [25, 27, 176], "useremail": [176, 213], "userexcept": [158, 176, 297], "userexistsasintern": [126, 176], "userfeedback": [144, 176], "usergroupid": [38, 125, 176, 298], "usergroupnam": [176, 298], "usergroupobjectpermiss": [58, 176, 298], "usergrouppermiss": [55, 176], "userid": [43, 165, 176, 250, 296], "userinformationinstruct": [77, 176], "userpermiss": [55, 176], "using_claus": [58, 128, 132, 176], "usingclaus": [128, 176], "usual": [12, 13, 58, 132, 176], "utc": [58, 98, 176, 229, 252, 264, 265], "util": [35, 58, 176, 242, 277], "v": [74, 117, 131, 176], "val": [27, 28, 160, 176, 202], "valenc": [25, 27, 176], "valid": [15, 16, 22, 27, 28, 29, 58, 68, 69, 74, 93, 94, 123, 132, 143, 176, 184, 197, 229, 231, 242, 247, 252, 257, 258, 259, 268, 288], "valid_data_typ": [94, 176], "validate_class_method_annot": 15, "validate_constructor_arg_typ": [15, 27, 176], "validate_function_loc": 259, "validate_input_dict_param": [16, 27, 176], "validate_loc": [176, 258], "validate_project": [58, 176], "validate_suggest": [74, 176], "validate_workflow_graph": [58, 176], "validate_workflow_node_input": 35, "validatesuggest": [74, 176], "validation_lines_threshold": [74, 176], "validationlinesthreshold": [74, 176], "validdatatyp": [94, 176], "valu": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 18, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 270, 271, 272, 273, 274, 275, 276, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "valuabl": [58, 105, 176, 242], "value0": [58, 176, 242], "value1": [58, 176, 242], "value3": [58, 176, 242], "value_column": [26, 27, 176], "value_opt": [176, 288], "value_typ": [173, 176, 282, 288, 300], "valueerror": [58, 76, 176], "valueopt": [176, 288], "valuetyp": [173, 176, 282, 288, 300], "vari": [58, 132, 176], "variabl": [16, 27, 28, 32, 34, 35, 58, 132, 143, 144, 145, 176, 192, 229, 232, 235, 242, 254, 258, 268], "variable_bind": [58, 132, 176], "variable_nam": 35, "variable_sourc": [16, 27, 176], "variable_typ": [16, 27, 32, 58, 176, 258], "varieti": [58, 176], "variou": [58, 132, 176, 196, 210, 211, 242], "ve": [58, 132, 176], "vector": [16, 24, 27, 28, 58, 105, 176, 197, 242, 277], "vector_store_id": [58, 176], "vectorstoreconfig": [24, 27, 58, 105, 107, 176, 252], "vectorstoretextencod": [24, 25, 27, 176], "vehicletyp": [58, 176, 242], "verbos": [58, 176, 202, 218, 242], "veri": [27, 28, 176], "verif": [13, 58, 101, 132, 150, 151, 152, 176, 210], "verifi": [26, 27, 40, 58, 76, 90, 150, 151, 152, 176, 278], "verification_info": [13, 176], "verification_summari": [101, 176], "verificationinfo": [13, 176], "verifications_upload_id": [176, 210], "verificationsummari": [101, 176], "verificationsuploadid": [176, 210], "verify_and_describe_annot": [58, 132, 176], "verify_application_connector": [58, 176], "verify_database_connector": [58, 176], "verify_file_connector": [58, 176], "verify_respons": [26, 27, 76, 176], "verify_streaming_connector": [58, 176], "versa": [117, 176], "version": [2, 7, 26, 27, 28, 44, 45, 46, 58, 80, 81, 85, 89, 93, 95, 96, 98, 100, 101, 105, 107, 108, 113, 115, 116, 118, 119, 120, 132, 134, 136, 140, 145, 146, 153, 155, 156, 162, 163, 165, 176, 183, 197, 198, 199, 202, 203, 204, 205, 206, 207, 208, 210, 211, 212, 215, 216, 226, 229, 232, 233, 234, 235, 236, 243, 244, 247, 248, 250, 252, 254, 256, 263, 265, 292, 295], "version_limit": [58, 93, 132, 176, 254], "versionlimit": [93, 132, 176, 254], "versu": [111, 112, 129, 176], "via": [58, 176], "vice": [117, 176], "video": [176, 299, 300, 301, 302, 303], "video_gen_cost": 176, "video_gen_model": 176, "video_gen_model_opt": 176, "video_gen_set": 176, "video_search_result": 176, "videogencost": [176, 299], "videogenmodel": [176, 300, 302], "videogenmodelopt": [176, 300, 301], "videogenset": [176, 302], "videosearchresult": [176, 303], "view": [22, 27, 38, 58, 74, 176, 196, 207, 225, 249], "viewing_cooldown_m": [74, 176], "viewingcooldownm": [74, 176], "violat": [27, 30, 31, 58, 131, 176, 203, 204, 205, 223, 242], "vision": [58, 176, 252], "vision_classif": [25, 27, 176], "vision_object_detect": [25, 27, 58, 176], "vision_regress": [25, 27, 58, 176], "visit": [74, 176], "visual": [58, 98, 125, 176, 242], "vnc": [51, 52, 176], "vnc_endpoint": [51, 52, 176], "vncendpoint": [51, 52, 176], "voic": [172, 176, 287, 304], "voice_gen_detail": 176, "voice_id": [176, 287], "voicegendetail": [176, 304], "voiceid": [176, 287], "volum": [27, 28, 176], "w": [25, 27, 101, 176], "w_c_accuraci": [25, 27, 176], "wa": [2, 9, 13, 14, 18, 27, 35, 37, 40, 43, 44, 49, 50, 53, 58, 72, 78, 79, 80, 81, 90, 93, 95, 98, 99, 100, 101, 105, 106, 107, 113, 132, 134, 139, 140, 141, 143, 145, 150, 153, 161, 163, 170, 176, 179, 182, 193, 197, 198, 202, 203, 210, 211, 214, 215, 216, 221, 225, 227, 229, 231, 232, 235, 247, 248, 250, 252, 254, 258, 260, 262, 263, 264, 276, 278, 291, 292, 312], "wai": [15, 26, 27, 176], "wait": [2, 7, 16, 27, 44, 45, 58, 93, 95, 98, 105, 107, 120, 124, 132, 134, 140, 145, 163, 176, 197, 198, 207, 211, 216, 229, 235, 263, 292], "wait_for_complet": [176, 263], "wait_for_dataset": [132, 176], "wait_for_deploy": [98, 176], "wait_for_drift_monitor": [44, 45, 176], "wait_for_eda": [120, 176], "wait_for_evalu": [176, 197], "wait_for_execut": [124, 176], "wait_for_export": [134, 176], "wait_for_full_automl": [176, 197, 211], "wait_for_import": [93, 95, 176], "wait_for_inspect": [93, 95, 176], "wait_for_join": [176, 292], "wait_for_materi": [132, 145, 176], "wait_for_monitor": [176, 207], "wait_for_monitor_alert": [176, 216], "wait_for_pending_deployment_upd": [98, 176], "wait_for_pipelin": [176, 229, 235], "wait_for_predict": [44, 45, 176], "wait_for_process": [140, 176], "wait_for_publish": [2, 7, 176, 197], "wait_for_result": [107, 124, 134, 145, 163, 176, 198], "wait_for_streaming_readi": [132, 176], "wait_for_train": [176, 197, 211], "wait_for_upload": [132, 176], "wait_stat": [58, 98, 176], "wait_timeout": [176, 292], "wait_until_deployment_readi": [105, 107, 176], "wait_until_readi": [58, 105, 107, 176], "want": [58, 176, 196, 242, 252], "wape": [25, 27, 176], "warn": [45, 46, 50, 68, 107, 145, 175, 176, 229, 302], "warning_messag": [], "warningmessag": [], "was_seen": [], "wasseen": [], "wasserstein": [122, 130, 131, 176], "watcher": [22, 27, 176], "watermark": [21, 27, 176], "wb": [45, 176], "we": [22, 27, 28, 30, 58, 98, 132, 144, 176, 203, 238, 240, 242, 252], "web": [27, 28, 58, 77, 165, 176, 183, 249, 250, 305, 306, 307, 308, 309, 311], "web_app_convers": 176, "web_app_deployment_id": [176, 183], "web_app_deployment_permission_dict": 176, "web_app_domain": 176, "web_app_domain_id": [176, 307], "web_app_project_id": [165, 176, 183, 227], "web_page_respons": 176, "web_search": [27, 28, 176], "web_search_respons": 176, "web_search_result": 176, "web_service_trigg": [57, 176], "web_service_trigger_run": 176, "web_vers": 58, "web_view_link": [176, 249], "webappconvers": [176, 305], "webappdeploymentid": [176, 183], "webappdeploymentpermissiondict": [176, 306], "webappdomain": [176, 307], "webappdomainid": [176, 307], "webappprojectid": [165, 176, 183], "webhook": [58, 98, 176], "webhook_event_typ": [58, 98, 176, 312], "webhook_id": [58, 176, 312], "webhookeventtyp": [176, 312], "webhookid": [176, 312], "webm": [25, 27, 176], "webp": [25, 27, 176], "webpag": [176, 192], "webpagerespons": [58, 176, 308], "websearchrespons": [58, 176, 309], "websearchresult": [176, 309, 310], "webservicetriggerrun": [176, 311], "websit": [58, 98, 176, 242], "webviewlink": [176, 249], "week": [119, 176], "weekli": [58, 119, 156, 176, 252], "weekly_monday_start": [25, 27, 176], "weekly_saturday_start": [25, 27, 176], "weekly_sunday_start": [25, 27, 176], "weibul": [25, 27, 176], "weight": [27, 28, 176], "welcome_messag": [176, 196], "welcomemessag": [176, 196], "well": [23, 27, 28, 58, 176, 194, 197, 252], "went": [68, 176], "were": [26, 27, 45, 58, 101, 134, 176, 234], "what": [27, 28, 58, 68, 119, 132, 154, 176, 192, 193, 197, 242, 252, 257], "when": [2, 9, 16, 21, 26, 27, 28, 30, 32, 34, 37, 40, 43, 44, 45, 58, 76, 79, 80, 81, 90, 93, 95, 98, 99, 101, 104, 105, 107, 112, 113, 125, 132, 136, 139, 140, 143, 145, 150, 153, 170, 176, 196, 197, 202, 203, 210, 214, 225, 227, 229, 231, 232, 242, 247, 250, 252, 254, 258, 260, 263, 264, 265, 276, 278, 288, 291, 292, 296], "whenev": [98, 176], "where": [7, 27, 28, 44, 45, 53, 58, 61, 93, 98, 105, 128, 132, 176, 207, 211, 242, 252], "where_claus": [58, 128, 132, 176], "whereclaus": [128, 176], "wherev": [58, 176, 242], "whether": [1, 2, 9, 12, 14, 16, 18, 21, 22, 26, 27, 28, 29, 30, 32, 37, 38, 49, 50, 52, 57, 58, 60, 61, 62, 69, 72, 74, 77, 78, 93, 95, 98, 100, 101, 105, 125, 132, 145, 157, 163, 165, 171, 173, 176, 183, 184, 192, 193, 197, 203, 211, 213, 214, 218, 224, 229, 235, 242, 247, 248, 252, 254, 282, 291, 300, 307], "which": [2, 13, 16, 18, 21, 22, 23, 26, 27, 28, 36, 38, 44, 49, 50, 58, 73, 93, 98, 100, 101, 104, 105, 107, 113, 120, 123, 132, 134, 135, 136, 143, 145, 150, 161, 162, 163, 167, 176, 182, 190, 196, 197, 198, 203, 210, 211, 215, 216, 225, 226, 229, 231, 232, 235, 238, 239, 240, 241, 242, 247, 248, 251, 252, 254, 262, 264, 277, 292], "while": [2, 27, 28, 45, 58, 134, 176, 197, 252, 258, 259, 292], "whisker": [117, 176], "whiteboard": [50, 176], "whitespac": [58, 176, 242], "who": [38, 43, 58, 132, 176, 225, 229, 250], "whom": [58, 176, 242], "whose": [27, 28, 58, 132, 176, 254, 277], "why": [58, 100, 176], "widget": [16, 27, 176], "width": [27, 34, 35, 58, 176, 221, 228, 290], "window": [27, 28, 29, 30, 58, 98, 112, 122, 129, 130, 131, 132, 176, 238, 240], "window_config": [27, 29, 176], "window_dur": [27, 29, 176], "window_from_start": [27, 29, 176], "window_funct": [58, 132, 176], "window_kei": [58, 132, 176, 240], "windowkei": [58, 132, 176, 240], "wise": [27, 28, 154, 176], "wish": [58, 176, 252], "within": [26, 27, 50, 58, 84, 116, 117, 120, 132, 173, 176, 242, 282, 300], "without": [16, 27, 28, 58, 71, 132, 176, 204, 252], "wmv": [25, 27, 176], "word": [27, 28, 58, 74, 105, 176, 242], "work": [9, 58, 176], "worker": [176, 292], "workflow": [2, 3, 7, 16, 27, 34, 58, 101, 176, 197, 242, 252, 285, 313, 314], "workflow_ag": [25, 27, 176], "workflow_graph": [2, 7, 58, 176, 197, 252], "workflow_graph_nod": [176, 285, 313], "workflow_graph_node_detail": 176, "workflow_nod": [16, 27, 176], "workflow_node_templ": 176, "workflow_node_template_id": [176, 314], "workflow_var": 35, "workflow_vari": [16, 25, 27, 176], "workflowgraph": [2, 7, 16, 27, 58, 176, 197, 252], "workflowgraphedg": [16, 27, 176], "workflowgraphnod": [16, 27, 58, 176, 285, 313], "workflowgraphnodedetail": [16, 27, 176, 313], "workflownod": [16, 27, 176], "workflownodeinputmap": [16, 27, 176], "workflownodeinputschema": [16, 27, 176], "workflownodeinputtyp": [16, 25, 27, 176], "workflownodeoutputmap": [16, 27, 176], "workflownodeoutputschema": [16, 27, 176], "workflownodeoutputtyp": [16, 25, 27, 176], "workflownodetempl": [176, 314], "workflownodetemplateconfig": [16, 27, 176, 314], "workflownodetemplateid": [176, 314], "workflownodetemplateinput": [16, 27, 176, 314], "workflownodetemplateoutput": [16, 27, 176, 314], "workflownodetemplatetyp": [25, 27, 176], "workspac": [58, 71, 176], "worth": [93, 176], "would": [27, 28, 58, 79, 132, 176], "write": [27, 28, 44, 45, 58, 98, 134, 135, 138, 145, 150, 151, 152, 176], "write_mod": [58, 98, 134, 135, 138, 145, 176], "write_permiss": [58, 150, 151, 152, 176], "writemod": [134, 135, 138, 176], "writepermiss": [150, 151, 152, 176], "written": [44, 45, 134, 135, 176, 198], "wrong": [68, 176], "ws_distanc": [122, 130, 131, 156, 176], "wsdistanc": [122, 130, 131, 176], "x": [27, 28, 58, 115, 117, 120, 154, 176], "x_axi": [117, 154, 176], "x_axis_column_valu": [117, 176], "xai_grok": [25, 27, 176], "xai_grok_3": [25, 27, 176], "xai_grok_3_mini": [25, 27, 176], "xai_grok_4": [25, 27, 176], "xaxi": [117, 154, 176], "xaxiscolumnvalu": [117, 176], "xl": [25, 27, 176], "xlarg": [25, 27, 176], "y": [58, 115, 117, 120, 154, 176], "y_axi": [117, 154, 176], "y_axis_column_valu": [117, 176], "y_pred": [58, 176], "y_true": [58, 176], "yaxi": [117, 154, 176], "yaxiscolumnvalu": [117, 176], "ye": [27, 28, 58, 176, 242], "year": [110, 119, 176], "yearli": [25, 27, 58, 119, 156, 176, 252], "yeo": [25, 27, 176], "yeo_johnson": [25, 27, 176], "yet": [38, 58, 176, 242], "you": [58, 105, 176, 196, 235, 242, 252], "your": [27, 28, 58, 150, 176, 242, 252, 292], "yourself": [58, 176], "yyyi": [18, 27, 58, 176], "z0": 35, "za": 35, "zendesk": [22, 25, 27, 176], "zendeskdatasetconfig": [22, 27, 176], "zendesksunshinemessag": [25, 27, 176], "zero": [25, 27, 28, 58, 176, 242], "zero_predictor": [27, 28, 176], "zero_shot_hypothes": [27, 28, 176], "zip": [25, 27, 58, 176, 197, 211], "zipcod": [176, 271], "zscore": [25, 27, 176]}, "titles": ["abacusai.abacus_api", "abacusai.address", "abacusai.agent", "abacusai.agent_chat_message", "abacusai.agent_conversation", "abacusai.agent_data_document_info", "abacusai.agent_data_execution_result", "abacusai.agent_version", "abacusai.ai_building_task", "abacusai.algorithm", "abacusai.annotation", "abacusai.annotation_config", "abacusai.annotation_document", "abacusai.annotation_entry", "abacusai.annotations_status", "abacusai.api_class.abstract", "abacusai.api_class.ai_agents", "abacusai.api_class.ai_chat", "abacusai.api_class.batch_prediction", "abacusai.api_class.blob_input", "abacusai.api_class.connectors", "abacusai.api_class.dataset", "abacusai.api_class.dataset_application_connector", "abacusai.api_class.deployment", "abacusai.api_class.document_retriever", "abacusai.api_class.enums", "abacusai.api_class.feature_group", "abacusai.api_class", "abacusai.api_class.model", "abacusai.api_class.monitor", "abacusai.api_class.monitor_alert", "abacusai.api_class.project", "abacusai.api_class.python_functions", "abacusai.api_class.refresh", "abacusai.api_class.segments", "abacusai.api_client_utils", "abacusai.api_endpoint", "abacusai.api_key", "abacusai.app_user_group", "abacusai.app_user_group_sign_in_token", "abacusai.application_connector", "abacusai.audio_gen_settings", "abacusai.audio_url_result", "abacusai.audit_log", "abacusai.batch_prediction", "abacusai.batch_prediction_version", "abacusai.batch_prediction_version_logs", "abacusai.bot_info", "abacusai.categorical_range_violation", "abacusai.chat_message", "abacusai.chat_session", "abacusai.chatllm_computer", "abacusai.chatllm_computer_status", "abacusai.chatllm_memory", "abacusai.chatllm_project", "abacusai.chatllm_project_permissions", "abacusai.chatllm_referral_invite", "abacusai.chatllm_task", "abacusai.client", "abacusai.code_agent_response", "abacusai.code_autocomplete_edit_prediction_response", "abacusai.code_autocomplete_response", "abacusai.code_bot", "abacusai.code_edit", "abacusai.code_edit_response", "abacusai.code_edits", "abacusai.code_embeddings", "abacusai.code_llm_changed_files", "abacusai.code_source", "abacusai.code_suggestion_validation_response", "abacusai.code_summary_response", "abacusai.codellm_embedding_constants", "abacusai.compute_point_info", "abacusai.concatenation_config", "abacusai.constants_autocomplete_response", "abacusai.cpu_gpu_memory_specs", "abacusai.cryptography", "abacusai.custom_chat_instructions", "abacusai.custom_domain", "abacusai.custom_loss_function", "abacusai.custom_metric", "abacusai.custom_metric_version", "abacusai.custom_train_function_info", "abacusai.daemon_task_conversation", "abacusai.data_consistency_duplication", "abacusai.data_metrics", "abacusai.data_prep_logs", "abacusai.data_quality_results", "abacusai.data_upload_result", "abacusai.database_column_feature_mapping", "abacusai.database_connector", "abacusai.database_connector_column", "abacusai.database_connector_schema", "abacusai.dataset", "abacusai.dataset_column", "abacusai.dataset_version", "abacusai.dataset_version_logs", "abacusai.default_llm", "abacusai.deployment", "abacusai.deployment_auth_token", "abacusai.deployment_conversation", "abacusai.deployment_conversation_event", "abacusai.deployment_conversation_export", "abacusai.deployment_statistics", "abacusai.document_data", "abacusai.document_retriever", "abacusai.document_retriever_lookup_result", "abacusai.document_retriever_version", "abacusai.document_retriever_version_logs", "abacusai.domain_purchase_result", "abacusai.domain_search_result", "abacusai.drift_distribution", "abacusai.drift_distributions", "abacusai.eda", "abacusai.eda_chart_description", "abacusai.eda_collinearity", "abacusai.eda_data_consistency", "abacusai.eda_feature_association", "abacusai.eda_feature_collinearity", "abacusai.eda_forecasting_analysis", "abacusai.eda_version", "abacusai.edit_image_models", "abacusai.embedding_feature_drift_distribution", "abacusai.entri_auth_token", "abacusai.execute_feature_group_operation", "abacusai.external_application", "abacusai.external_invite", "abacusai.extracted_fields", "abacusai.feature", "abacusai.feature_distribution", "abacusai.feature_drift_record", "abacusai.feature_drift_summary", "abacusai.feature_group", "abacusai.feature_group_document", "abacusai.feature_group_export", "abacusai.feature_group_export_config", "abacusai.feature_group_export_download_url", "abacusai.feature_group_lineage", "abacusai.feature_group_refresh_export_config", "abacusai.feature_group_row", "abacusai.feature_group_row_process", "abacusai.feature_group_row_process_logs", "abacusai.feature_group_row_process_summary", "abacusai.feature_group_template", "abacusai.feature_group_template_variable_options", "abacusai.feature_group_version", "abacusai.feature_group_version_logs", "abacusai.feature_importance", "abacusai.feature_mapping", "abacusai.feature_performance_analysis", "abacusai.file_connector", "abacusai.file_connector_instructions", "abacusai.file_connector_verification", "abacusai.finetuned_pretrained_model", "abacusai.forecasting_analysis_graph_data", "abacusai.forecasting_monitor_item_analysis", "abacusai.forecasting_monitor_summary", "abacusai.fs_entry", "abacusai.function_logs", "abacusai.generated_pit_feature_config_option", "abacusai.global_context", "abacusai.graph_dashboard", "abacusai.holdout_analysis", "abacusai.holdout_analysis_version", "abacusai.hosted_app", "abacusai.hosted_app_container", "abacusai.hosted_app_file_read", "abacusai.hosted_artifact", "abacusai.hosted_database", "abacusai.hosted_database_snapshot", "abacusai.hosted_model_token", "abacusai.hostname_info", "abacusai.hume_voice", "abacusai.image_gen_model", "abacusai.image_gen_model_options", "abacusai.image_gen_settings", "abacusai", "abacusai.indexing_config", "abacusai.inferred_database_column_to_feature_mappings", "abacusai.inferred_feature_mappings", "abacusai.item_statistics", "abacusai.lip_sync_gen_settings", "abacusai.llm_app", "abacusai.llm_artifact", "abacusai.llm_code_block", "abacusai.llm_execution_preview", "abacusai.llm_execution_result", "abacusai.llm_generated_code", "abacusai.llm_input", "abacusai.llm_parameters", "abacusai.llm_response", "abacusai.mcp_config", "abacusai.mcp_server", "abacusai.mcp_server_connection", "abacusai.mcp_server_query_result", "abacusai.memory_options", "abacusai.messaging_connector_response", "abacusai.model", "abacusai.model_artifacts_export", "abacusai.model_blueprint_export", "abacusai.model_blueprint_stage", "abacusai.model_location", "abacusai.model_metrics", "abacusai.model_monitor", "abacusai.model_monitor_org_summary", "abacusai.model_monitor_summary", "abacusai.model_monitor_summary_from_org", "abacusai.model_monitor_version", "abacusai.model_monitor_version_metric_data", "abacusai.model_training_type_for_deployment", "abacusai.model_upload", "abacusai.model_version", "abacusai.model_version_feature_group_schema", "abacusai.modification_lock_info", "abacusai.module", "abacusai.monitor_alert", "abacusai.monitor_alert_version", "abacusai.monitor_drift_and_distributions", "abacusai.natural_language_explanation", "abacusai.nested_feature", "abacusai.nested_feature_schema", "abacusai.news_search_result", "abacusai.nlp_chat_response", "abacusai.null_violation", "abacusai.organization_external_application_settings", "abacusai.organization_group", "abacusai.organization_search_result", "abacusai.organization_secret", "abacusai.page_data", "abacusai.pipeline", "abacusai.pipeline_reference", "abacusai.pipeline_step", "abacusai.pipeline_step_version", "abacusai.pipeline_step_version_logs", "abacusai.pipeline_step_version_reference", "abacusai.pipeline_version", "abacusai.pipeline_version_logs", "abacusai.playground_text", "abacusai.point_in_time_feature", "abacusai.point_in_time_feature_info", "abacusai.point_in_time_group", "abacusai.point_in_time_group_feature", "abacusai.prediction_client", "abacusai.prediction_dataset", "abacusai.prediction_feature_group", "abacusai.prediction_input", "abacusai.prediction_log_record", "abacusai.prediction_operator", "abacusai.prediction_operator_version", "abacusai.presentation_export_result", "abacusai.private_web_app_deployment", "abacusai.problem_type", "abacusai.project", "abacusai.project_config", "abacusai.project_feature_group", "abacusai.project_feature_group_schema", "abacusai.project_feature_group_schema_version", "abacusai.project_validation", "abacusai.python_function", "abacusai.python_function_validator", "abacusai.python_plot_function", "abacusai.range_violation", "abacusai.realtime_monitor", "abacusai.refresh_pipeline_run", "abacusai.refresh_policy", "abacusai.refresh_schedule", "abacusai.regenerate_llm_external_application", "abacusai.regenerate_llm_option", "abacusai.resolved_feature_group_template", "abacusai.return_class", "abacusai.routing_action", "abacusai.schema", "abacusai.session_summary", "abacusai.session_transcript", "abacusai.session_transcripts", "abacusai.sftp_key", "abacusai.streaming_auth_token", "abacusai.streaming_client", "abacusai.streaming_connector", "abacusai.streaming_row_count", "abacusai.streaming_sample_code", "abacusai.sts_gen_settings", "abacusai.stt_gen_model", "abacusai.stt_gen_model_options", "abacusai.stt_gen_settings", "abacusai.template_node_details", "abacusai.test_point_predictions", "abacusai.tone_details", "abacusai.training_config_options", "abacusai.tts_gen_settings", "abacusai.twitter_search_result", "abacusai.unified_connector", "abacusai.upload", "abacusai.upload_part", "abacusai.use_case", "abacusai.use_case_requirements", "abacusai.user", "abacusai.user_exception", "abacusai.user_group_object_permission", "abacusai.video_gen_costs", "abacusai.video_gen_model", "abacusai.video_gen_model_options", "abacusai.video_gen_settings", "abacusai.video_search_result", "abacusai.voice_gen_details", "abacusai.web_app_conversation", "abacusai.web_app_deployment_permission_dict", "abacusai.web_app_domain", "abacusai.web_page_response", "abacusai.web_search_response", "abacusai.web_search_result", "abacusai.web_service_trigger_run", "abacusai.webhook", "abacusai.workflow_graph_node_details", "abacusai.workflow_node_template", "Abacus.AI API Client PyDocs"], "titleterms": {"abacu": 315, "abacus_api": 0, "abacusai": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "abstract": 15, "address": 1, "agent": 2, "agent_chat_messag": 3, "agent_convers": 4, "agent_data_document_info": 5, "agent_data_execution_result": 6, "agent_vers": 7, "ai": 315, "ai_ag": 16, "ai_building_task": 8, "ai_chat": 17, "algorithm": 9, "annot": 10, "annotation_config": 11, "annotation_docu": 12, "annotation_entri": 13, "annotations_statu": 14, "api": 315, "api_class": [15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34], "api_client_util": 35, "api_endpoint": 36, "api_kei": 37, "app_user_group": 38, "app_user_group_sign_in_token": 39, "application_connector": 40, "attribut": [15, 16, 24, 27, 34, 35, 58, 160, 176], "audio_gen_set": 41, "audio_url_result": 42, "audit_log": 43, "batch_predict": [18, 44], "batch_prediction_vers": 45, "batch_prediction_version_log": 46, "blob_input": 19, "bot_info": 47, "categorical_range_viol": 48, "chat_messag": 49, "chat_sess": 50, "chatllm_comput": 51, "chatllm_computer_statu": 52, "chatllm_memori": 53, "chatllm_project": 54, "chatllm_project_permiss": 55, "chatllm_referral_invit": 56, "chatllm_task": 57, "class": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "client": [58, 315], "code_agent_respons": 59, "code_autocomplete_edit_prediction_respons": 60, "code_autocomplete_respons": 61, "code_bot": 62, "code_edit": [63, 65], "code_edit_respons": 64, "code_embed": 66, "code_llm_changed_fil": 67, "code_sourc": 68, "code_suggestion_validation_respons": 69, "code_summary_respons": 70, "codellm_embedding_const": 71, "compute_point_info": 72, "concatenation_config": 73, "connector": 20, "constants_autocomplete_respons": 74, "content": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 27, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 176, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "cpu_gpu_memory_spec": 75, "cryptographi": 76, "custom_chat_instruct": 77, "custom_domain": 78, "custom_loss_funct": 79, "custom_metr": 80, "custom_metric_vers": 81, "custom_train_function_info": 82, "daemon_task_convers": 83, "data_consistency_dupl": 84, "data_metr": 85, "data_prep_log": 86, "data_quality_result": 87, "data_upload_result": 88, "database_column_feature_map": 89, "database_connector": 90, "database_connector_column": 91, "database_connector_schema": 92, "dataset": [21, 93], "dataset_application_connector": 22, "dataset_column": 94, "dataset_vers": 95, "dataset_version_log": 96, "default_llm": 97, "deploy": [23, 98], "deployment_auth_token": 99, "deployment_convers": 100, "deployment_conversation_ev": 101, "deployment_conversation_export": 102, "deployment_statist": 103, "document_data": 104, "document_retriev": [24, 105], "document_retriever_config": [], "document_retriever_lookup_result": 106, "document_retriever_vers": 107, "document_retriever_version_log": 108, "domain_purchase_result": 109, "domain_search_result": 110, "drift_distribut": [111, 112], "eda": 113, "eda_chart_descript": 114, "eda_collinear": 115, "eda_data_consist": 116, "eda_feature_associ": 117, "eda_feature_collinear": 118, "eda_forecasting_analysi": 119, "eda_vers": 120, "edit_image_model": 121, "embedding_feature_drift_distribut": 122, "entri_auth_token": 123, "enum": 25, "except": [58, 176], "execute_feature_group_oper": 124, "external_appl": 125, "external_invit": 126, "extracted_field": 127, "featur": 128, "feature_distribut": 129, "feature_drift_record": 130, "feature_drift_summari": 131, "feature_group": [26, 132], "feature_group_docu": 133, "feature_group_export": 134, "feature_group_export_config": 135, "feature_group_export_download_url": 136, "feature_group_lineag": 137, "feature_group_refresh_export_config": 138, "feature_group_row": 139, "feature_group_row_process": 140, "feature_group_row_process_log": 141, "feature_group_row_process_summari": 142, "feature_group_templ": 143, "feature_group_template_variable_opt": 144, "feature_group_vers": 145, "feature_group_version_log": 146, "feature_import": 147, "feature_map": 148, "feature_performance_analysi": 149, "feature_record": [], "file_connector": 150, "file_connector_instruct": 151, "file_connector_verif": 152, "finetuned_pretrained_model": 153, "forecasting_analysis_graph_data": 154, "forecasting_monitor_item_analysi": 155, "forecasting_monitor_summari": 156, "fs_entri": 157, "function": [15, 16, 25, 27, 35, 58, 76, 160, 176, 259], "function_log": 158, "generated_pit_feature_config_opt": 159, "global_context": 160, "graph_dashboard": 161, "holdout_analysi": 162, "holdout_analysis_vers": 163, "hosted_app": 164, "hosted_app_contain": 165, "hosted_app_file_read": 166, "hosted_artifact": 167, "hosted_databas": 168, "hosted_database_snapshot": 169, "hosted_model_token": 170, "hostname_info": 171, "hume_voic": 172, "image_gen_model": 173, "image_gen_model_opt": 174, "image_gen_set": 175, "indexing_config": 177, "indic": 315, "inferred_database_column_to_feature_map": 178, "inferred_feature_map": 179, "item_statist": 180, "lip_sync_gen_set": 181, "llm_app": 182, "llm_artifact": 183, "llm_artifact_convers": [], "llm_code_block": 184, "llm_execution_preview": 185, "llm_execution_result": 186, "llm_generated_cod": 187, "llm_input": 188, "llm_paramet": 189, "llm_respons": 190, "mcp_config": 191, "mcp_server": 192, "mcp_server_connect": 193, "mcp_server_query_result": 194, "memory_opt": 195, "messaging_connector_respons": 196, "model": [28, 197], "model_artifacts_export": 198, "model_blueprint_export": 199, "model_blueprint_stag": 200, "model_loc": 201, "model_metr": 202, "model_monitor": 203, "model_monitor_org_summari": 204, "model_monitor_summari": 205, "model_monitor_summary_from_org": 206, "model_monitor_vers": 207, "model_monitor_version_metric_data": 208, "model_training_type_for_deploy": 209, "model_upload": 210, "model_vers": 211, "model_version_feature_group_schema": 212, "modification_lock_info": 213, "modul": [0, 1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12, 13, 14, 15, 16, 17, 18, 19, 20, 21, 22, 23, 24, 25, 26, 28, 29, 30, 31, 32, 33, 34, 35, 36, 37, 38, 39, 40, 41, 42, 43, 44, 45, 46, 47, 48, 49, 50, 51, 52, 53, 54, 55, 56, 57, 58, 59, 60, 61, 62, 63, 64, 65, 66, 67, 68, 69, 70, 71, 72, 73, 74, 75, 76, 77, 78, 79, 80, 81, 82, 83, 84, 85, 86, 87, 88, 89, 90, 91, 92, 93, 94, 95, 96, 97, 98, 99, 100, 101, 102, 103, 104, 105, 106, 107, 108, 109, 110, 111, 112, 113, 114, 115, 116, 117, 118, 119, 120, 121, 122, 123, 124, 125, 126, 127, 128, 129, 130, 131, 132, 133, 134, 135, 136, 137, 138, 139, 140, 141, 142, 143, 144, 145, 146, 147, 148, 149, 150, 151, 152, 153, 154, 155, 156, 157, 158, 159, 160, 161, 162, 163, 164, 165, 166, 167, 168, 169, 170, 171, 172, 173, 174, 175, 177, 178, 179, 180, 181, 182, 183, 184, 185, 186, 187, 188, 189, 190, 191, 192, 193, 194, 195, 196, 197, 198, 199, 200, 201, 202, 203, 204, 205, 206, 207, 208, 209, 210, 211, 212, 213, 214, 215, 216, 217, 218, 219, 220, 221, 222, 223, 224, 225, 226, 227, 228, 229, 230, 231, 232, 233, 234, 235, 236, 237, 238, 239, 240, 241, 242, 243, 244, 245, 246, 247, 248, 249, 250, 251, 252, 253, 254, 255, 256, 257, 258, 259, 260, 261, 262, 263, 264, 265, 266, 267, 268, 269, 270, 271, 272, 273, 274, 275, 276, 277, 278, 279, 280, 281, 282, 283, 284, 285, 286, 287, 288, 289, 290, 291, 292, 293, 294, 295, 296, 297, 298, 299, 300, 301, 302, 303, 304, 305, 306, 307, 308, 309, 310, 311, 312, 313, 314], "monitor": 29, "monitor_alert": [30, 215], "monitor_alert_vers": 216, "monitor_drift_and_distribut": 217, "natural_language_explan": 218, "nested_featur": 219, "nested_feature_schema": 220, "news_search_result": 221, "nlp_chat_respons": 222, "null_viol": 223, "organization_external_application_set": 224, "organization_group": 225, "organization_search_result": 226, "organization_secret": 227, "packag": [27, 176], "page_data": 228, "pipelin": 229, "pipeline_refer": 230, "pipeline_step": 231, "pipeline_step_vers": 232, "pipeline_step_version_log": 233, "pipeline_step_version_refer": 234, "pipeline_vers": 235, "pipeline_version_log": 236, "playground_text": 237, "point_in_time_featur": 238, "point_in_time_feature_info": 239, "point_in_time_group": 240, "point_in_time_group_featur": 241, "prediction_cli": 242, "prediction_dataset": 243, "prediction_feature_group": 244, "prediction_input": 245, "prediction_log_record": 246, "prediction_oper": 247, "prediction_operator_vers": 248, "presentation_export_result": 249, "private_web_app_deploy": 250, "problem_typ": 251, "project": [31, 252], "project_config": 253, "project_feature_group": 254, "project_feature_group_schema": 255, "project_feature_group_schema_vers": 256, "project_valid": 257, "pydoc": 315, "python_funct": [32, 258], "python_function_valid": 259, "python_plot_funct": 260, "range_viol": 261, "realtime_monitor": 262, "refresh": 33, "refresh_pipeline_run": 263, "refresh_polici": 264, "refresh_schedul": 265, "regenerate_llm_external_appl": 266, "regenerate_llm_opt": 267, "resolved_feature_group_templ": 268, "return_class": 269, "routing_act": 270, "schema": 271, "segment": 34, "session_summari": 272, "session_transcript": [273, 274], "sftp_kei": 275, "streaming_auth_token": 276, "streaming_cli": 277, "streaming_connector": 278, "streaming_row_count": 279, "streaming_sample_cod": 280, "sts_gen_set": 281, "stt_gen_model": 282, "stt_gen_model_opt": 283, "stt_gen_set": 284, "submodul": [27, 176], "template_node_detail": 285, "test_point_predict": 286, "tone_detail": 287, "training_config_opt": 288, "tts_gen_set": 289, "twitter_search_result": 290, "unified_connector": 291, "upload": 292, "upload_part": 293, "use_cas": 294, "use_case_requir": 295, "user": 296, "user_except": 297, "user_group_object_permiss": 298, "video_gen_cost": 299, "video_gen_model": 300, "video_gen_model_opt": 301, "video_gen_set": 302, "video_search_result": 303, "voice_gen_detail": 304, "web_app_convers": 305, "web_app_deployment_permission_dict": 306, "web_app_domain": 307, "web_page_respons": 308, "web_search_respons": 309, "web_search_result": 310, "web_service_trigger_run": 311, "webhook": 312, "workflow_graph_nod": [], "workflow_graph_node_detail": 313, "workflow_node_templ": 314}}) \ No newline at end of file diff --git a/examples/CheatSheet.md b/examples/CheatSheet.md index 12665cbc0..db399d4ed 100644 --- a/examples/CheatSheet.md +++ b/examples/CheatSheet.md @@ -1,49 +1,66 @@ -## Python SDK Documentation Examples -The full Documentation of the Abacus.AI python SDK can be found [here](https://abacusai.github.io/api-python/autoapi/abacusai/index.html) +## Abacus Python SDK Usage +Abacus.AI provides a comprehensive Python SDK that can be combined with Open Source python libraries to complement your solutions. Within our Python SDK we also have specific methods that will allow you to: +1. Create AI Workflows within the platform +2. Create Models (GenAI or ML) -Please note that from within the platform's UI, you will have access to template/example code for all below cases: -- [Python Feature Group](https://abacus.ai/app/python_functions_list) -- [Pipelines](https://abacus.ai/app/pipelines) -- [Custom Loss Functions](https://abacus.ai/app/custom_loss_functions_list) -- Custom Models & [Algorithms](https://abacus.ai/app/algorithm_list) -- [Python Modules](https://abacus.ai/app/modules_list) -- And others... - -Furthermore, the platform's `AI Engineer`, also has access to our API's and will be able to provide you with any code that you require. - -#### Abacus.AI - API Command Cheatsheet -Here is a list of important methods you should keep saved somewhere. You can find examples for all of these methods inside the notebooks, or you can refer to the official documentation. +### Basic Commands +Here is a list of some of the basic methods to use: ```python +# Connect to Abacus.AI from abacusai import ApiClient client = ApiClient('YOUR_API_KEY') -#client.whatever_name_of_method_below() ``` -| Method | Explanation | -|----------------------------------------------------|------------------------------------------------------------------------------------------------------------------------------------------------------------------------------| -| suggest_abacus_apis | Describe what you need, and we will return the methods that will help you achieve it. | -| describe_project | Describe's project | -| create_dataset_from_upload | Creates a dataset object from local data | -| describe_feature_group_by_table_name | Describes the feature group using the table name | -| describe_feature_group_version | Describes the feature group using the feature group version | -| list_models | List's models of a project | -| extract_data_using_llm | Extracts data from a document. Allows you to create a json output and extract specific information from a document | -| execute_data_query_using_llm | Runs SQL on top of feature groups based on natural language input. Can return both SQL and the result of SQL execution. | -| get_chat_response | Uses a chatLLM deployment. Can be used to add filters, change LLM and do advanced use cases using an agent on top of a ChatLLM deployment. | -| get_chat_response_with_binary_data | Same as above, but you can also send a binary dataset | -| get_conversation_response | Uses a chatLLM deployment with conversation history. Useful when you need to use the API. You create a conversation ID and you send it or you use the one created by Abacus. | -| get_conversation_response_with_binary_data | Same as above, but you can also send a binary dataset | -| evaluate_prompt | LLM call for a user query. Can get JSON output using additional arguments | -| get_matching_documents | Gets the search results for a user query using document retriever directly. Can be used along with evaluate_prompt to create a customized chat llm like agent | -| get_relevant_snippets | Creates a doc retriever on the fly for retrieving search results | -| extract_document_data | Extract data from a PDF, Word document, etc using OCR or using the digital text. | -| get_docstore_document | Download document from the doc store using their doc_id. | -| get_docstore_document_data | Get extracted or embedded text from a document using their doc_id. | -| stream_message | Streams message on the UI for agents | -| update_feature_group_sql_definition | Updates the SQL definition of a feature group | -| query_database_connector | Executes a SQL query on top of a database connector. Will only work for connectors that support it. | -| export_feature_group_version_to_file_connector | Exports a feature group to a file connector | -| export_feature_group_version_to_database_connector | Exports a feature group to a database connector | -| create_dataset_version_from_file_connector | Refreshes data from the file connector connected to the file connector. | -| create_dataset_version_from_database_connector | Refreshes data from the file connector connected to the database connector. | +```python +# Below method returns methods related to the query of the user +client.suggest_abacus_apis(query = 'API Methods to invoke a LLM', verbosity=1, limit=5) +``` + +```python +# Below method allows you to Invoke a LLM. json_response_schema is optional - in cases where a JSON response is required. +r = client.evaluate_prompt(prompt = "In this course, you will learn about car batteries, car doors, and car suspension system", + # system_message = "OPTIONAL, but good to have", + llm_name = 'OPENAI_GPT4O', + response_type='json', + json_response_schema = {"learning_objectives": {"type": "list", "description": "A list of learning objectives", "is_required": True}} +) +``` + +```python +# Below method allows you to do OCR on any type of input (PDF, WORD, MD, etc) +from abacusai.client import BlobInput +document = BlobInput.from_local_file("YOUR_DOCUMENT.pdf/word/etc") +extracted_doc_data = client.extract_document_data(document.contents) + +# print first 100 chracters of page 0 +print(extracted_doc_data.pages[0][0:100]) +# print first 100 chracters of all embedded text +print(extracted_doc_data.embedded_text[0:100]) +``` + +```python +# Below Method allows you to load an existing Feature group from the Abacus platform +df = client.describe_feature_group_by_table_name('YOUR_FEATURE_GROUP_NAME').load_as_pandas() +``` + +```python +# Below method allows you to query data directly from a DB connector that has been established within Abacus. + +``` + +### Best Practices and when to use the Python SDK +Abacus combines infrastructure with common GenAI methods required to build applications. You're still free to use open-source libraries within your code, combining our powerful built-in methods with existing tools and frameworks. + +| Method Signature | Explanation | +|------------------|-------------| +| `suggest_abacus_apis(query: str, verbosity: int, limit: int)` | Describe what you need, and we will return the methods that will help you achieve it. | +| `describe_project(project_id: str)` | Describes a project | +| `create_dataset_from_upload(name: str, table_name: str, upload_id: str)` | Creates a dataset object from local data | +| `describe_feature_group_by_table_name(table_name: str)` | Describes the feature group using the table name | +| `list_models(project_id: str, limit: int)` | Lists models of a project | +| `get_conversation_response(deployment_conversation_id: str, message: str)` | Uses a chatLLM deployment with conversation history. Useful when you need to use the API. You create a conversation ID and send it or use the one created by Abacus. | +| `evaluate_prompt(prompt: str, system_message: str, llm_name: str)` | LLM call for a user query. Can get JSON output using additional arguments | +| `get_matching_documents(deployment_id: str, query: str)` | Gets the search results for a user query using document retriever directly. Can be used along with evaluate_prompt to create a customized chat LLM-like agent | +| `extract_document_data(doc_id: str, document_processing_config)` | Extracts data from a PDF, Word document, etc. using OCR or the digital text. | +| `query_database_connector(database_connector_id: str, query: str)` | Executes a SQL query on top of a database connector. Will only work for connectors that support it. | diff --git a/examples/basics/code_execution.ipynb b/examples/basics/code_execution.ipynb new file mode 100644 index 000000000..bd343e216 --- /dev/null +++ b/examples/basics/code_execution.ipynb @@ -0,0 +1,44 @@ +{ + "cells": [ + { + "cell_type": "markdown", + "metadata": {}, + "source": [ + "### Code Execution\n", + "Our API allows you to actually execute code! This is super useful for building `AI Agents` that can execute different types of code on demand. Here is an example script that also includes using a local file and passing it to the `execute_python` method." + ] + }, + { + "cell_type": "code", + "execution_count": null, + "metadata": {}, + "outputs": [], + "source": [ + "import pandas as pd\n", + "\n", + "\n", + "# Save DataFrame to CSV file\n", + "csv_filename = 'data_transfer.csv'\n", + "df = pd.DataFrame({'DUMMY':[10]})\n", + "df.to_csv(csv_filename, index=False)\n", + "\n", + "code = \"\"\"\n", + "import pandas as pd\n", + "\n", + "df = pd.read_csv('data_transfer.csv')\n", + "print(type(df))\n", + "print(df)\n", + "\"\"\"\n", + "\n", + "client.execute_python(code)" + ] + } + ], + "metadata": { + "language_info": { + "name": "python" + } + }, + "nbformat": 4, + "nbformat_minor": 2 +} diff --git a/examples/language/0.calling_large_language_models.ipynb b/examples/language/0.calling_large_language_models.ipynb index 939c2e878..6318e1e78 100644 --- a/examples/language/0.calling_large_language_models.ipynb +++ b/examples/language/0.calling_large_language_models.ipynb @@ -64,6 +64,7 @@ "r = client.evaluate_prompt(prompt = \"In this course, you will learn about car batteries, car doors, and car suspension system\",\n", " # system_message = \"OPTIONAL, but good to have\", \n", " llm_name = 'OPENAI_GPT4O',\n", + " response_type='json',\n", " json_response_schema = {\"learning_objectives\": {\"type\": \"list\", \"description\": \"A list of learning objectives\", \"is_required\": True}}\n", ")\n", "learning_objectives = json.loads(r.content)\n", diff --git a/setup.py b/setup.py index b958b3dd1..820ab6952 100644 --- a/setup.py +++ b/setup.py @@ -1,7 +1,7 @@ from setuptools import find_packages, setup -__version__ = '1.4.31' +__version__ = '1.4.76' setup(name='abacusai', @@ -20,7 +20,6 @@ 'Development Status :: 5 - Production/Stable', 'Intended Audience :: Developers', 'Topic :: Utilities', - 'License :: OSI Approved :: MIT License', 'Programming Language :: Python :: 3', 'Programming Language :: Python :: 3.8', 'Programming Language :: Python :: 3.9',